• 教程 >
  • 使用 Ax 进行多目标 NAS
快捷方式

使用 Ax 进行多目标 NAS

创建日期:2022 年 8 月 19 日 | 最后更新:2024 年 7 月 31 日 | 最后验证:2024 年 11 月 5 日

作者: David Eriksson, Max Balandat 以及 Meta 的自适应实验团队。

在本教程中,我们将演示如何使用 Ax 在流行的 MNIST 数据集上对一个简单的神经网络模型运行多目标神经架构搜索 (NAS)。虽然底层方法通常用于更复杂的模型和更大的数据集,但我们选择了一个易于在笔记本电脑上端到端运行且耗时少于 20 分钟的教程。

在许多 NAS 应用中,多个目标之间存在自然的权衡。例如,在设备上部署模型时,我们可能希望最大化模型性能(例如,准确率),同时为了满足部署约束,最小化功耗、推理延迟或模型大小等竞争指标。通常,我们可以通过接受略微降低的模型性能来大幅减少计算需求或预测延迟。有效探索此类权衡的原则性方法是实现可扩展和可持续 AI 的关键推动力,并在 Meta 有许多成功的应用——例如,请参阅我们关于自然语言理解模型的案例研究

在本例中,我们将调整两个隐藏层的宽度、学习率、dropout 概率、批量大小和训练轮数。目标是在性能(验证集上的准确率)和模型大小(模型参数数量)之间进行权衡。

本教程使用了以下 PyTorch 库

  • PyTorch Lightning (用于指定模型和训练循环)

  • TorchX (用于远程/异步运行训练作业)

  • BoTorch (为 Ax 算法提供支持的贝叶斯优化库)

定义 TorchX 应用

我们的目标是优化 mnist_train_nas.py 中定义的 PyTorch Lightning 训练作业。为了使用 TorchX 实现此目标,我们编写了一个辅助函数,该函数接收训练作业的架构和超参数值,并创建一个具有适当设置的 TorchX AppDef

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

设置 Runner

Ax 的 Runner 抽象允许编写与各种后端交互的接口。Ax 已自带 TorchX 的 Runner,因此我们只需要对其进行配置即可。在本教程中,我们将以完全异步的方式在本地运行作业。

为了在集群上启动它们,你可以改为指定不同的 TorchX 调度器并相应地调整配置。例如,如果你有一个 Kubernetes 集群,只需将调度器从 local_cwd 更改为 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={},
)

设置 SearchSpace

首先,我们定义搜索空间。Ax 支持整数和浮点数类型的范围参数,以及可以是字符串等非数值类型的选择参数。我们将隐藏层大小、学习率、dropout 和训练轮数作为范围参数进行调优,并将批量大小作为有序选择参数进行调优,以强制其为 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=[],
)

设置 Metrics

Ax 中有一个 Metric 的概念,它定义了结果的属性以及如何获取这些结果的观测值。这允许例如编码如何从某些分布式执行后端获取数据,并在将其作为输入传递给 Ax 之前进行后处理。

在本教程中,我们将使用多目标优化,目标是最大化验证准确率并最小化模型参数数量。后者代表了模型延迟的一个简单代理,对于小型机器学习模型来说很难准确估计(在实际应用中,我们会在设备上运行模型时对其延迟进行基准测试)。

在本例中,TorchX 将在本地以完全异步的方式运行训练作业,并根据 trial 索引将结果写入 log_dir(参见上面的 trainer() 函数)。我们将定义一个了解该日志目录的 Metric 类。通过继承 TensorboardCurveMetric,我们可以免费获得读取和解析 TensorBoard 日志的逻辑。

from ax.metrics.tensorboard import TensorboardMetric
from tensorboard.backend.event_processing import plugin_event_multiplexer as event_multiplexer

