使用 Ax 进行多目标神经架构搜索
作者: 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。
frompathlibimport Path
importtorchx
fromtorchximport specs
fromtorchx.componentsimport utils
deftrainer(
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
即可。
importtempfile
fromax.runners.torchximport 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 和 epoch 数量作为范围参数,并将批量大小调整为有序选择参数,以确保它是 2 的幂次方。
fromax.coreimport (
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=[],
)
配置指标
Ax 有一个 Metric 的概念,它定义了结果的属性以及如何获取这些结果的观测值。这使得可以编码如何从某些分布式执行后端获取数据,并在将其作为输入传递给 Ax 之前进行后处理。
在本教程中,我们将使用 多目标优化,目标是最大化验证准确率并最小化模型参数数量。后者代表了模型延迟的简单代理,因为对于小型 ML 模型,延迟难以准确估计(在实际应用中,我们会在设备上运行模型时对延迟进行基准测试)。
在我们的示例中,TorchX 将以完全异步的方式在本地运行训练作业,并根据试验索引将结果写入 log_dir
(参见上面的 trainer()
函数)。我们将定义一个了解该日志目录的指标类。通过子类化 TensorboardCurveMetric,我们可以免费获得读取和解析 TensorBoard 日志的逻辑。
fromax.metrics.tensorboardimport TensorboardMetric
fromtensorboard.backend.event_processingimport plugin_event_multiplexer as event_multiplexer
classMyTensorboardMetric(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
defis_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。
fromax.coreimport MultiObjective, Objective, ObjectiveThreshold
fromax.core.optimization_configimport 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 实验
在 Ax 中,Experiment 对象是存储所有问题设置信息的对象。
fromax.coreimport Experiment
experiment = Experiment(
name="torchx_mnist",
search_space=search_space,
optimization_config=opt_config,
runner=ax_runner,
)
选择生成策略
GenerationStrategy 是一种抽象表示,用于描述我们希望如何执行优化。虽然这可以自定义(如果您想这样做,请参阅本教程),但在大多数情况下,Ax 可以根据搜索空间、优化配置以及我们希望运行的试验总数自动确定合适的策略。
通常,Ax 会选择在启动基于模型的贝叶斯优化策略之前,先评估一些随机配置。
total_trials = 48 # total evaluation budget
fromax.modelbridge.dispatch_utilsimport choose_generation_strategy
gs = choose_generation_strategy(
search_space=experiment.search_space,
optimization_config=experiment.optimization_config,
num_trials=total_trials,
)
[INFO 03-21 17:05:08] ax.modelbridge.dispatch_utils: Using Models.BOTORCH_MODULAR since there is at least one ordered parameter and there are no unordered categorical parameters.
[INFO 03-21 17:05:08] ax.modelbridge.dispatch_utils: Calculating the number of remaining initialization trials based on num_initialization_trials=None max_initialization_trials=None num_tunable_parameters=6 num_trials=48 use_batch_trials=False
[INFO 03-21 17:05:08] ax.modelbridge.dispatch_utils: calculated num_initialization_trials=9
[INFO 03-21 17:05:08] ax.modelbridge.dispatch_utils: num_completed_initialization_trials=0 num_remaining_initialization_trials=9
[INFO 03-21 17:05:08] ax.modelbridge.dispatch_utils: `verbose`, `disable_progbar`, and `jit_compile` are not yet supported when using `choose_generation_strategy` with ModularBoTorchModel, dropping these arguments.
[INFO 03-21 17:05:08] ax.modelbridge.dispatch_utils: Using Bayesian Optimization generation strategy: GenerationStrategy(name='Sobol+BoTorch', steps=[Sobol for 9 trials, BoTorch for subsequent trials]). Iterations after 9 will take longer to generate due to model-fitting.
配置调度器
Scheduler
作为优化的循环控制器,负责与后端通信以启动试验、检查其状态并获取结果。在本教程中,它只是读取和解析本地保存的日志。在远程执行环境中,它将调用 API。以下来自 Ax Scheduler 教程 的图示总结了 Scheduler
如何与用于运行试验评估的外部系统进行交互:
Scheduler
需要 Experiment
和 GenerationStrategy
。可以通过 SchedulerOptions
传递一组配置选项。在这里,我们配置了总评估次数以及 max_pending_trials
,即应同时运行的最大试验数。在我们的本地环境中,这是作为独立进程运行的训练任务数量,而在远程执行环境中,这将是你希望并行使用的机器数量。
fromax.service.schedulerimport Scheduler, SchedulerOptions
scheduler = Scheduler(
experiment=experiment,
generation_strategy=gs,
options=SchedulerOptions(
total_trials=total_trials, max_pending_trials=4
),
)
[WARNING 03-21 17:05:08] ax.service.utils.with_db_settings_base: Ax currently requires a sqlalchemy version below 2.0. This will be addressed in a future release. Disabling SQL storage in Ax for now, if you would like to use SQL storage please install Ax with mysql extras via `pip install ax-platform[mysql]`.
[INFO 03-21 17:05:08] Scheduler: `Scheduler` requires experiment to have immutable search space and optimization config. Setting property immutable_search_space_and_opt_config to `True` on experiment.
运行优化
现在所有配置都已完成,我们可以让 Ax 以完全自动化的方式运行优化。Scheduler 会定期检查日志以获取所有当前运行试验的状态,如果某个试验完成,Scheduler 将更新其在实验中的状态,并获取贝叶斯优化算法所需的观测结果。
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 03-21 17:05:08] 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 03-21 17:05:09] 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 03-21 17:05:10] 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 03-21 17:05:10] Scheduler: Running trials [3]...
[INFO 03-21 17:05:10] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 03-21 17:05:11] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 03-21 17:05:13] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 03-21 17:05:15] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 4).
[INFO 03-21 17:05:18] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 4).
[INFO 03-21 17:05:24] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 4).
[INFO 03-21 17:05:31] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 4).
[INFO 03-21 17:05:43] 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 03-21 17:05:43] 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 03-21 17:05:44] Scheduler: Running trials [5]...
[INFO 03-21 17:05:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 03-21 17:05:46] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 03-21 17:05:47] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 03-21 17:05:49] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 4).
[INFO 03-21 17:05:53] 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 03-21 17:05:53] Scheduler: Running trials [6]...
[INFO 03-21 17:05:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 03-21 17:05:55] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 03-21 17:05:56] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 03-21 17:05:59] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 4).
[INFO 03-21 17:06:02] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 4).
[INFO 03-21 17:06:07] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 4).
[INFO 03-21 17:06:15] 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 03-21 17:06:15] Scheduler: Running trials [7]...
[INFO 03-21 17:06:16] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 03-21 17:06:17] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 03-21 17:06:18] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 03-21 17:06:21] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 4).
[INFO 03-21 17:06:24] 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 03-21 17:06:24] Scheduler: Running trials [8]...
[INFO 03-21 17:06:25] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 03-21 17:06:26] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 03-21 17:06:27] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 03-21 17:06:30] 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: split() missing required argument 'split_size_or_sections' (pos 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.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` 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 03-21 17:06:41] Scheduler: Running trials [9]...
[INFO 03-21 17:06:42] 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/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: split() missing required argument 'split_size_or_sections' (pos 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 03-21 17:06:54] Scheduler: Running trials [10]...
[INFO 03-21 17:06:55] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 4).
[INFO 03-21 17:06:56] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 4).
[INFO 03-21 17:06:58] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 4).
[INFO 03-21 17:07:00] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 4).
[INFO 03-21 17:07:03] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 4).
[INFO 03-21 17:07:09] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 4).
[INFO 03-21 17:07:16] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 4).
[INFO 03-21 17:07:28] Scheduler: Retrieved COMPLETED trials: 7 - 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:07:37] Scheduler: Running 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/botorch/optim/optimize_mixed.py:702: OptimizationWarning:
Failed to initialize using continuous relaxation. Using `sample_feasible_points` for initialization. Original error message: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:07:45] 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.
/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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:07:52] 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 03-21 17:07:54] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:07:54] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:07:55] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 03-21 17:07:56] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 03-21 17:07:58] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 03-21 17:08:02] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 03-21 17:08:07] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 03-21 17:08:14] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 03-21 17:08:26] Scheduler: Waiting for completed trials (for 17 sec, currently running trials: 3).
[INFO 03-21 17:08:43] Scheduler: Retrieved COMPLETED trials: 11 - 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: split() missing required argument 'split_size_or_sections' (pos 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 03-21 17:08:53] 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.
/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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:09:01] 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 03-21 17:09:02] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:09:02] Scheduler: Retrieved COMPLETED 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.
/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: split() missing required argument 'split_size_or_sections' (pos 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 03-21 17:09:17] 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.
[INFO 03-21 17:09:18] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:09:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:09:19] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 03-21 17:09:20] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 03-21 17:09:23] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 03-21 17:09:26] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 03-21 17:09:31] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 03-21 17:09:39] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 03-21 17:09:50] Scheduler: Retrieved COMPLETED 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.
/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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:10:01] 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 03-21 17:10:02] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:10:02] 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:10:16] 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 03-21 17:10:17] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:10:17] 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/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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:10:32] 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 03-21 17:10:33] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:10:33] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:10:34] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 03-21 17:10:36] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 03-21 17:10:38] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 03-21 17:10:41] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 03-21 17:10:47] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 03-21 17:10:54] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 03-21 17:11:06] 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/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: split() missing required argument 'split_size_or_sections' (pos 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.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` 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 03-21 17:11:27] 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 03-21 17:11:28] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:11:28] Scheduler: Retrieved COMPLETED trials: 18 - 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:11:43] 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.
/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: split() missing required argument 'split_size_or_sections' (pos 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.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` botorch will default to old behavior of ignoring `num_restarts` and just use the given `batch_initial_conditions` by setting `raw_samples` to None.
/usr/lib/python3.10/dataclasses.py:1453: RuntimeWarning:
If using a 2-dim `batch_initial_conditions` 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 03-21 17:11:59] 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 03-21 17:12:00] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:12:00] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:12:01] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 03-21 17:12:03] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 03-21 17:12:05] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 03-21 17:12:09] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 03-21 17:12:14] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 03-21 17:12:21] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 03-21 17:12:33] Scheduler: Retrieved COMPLETED trials: 20 - 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:12:50] 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.
/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: split() missing required argument 'split_size_or_sections' (pos 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 03-21 17:12:59] 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 03-21 17:13:00] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:13:00] 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:13:17] 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 03-21 17:13:18] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:13:18] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:13:19] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 03-21 17:13:20] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 03-21 17:13:23] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 03-21 17:13:26] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 03-21 17:13:31] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 03-21 17:13:39] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 03-21 17:13:50] 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:14:08] 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 03-21 17:14:09] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:14:09] 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:14:24] 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 03-21 17:14:24] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:14:24] 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:14:33] 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 03-21 17:14:34] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:14:34] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:14:35] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 03-21 17:14:37] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 03-21 17:14:39] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 03-21 17:14:43] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 03-21 17:14:48] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 03-21 17:14:55] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 3).
[INFO 03-21 17:15:07] 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:15:24] 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 03-21 17:15:24] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:15:24] 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:15:38] 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 03-21 17:15:39] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:15:39] 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:15:51] 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 03-21 17:15:53] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:15:53] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:15:54] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 03-21 17:15:55] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 03-21 17:15:57] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 03-21 17:16:01] 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: split() missing required argument 'split_size_or_sections' (pos 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 03-21 17:16:21] 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 03-21 17:16:22] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:16:22] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:16:23] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 03-21 17:16:25] 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:16:43] 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 03-21 17:16:44] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:16:44] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:16:45] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 03-21 17:16:46] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 03-21 17:16:49] 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:17:04] 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 03-21 17:17:05] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:17:05] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:17:06] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 03-21 17:17:08] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 03-21 17:17:10] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 03-21 17:17:14] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 03-21 17:17:19] 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:17:38] 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 03-21 17:17:38] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:17:38] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:17:39] 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:17:57] 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 03-21 17:17:58] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:17:58] 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/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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:18:14] 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 03-21 17:18:15] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:18:15] 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:18:35] 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 03-21 17:18:36] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:18:36] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:18:37] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 03-21 17:18:38] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 03-21 17:18:41] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 03-21 17:18:44] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 03-21 17:18:49] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 3).
[INFO 03-21 17:18:57] 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/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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:19:16] 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 03-21 17:19:17] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:19:17] 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:19:30] 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 03-21 17:19:31] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:19:31] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:19:32] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 03-21 17:19:33] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 03-21 17:19:35] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 03-21 17:19:39] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 03-21 17:19:44] Scheduler: Retrieved COMPLETED 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.
/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: split() missing required argument 'split_size_or_sections' (pos 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 03-21 17:20:04] 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.
[INFO 03-21 17:20:04] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:20:04] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:20:05] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 03-21 17:20:07] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 03-21 17:20:09] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 03-21 17:20:12] Scheduler: Retrieved COMPLETED 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.
/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: split() missing required argument 'split_size_or_sections' (pos 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 03-21 17:20:32] 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 03-21 17:20:33] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:20:33] 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:20:51] 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 03-21 17:20:52] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:20:52] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:20:53] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 03-21 17:20:55] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 03-21 17:20:57] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 03-21 17:21:00] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 03-21 17:21:05] 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:21:22] 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 03-21 17:21:24] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:21:24] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:21:25] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 03-21 17:21:26] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 03-21 17:21:28] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 03-21 17:21:32] 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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:21:53] 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 03-21 17:21:54] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:21:54] Scheduler: Retrieved COMPLETED 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.
/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: split() missing required argument 'split_size_or_sections' (pos 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.
[INFO 03-21 17:22:11] 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.
[INFO 03-21 17:22:12] Scheduler: Generated all trials that can be generated currently. Max parallelism currently reached.
[INFO 03-21 17:22:12] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:22:13] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 03-21 17:22:14] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 03-21 17:22:16] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 3).
[INFO 03-21 17:22:20] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 3).
[INFO 03-21 17:22:25] Scheduler: Retrieved COMPLETED 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.
/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: split() missing required argument 'split_size_or_sections' (pos 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 03-21 17:22:44] Scheduler: Running trials [47]...
[INFO 03-21 17:22:45] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 3).
[INFO 03-21 17:22:46] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 3).
[INFO 03-21 17:22:48] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 3).
[INFO 03-21 17:22:50] 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 03-21 17:22:50] Scheduler: Done submitting trials, waiting for remaining 2 running trials...
[INFO 03-21 17:22:50] Scheduler: Waiting for completed trials (for 1 sec, currently running trials: 2).
[INFO 03-21 17:22:51] Scheduler: Waiting for completed trials (for 1.5 sec, currently running trials: 2).
[INFO 03-21 17:22:53] Scheduler: Waiting for completed trials (for 2 sec, currently running trials: 2).
[INFO 03-21 17:22:55] Scheduler: Waiting for completed trials (for 3 sec, currently running trials: 2).
[INFO 03-21 17:22:58] Scheduler: Waiting for completed trials (for 5 sec, currently running trials: 2).
[INFO 03-21 17:23:04] Scheduler: Waiting for completed trials (for 7 sec, currently running trials: 2).
[INFO 03-21 17:23:11] Scheduler: Waiting for completed trials (for 11 sec, currently running trials: 2).
[INFO 03-21 17:23:23] Scheduler: Waiting for completed trials (for 17 sec, currently running trials: 2).
[INFO 03-21 17:23:40] Scheduler: Retrieved COMPLETED trials: 46 - 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 中包含的辅助函数和可视化工具来检查优化的结果。
首先,我们生成一个包含实验结果摘要的数据框。该数据框中的每一行对应一个试验(即一个运行的训练任务),并包含试验的状态、评估的参数配置以及观测到的指标值等信息。这为检查优化结果提供了一种简便的方法。
fromax.service.utils.report_utilsimport 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 | 迭代次数 | dropout | batch_size | |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|
0 | 0 | 0_0 | 已完成 | Sobol | False | 16810.0 | 0.907995 | 19 | 66 | 0.003182 | 4 | 0.190970 | 32 |
1 | 1 | 1_0 | COMPLETED | Sobol | False | 40280.0 | 0.918212 | 50 | 18 | 0.000614 | 2 | 0.425028 | 128 |
2 | 2 | 2_0 | 已完成 | Sobol | False | 112720.0 | 0.960187 | 127 | 96 | 0.001233 | 3 | 0.334354 | 256 |
3 | 3 | 3_0 | 已完成 | Sobol | False | 30653.0 | 0.907805 | 37 | 35 | 0.000234 | 1 | 0.037933 | 64 |
4 | 4 | 4_0 | COMPLETED | Sobol | False | 26056.0 | 0.918611 | 28 | 108 | 0.000339 | 1 | 0.062996 | 32 |
5 | 5 | 5_0 | 已完成 | Sobol | True | 71312.0 | 0.953732 | 87 | 32 | 0.006412 | 3 | 0.297078 | 128 |
6 | 6 | 6_0 | COMPLETED | Sobol | False | 50051.0 | 0.871350 | 59 | 55 | 0.000116 | 2 | 0.458433 | 256 |
7 | 7 | 7_0 | 完成 | Sobol | False | 19530.0 | 0.936495 | 24 | 21 | 0.002236 | 4 | 0.161959 | 64 |
8 | 8 | 8_0 | 已完成 | Sobol | False | 18080.0 | 0.906482 | 20 | 80 | 0.000163 | 3 | 0.388082 | 64 |
9 | 9 | 9_0 | 已完成 | BoTorch | True | 39584.0 | 0.956334 | 42 | 128 | 0.002753 | 3 | 0.267535 | 256 |
我们还可以可视化验证准确率与模型参数数量之间的权衡的Pareto前沿。
Ax 使用 Plotly 生成交互式图表,这些图表允许您进行缩放、裁剪或悬停等操作,以查看图表的组成部分的详细信息。尝试一下,如果您想了解更多,可以查看可视化教程。
最终的优化结果如下图所示,其中颜色对应每次试验的迭代次数。我们可以看到,我们的方法能够成功探索权衡,并找到了具有高验证准确率的大型模型,以及具有相对较低验证准确率的小型模型。
fromax.service.utils.report_utilsimport _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
)指标更容易建模。
fromax.modelbridge.cross_validationimport compute_diagnostics, cross_validate
fromax.plot.diagnosticimport interact_cross_validation_plotly
fromax.utils.notebook.plottingimport 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)
我们还可以绘制等高线图,以便更好地理解不同目标如何依赖于两个输入参数。在下图中,我们展示了模型预测的验证准确率作为两个隐藏层大小的函数。随着隐藏层大小的增加,验证准确率显著提高。
fromax.plot.contourimport 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 集成过程中提供的帮助。