class MyTensorboardMetric(TensorboardMetric):

    # NOTE: We need to tell the new TensorBoard metric how to get the id /
    # file handle for the TensorBoard logs from a trial. In this case
    # our convention is to just save a separate file per trial in
    # the prespecified log dir.
    def _get_event_multiplexer_for_trial(self, trial):
        mul = event_multiplexer.EventMultiplexer(max_reload_threads=20)
        mul.AddRunsFromDirectory(Path(log_dir).joinpath(str(trial.index)).as_posix(), None)
        mul.Reload()

        return mul

    # This indicates whether the metric is queryable while the trial is
    # still running. 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

现在我们可以实例化准确率和模型参数数量的指标。这里的 curve_name 是 TensorBoard 日志中指标的名称,而 name 是 Ax 内部使用的指标名称。我们还指定 lower_is_better 来指示两个指标的有利方向。

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

设置 OptimizationConfig

告知 Ax 应优化什么的方式是通过 OptimizationConfig。由于我们将执行多目标优化,因此此处使用 MultiObjectiveOptimizationConfig

此外,Ax 支持通过指定目标阈值来对不同的指标设置约束,这些阈值限制了我们在结果空间中感兴趣的探索区域。在本例中,我们将验证准确率约束为至少 0.94 (94%),模型参数数量最多为 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),
    ],
)

创建 Ax Experiment

在 Ax 中,Experiment 对象是存储问题设置所有信息的对象。

from ax.core import Experiment

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

选择 Generation Strategy

一个 GenerationStrategy 是我们希望如何执行优化的抽象表示。虽然这可以自定义(如果你想自定义,请参阅本教程),但在大多数情况下,Ax 可以根据搜索空间、优化配置和要运行的总 trial 数自动确定合适的策略。

通常,在开始基于模型的贝叶斯优化策略之前,Ax 会选择评估一些随机配置。

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-23 16:32:14] 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-23 16:32:14] 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-23 16:32:14] ax.modelbridge.dispatch_utils: calculated num_initialization_trials=9
[INFO 04-23 16:32:14] ax.modelbridge.dispatch_utils: num_completed_initialization_trials=0 num_remaining_initialization_trials=9
[INFO 04-23 16:32:14] 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-23 16:32:14] 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.

配置 Scheduler

The Scheduler 作为优化的循环控制器。它与后端通信以启动 trial、检查其状态并检索结果。在本教程中,它只是读取和解析本地保存的日志。在远程执行设置中,它将调用 API。Ax Scheduler 教程中的下图总结了 Scheduler 如何与用于运行 trial 评估的外部系统交互

../_static/img/ax_scheduler_illustration.png

The Scheduler 需要 ExperimentGenerationStrategy。可以通过 SchedulerOptions 传入一组选项。在这里,我们配置了总评估次数以及 max_pending_trials,即应同时运行的最大 trial 数。在我们的本地设置中,这是作为独立进程运行的训练作业数,而在远程执行设置中,这将是你要并行使用的机器数量。

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-23 16:32:14] 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-23 16:32:14] Scheduler: `Scheduler` requires experiment to have immutable search space and optimization config. Setting property immutable_search_space_and_opt_config to `True` on experiment.

运行优化

现在一切都已配置好,我们可以让 Ax 以完全自动化的方式运行优化。Scheduler 将定期检查日志中所有当前运行 trial 的状态,如果一个 trial 完成,Scheduler 将更新其在 experiment 上的状态并获取贝叶斯优化算法所需的观测值。

scheduler.run_all_trials()
/usr/local/lib/python3.10/dist-packages/ax/modelbridge/cross_validation.py:439: UserWarning:

Encountered exception in computing model fit quality: RandomModelBridge does not support prediction.

[INFO 04-23 16:32:14] Scheduler: Running trials [0]...
/usr/local/lib/python3.10/dist-packages/ax/modelbridge/cross_validation.py:439: UserWarning:

Encountered exception in computing model fit quality: RandomModelBridge does not support prediction.

[INFO 04-23 16:32:15] Scheduler: Running trials [1]...
/usr/local/lib/python3.10/dist-packages/ax/modelbridge/cross_validation.py:439: UserWarning:

Encountered exception in computing model fit quality: RandomModelBridge does not support prediction.

[INFO 04-23 16:32:16] Scheduler: Running trials [2]...
/usr/local/lib/python3.10/dist-packages/ax/modelbridge/cross_validation.py:439: UserWarning:

Encountered exception in computing model fit quality: RandomModelBridge does not support prediction.

[INFO 04-23 16:32:17] Scheduler: Running trials [3]...
[INFO 04-23 16:32:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 04-23 16:32:19] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 04-23 16:32:20] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 04-23 16:32:23] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 4).
[INFO 04-23 16:32:26] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 4).
[INFO 04-23 16:32:31] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 4).
[INFO 04-23 16:32:39] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 4).
[INFO 04-23 16:32:50] Scheduler: Retrieved COMPLETED trials: [1, 3].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/modelbridge/cross_validation.py:439: UserWarning:

Encountered exception in computing model fit quality: RandomModelBridge does not support prediction.

[INFO 04-23 16:32:50] Scheduler: Running trials [4]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/modelbridge/cross_validation.py:439: UserWarning:

Encountered exception in computing model fit quality: RandomModelBridge does not support prediction.

[INFO 04-23 16:32:51] Scheduler: Running trials [5]...
[INFO 04-23 16:32:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 04-23 16:32:53] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 04-23 16:32:55] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 04-23 16:32:57] Scheduler: Retrieved COMPLETED trials: [2].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/modelbridge/cross_validation.py:439: UserWarning:

Encountered exception in computing model fit quality: RandomModelBridge does not support prediction.

[INFO 04-23 16:32:57] Scheduler: Running trials [6]...
[INFO 04-23 16:32:58] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 04-23 16:32:59] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 04-23 16:33:01] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 04-23 16:33:03] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 4).
[INFO 04-23 16:33:06] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 4).
[INFO 04-23 16:33:11] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 4).
[INFO 04-23 16:33:19] Scheduler: Retrieved COMPLETED trials: [4].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/modelbridge/cross_validation.py:439: UserWarning:

Encountered exception in computing model fit quality: RandomModelBridge does not support prediction.

[INFO 04-23 16:33:19] Scheduler: Running trials [7]...
[INFO 04-23 16:33:20] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 04-23 16:33:21] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 04-23 16:33:23] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 04-23 16:33:25] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 4).
[INFO 04-23 16:33:28] Scheduler: Retrieved COMPLETED trials: [6].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/modelbridge/cross_validation.py:439: UserWarning:

Encountered exception in computing model fit quality: RandomModelBridge does not support prediction.

[INFO 04-23 16:33:28] Scheduler: Running trials [8]...
[INFO 04-23 16:33:29] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 04-23 16:33:30] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 04-23 16:33:32] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 04-23 16:33:34] Scheduler: Retrieved COMPLETED trials: [0].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:33:44] Scheduler: Running trials [9]...
[INFO 04-23 16:33:45] Scheduler: Retrieved COMPLETED trials: [5].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 2

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:34:00] Scheduler: Running trials [10]...
[INFO 04-23 16:34:01] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 04-23 16:34:02] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 04-23 16:34:03] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 04-23 16:34:06] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 4).
[INFO 04-23 16:34:09] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 4).
[INFO 04-23 16:34:14] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 4).
[INFO 04-23 16:34:22] Scheduler: Retrieved COMPLETED trials: [8].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:34:30] Scheduler: Running trials [11]...
[INFO 04-23 16:34:31] Scheduler: Retrieved COMPLETED trials: [7, 9].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 2

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:34:47] Scheduler: Running trials [12]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:34:48] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:34:48] Scheduler: Retrieved COMPLETED trials: [10].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 2

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:35:01] Scheduler: Running trials [13]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:35:02] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:35:02] Scheduler: Retrieved COMPLETED trials: [11].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 2

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:35:14] Scheduler: Running trials [14]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:35:15] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:35:15] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-23 16:35:16] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-23 16:35:18] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-23 16:35:20] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-23 16:35:24] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-23 16:35:29] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-23 16:35:36] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 04-23 16:35:48] Scheduler: Retrieved COMPLETED trials: [12].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 2

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:36:05] Scheduler: Running trials [15]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:36:06] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:36:06] Scheduler: Retrieved COMPLETED trials: 13 - 14.
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 1

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:36:20] Scheduler: Running trials [16]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 0

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:36:38] Scheduler: Running trials [17]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:36:39] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:36:39] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-23 16:36:40] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-23 16:36:41] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-23 16:36:43] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-23 16:36:47] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-23 16:36:52] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-23 16:37:00] Scheduler: Retrieved COMPLETED trials: [15].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 0

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:37:15] Scheduler: Running trials [18]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:37:16] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:37:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-23 16:37:17] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-23 16:37:19] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-23 16:37:21] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-23 16:37:25] Scheduler: Retrieved COMPLETED trials: [16].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:37:36] Scheduler: Running trials [19]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:37:37] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:37:37] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-23 16:37:38] Scheduler: Retrieved COMPLETED trials: [17].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:37:53] Scheduler: Running trials [20]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:37:54] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:37:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-23 16:37:55] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-23 16:37:57] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-23 16:37:59] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-23 16:38:02] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-23 16:38:08] Scheduler: Retrieved COMPLETED trials: [18].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:38:23] Scheduler: Running trials [21]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:38:24] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:38:24] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-23 16:38:25] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-23 16:38:26] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-23 16:38:28] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-23 16:38:32] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-23 16:38:37] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-23 16:38:45] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 04-23 16:38:56] Scheduler: Retrieved COMPLETED trials: [19].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 0

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:39:19] Scheduler: Running trials [22]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:39:20] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:39:20] Scheduler: Retrieved COMPLETED trials: [20].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 1

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:39:43] Scheduler: Running trials [23]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:39:44] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:39:44] Scheduler: Retrieved COMPLETED trials: [21].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 1

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:40:05] Scheduler: Running trials [24]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:40:06] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:40:06] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-23 16:40:07] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-23 16:40:09] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-23 16:40:11] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-23 16:40:15] Scheduler: Retrieved COMPLETED trials: [22].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 0

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:40:33] Scheduler: Running trials [25]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:40:33] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:40:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-23 16:40:34] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-23 16:40:35] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-23 16:40:37] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-23 16:40:41] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-23 16:40:46] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-23 16:40:53] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 04-23 16:41:05] Scheduler: Retrieved COMPLETED trials: [23].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 1

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:41:22] Scheduler: Running trials [26]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:41:23] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:41:24] Scheduler: Retrieved COMPLETED trials: [24].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 1

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:41:46] Scheduler: Running trials [27]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:41:46] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:41:46] Scheduler: Retrieved COMPLETED trials: [25].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 1

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:42:10] Scheduler: Running trials [28]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:42:11] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:42:11] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-23 16:42:12] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-23 16:42:13] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-23 16:42:16] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-23 16:42:19] Scheduler: Retrieved COMPLETED trials: [26].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 1

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:42:46] Scheduler: Running trials [29]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:42:47] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:42:47] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-23 16:42:48] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-23 16:42:50] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-23 16:42:52] Scheduler: Retrieved COMPLETED trials: [27].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 1

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:43:10] Scheduler: Running trials [30]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:43:11] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:43:11] Scheduler: Retrieved COMPLETED trials: [28].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 1

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:43:37] Scheduler: Running trials [31]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:43:38] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:43:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-23 16:43:39] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-23 16:43:40] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-23 16:43:42] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-23 16:43:46] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-23 16:43:51] Scheduler: Retrieved COMPLETED trials: [29].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 0

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:44:11] Scheduler: Running trials [32]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:44:12] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:44:12] Scheduler: Retrieved COMPLETED trials: [31].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 2

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:44:38] Scheduler: Running trials [33]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:44:39] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:44:39] Scheduler: Retrieved COMPLETED trials: [30].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 2

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:45:09] Scheduler: Running trials [34]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:45:10] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:45:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-23 16:45:11] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-23 16:45:13] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-23 16:45:15] Scheduler: Retrieved COMPLETED trials: [32].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 1

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:45:35] Scheduler: Running trials [35]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:45:36] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:45:36] Scheduler: Retrieved COMPLETED trials: [33].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 2

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:46:03] Scheduler: Running trials [36]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:46:04] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:46:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-23 16:46:05] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-23 16:46:06] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-23 16:46:09] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-23 16:46:12] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-23 16:46:17] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-23 16:46:25] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 04-23 16:46:36] Scheduler: Retrieved COMPLETED trials: [34].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:47:03] Scheduler: Running trials [37]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:47:04] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:47:04] Scheduler: Retrieved COMPLETED trials: [35].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 0

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:47:34] Scheduler: Running trials [38]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:47:35] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:47:35] Scheduler: Retrieved COMPLETED trials: [36].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:47:59] Scheduler: Running trials [39]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:47:59] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:47:59] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-23 16:48:00] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-23 16:48:02] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-23 16:48:04] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-23 16:48:07] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-23 16:48:12] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-23 16:48:20] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 04-23 16:48:31] Scheduler: Retrieved COMPLETED trials: [37].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 1

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:48:54] Scheduler: Running trials [40]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:48:55] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:48:55] Scheduler: Retrieved COMPLETED trials: 38 - 39.
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 0

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:49:23] Scheduler: Running trials [41]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 0

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:49:37] Scheduler: Running trials [42]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:49:38] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:49:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-23 16:49:39] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-23 16:49:41] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-23 16:49:43] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-23 16:49:46] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-23 16:49:51] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-23 16:49:59] Scheduler: Retrieved COMPLETED trials: [40].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 2

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:50:25] Scheduler: Running trials [43]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:50:26] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:50:26] Scheduler: Retrieved COMPLETED trials: [41].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 0

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:50:45] Scheduler: Running trials [44]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:50:45] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:50:45] Scheduler: Retrieved COMPLETED trials: [42].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 2

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:51:06] Scheduler: Running trials [45]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:51:07] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 04-23 16:51:07] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-23 16:51:08] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-23 16:51:09] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-23 16:51:12] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 04-23 16:51:15] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 04-23 16:51:20] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 04-23 16:51:28] Scheduler: Retrieved COMPLETED trials: 43 - 44.
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 0

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:51:48] Scheduler: Running trials [46]...
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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

/usr/local/lib/python3.10/dist-packages/botorch/optim/optimize_mixed.py:702: OptimizationWarning:

Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: 1

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:

If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.

[INFO 04-23 16:52:10] Scheduler: Running trials [47]...
[INFO 04-23 16:52:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 04-23 16:52:11] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 04-23 16:52:12] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 04-23 16:52:14] Scheduler: Retrieved COMPLETED trials: [45].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:52:14] Scheduler: Done submitting trials, waiting for remaining 2 running trials...
[INFO 04-23 16:52:14] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).
[INFO 04-23 16:52:15] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 2).
[INFO 04-23 16:52:17] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 2).
[INFO 04-23 16:52:19] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 2).
[INFO 04-23 16:52:23] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 2).
[INFO 04-23 16:52:28] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 2).
[INFO 04-23 16:52:35] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 2).
[INFO 04-23 16:52:47] Scheduler: Waiting for completed trials (for 17 sec, currently running trials: 2).
[INFO 04-23 16:53:04] Scheduler: Retrieved COMPLETED trials: [46].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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-23 16:53:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 1).
[INFO 04-23 16:53:05] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 1).
[INFO 04-23 16:53:06] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 1).
[INFO 04-23 16:53:09] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 1).
[INFO 04-23 16:53:12] Scheduler: Retrieved COMPLETED trials: [47].
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer 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()

评估结果

现在我们可以使用 Ax 附带的辅助函数和可视化工具检查优化结果。

首先,我们生成一个包含实验结果摘要的数据帧。该数据帧中的每一行对应一个 trial(即运行过的训练作业),并包含 trial 的状态、评估的参数配置以及观测到的指标值的信息。这提供了一种轻松对优化进行健全性检查的方法。

from ax.service.utils.report_utils import exp_to_df

df = exp_to_df(experiment)
df.head(10)
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

The behavior of DataFrame concatenation with empty or all-NA entries is deprecated. In a future version, this will no longer exclude empty or all-NA columns when determining the result dtypes. To retain the old behavior, exclude the relevant entries before the concat operation.
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.909105 19 66 0.003182 4 0.190970 32
1 1 1_0 COMPLETED Sobol False 40280.0 0.920315 50 18 0.000614 2 0.425028 128
2 2 2_0 COMPLETED Sobol False 112720.0 0.961822 127 96 0.001233 3 0.334354 256
3 3 3_0 COMPLETED Sobol False 30653.0 0.908574 37 35 0.000234 1 0.037933 64
4 4 4_0 COMPLETED Sobol False 26056.0 0.919989 28 108 0.000339 1 0.062996 32
5 5 5_0 COMPLETED Sobol True 71312.0 0.942880 87 32 0.006412 3 0.297078 128
6 6 6_0 COMPLETED Sobol False 50051.0 0.879218 59 55 0.000116 2 0.458433 256
7 7 7_0 COMPLETED Sobol False 19530.0 0.934280 24 21 0.002236 4 0.161959 64
8 8 8_0 COMPLETED Sobol False 18080.0 0.904780 20 80 0.000163 3 0.388082 64
9 9 9_0 COMPLETED BoTorch True 45968.0 0.942838 49 128 0.001668 3 0.407253 256


我们还可以可视化验证准确率和模型参数数量之间权衡的帕累托前沿。

提示

Ax 使用 Plotly 生成交互式图表,这允许你进行缩放、裁剪或悬停等操作,以查看图表组件的详细信息。试一试,如果你想了解更多信息,请参阅可视化教程)。

最终的优化结果如下图所示,其中颜色对应于每个 trial 的迭代次数。我们看到,我们的方法能够成功探索权衡空间,并找到了具有高验证准确率的大型模型,以及具有相对较低验证准确率的小型模型。

from ax.service.utils.report_utils import _pareto_frontier_scatter_2d_plotly

_pareto_frontier_scatter_2d_plotly(experiment)
/usr/local/lib/python3.10/dist-packages/ax/core/map_data.py:216: FutureWarning:

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


为了更好地理解我们的代理模型从黑盒目标中学到了什么,我们可以查看留一交叉验证结果。由于我们的模型是高斯过程,它们不仅提供点预测,还提供对这些预测的不确定性估计。一个好的模型意味着预测均值(图中的点)接近 45 度线,并且置信区间以预期的频率覆盖 45 度线(这里我们使用 95% 置信区间,因此我们期望它们在 95% 的时间包含真实观测值)。

如下图所示,模型大小 (num_params) 指标比验证准确率 (val_acc) 指标更容易建模。

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)


我们还可以绘制等高线图,以便更好地理解不同目标如何取决于两个输入参数。下图中,我们展示了模型预测的验证准确率随两个隐藏层大小的变化。验证准确率随着隐藏层大小的增加而明显增加。

from ax.plot.contour import interact_contour_plotly

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


同样,下图中展示了模型参数数量随隐藏层大小的变化,可以看到它也随着隐藏层大小的增加而增加(对 hidden_size_1 的依赖性要大得多)。

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


致谢

我们感谢 TorchX 团队(特别是 Kiuk Chung 和 Tristan Rice)在将 TorchX 与 Ax 集成方面的帮助。

脚本总运行时间: ( 21 分 12.937 秒)

Gallery 由 Sphinx-Gallery 生成

文档

查阅 PyTorch 的完整开发者文档

查看文档

教程

获取面向初学者和高级开发者的深度教程

查看教程

资源

查找开发资源并获得解答

查看资源