From Sequential to Massively-Parallel Bayesian Optimization

From Sequential to Massively-Parallel Bayesian Optimization#

Author(s): Romain Egele.

In this example you will learn about the advantages of parallel over sequential evaluations with Bayesian optimization.

We start by defining a black-box run-function that implements the Ackley function:

Ackley Function in 2D
Code (Import statements)
import time

import matplotlib.pyplot as plt
import numpy as np

from deephyper.analysis import figure_size
from deephyper.analysis.hpo import plot_search_trajectory_single_objective_hpo
from deephyper.analysis.hpo import plot_worker_utilization
from deephyper.evaluator import Evaluator, profile
from deephyper.evaluator.callback import TqdmCallback
from deephyper.hpo import HpProblem, CBO, RandomSearch

We define the Ackley function:

Code (Ackley function)
def ackley(x, a=20, b=0.2, c=2 * np.pi):
    d = len(x)
    s1 = np.sum(x**2)
    s2 = np.sum(np.cos(c * x))
    term1 = -a * np.exp(-b * np.sqrt(s1 / d))
    term2 = -np.exp(s2 / d)
    y = term1 + term2 + a + np.exp(1)
    return y

We will use the time.sleep function to simulate a budget of 2 secondes of execution in average which helps illustrate the advantage of parallel evaluations. The @profile decorator is useful to collect starting/ending time of the run-function execution which help us know exactly when we are inside the black-box. This decorator is necessary when profiling the worker utilization. When using this decorator, the run-function will return a dictionnary with 2 new keys "timestamp_start" and "timestamp_end".

@profile
def run_ackley(config, sleep_loc=2, sleep_scale=0.5):
    # to simulate the computation of an expensive black-box
    if sleep_loc > 0:
        t_sleep = np.random.normal(loc=sleep_loc, scale=sleep_scale)
        t_sleep = max(t_sleep, 0)
        time.sleep(t_sleep)

    x = np.array([config[k] for k in config if "x" in k])
    x = np.asarray_chkfinite(x)  # ValueError if any NaN or Inf
    return -ackley(x)  # maximisation is performed

Then, we define the variable(s) we want to optimize. For this problem we optimize Ackley in a N-dimensional search space. Each dimension in the continuous range [-32.768, 32.768]. The true minimum is located at (0, ..., 0).

nb_dim = 5
problem = HpProblem()
for i in range(nb_dim):
    problem.add_hyperparameter((-32.768, 32.768), f"x{i}")
problem
Configuration space object:
  Hyperparameters:
    x0, Type: UniformFloat, Range: [-32.768, 32.768], Default: 0.0
    x1, Type: UniformFloat, Range: [-32.768, 32.768], Default: 0.0
    x2, Type: UniformFloat, Range: [-32.768, 32.768], Default: 0.0
    x3, Type: UniformFloat, Range: [-32.768, 32.768], Default: 0.0
    x4, Type: UniformFloat, Range: [-32.768, 32.768], Default: 0.0

Then, we define some default search parameters for the Centralized Bayesian Optimization (CBO) algorithm.

search_kwargs = {
    "multi_point_strategy": "qUCBd", # Multi-point strategy for asynchronous batch generations (explained later)
    "acq_optimizer": "ga", # Use continuous Genetic Algorithm for the acquisition function optimizer
    "filter_duplicated": False, # Deactivate filtration of duplicated new points
    "random_state": 42, # Random seed
}

Then, we define the time budget for the optimization. We will compare the performance of a sequential search with a parallel search for the same time budget. The time budget is defined in seconds.

timeout = 60 # 1 minute

Then, we define the sequential Bayesian optimization search.

The previously simplified definition of the search is equivalent to the following:

sequential_evaluator = Evaluator.create(
    run_ackley,
    method="thread",  # For synchronous function defintion relying on the GIL or I/O bound tasks
    method_kwargs={
        "num_workers": 1,
        "callbacks": [TqdmCallback("Sequential BO:")]
    },
)
sequential_search = CBO(problem, sequential_evaluator, **search_kwargs)

We define a utility function to preprocess our results before plotting.

def preprocess_results(results):
    results = results.dropna().copy()
    offset = results["m:timestamp_start"].min()
    results["m:timestamp_start"] -= offset
    results["m:timestamp_end"] -= offset
    return results

Where we use the "thread"-evaluator with a single worker and use the TqdmCallback to display a progress bar during the search.

We can now run the sequential search for 2 minutes. The call to the search-method will return a DataFrame with the results of the search.

If this step is executed multiple times without creating a new search the results will be accumulated in the same DataFrame.

results = {}
results["sequential"] = preprocess_results(sequential_search.search(timeout=timeout))
results["sequential"]
0it [00:00, ?it/s]
Sequential BO:: : 0it [00:00, ?it/s]
Sequential BO:: : 1it [00:00, 2193.67it/s, failures=0, objective=-21.1]
Sequential BO:: : 2it [00:01,  1.06it/s, failures=0, objective=-21.1]
Sequential BO:: : 2it [00:01,  1.06it/s, failures=0, objective=-21.1]
Sequential BO:: : 3it [00:04,  1.62s/it, failures=0, objective=-21.1]
Sequential BO:: : 3it [00:04,  1.62s/it, failures=0, objective=-20.6]
Sequential BO:: : 4it [00:06,  1.77s/it, failures=0, objective=-20.6]
Sequential BO:: : 4it [00:06,  1.77s/it, failures=0, objective=-20.6]
Sequential BO:: : 5it [00:08,  1.95s/it, failures=0, objective=-20.6]
Sequential BO:: : 5it [00:08,  1.95s/it, failures=0, objective=-20.1]
Sequential BO:: : 6it [00:10,  1.97s/it, failures=0, objective=-20.1]
Sequential BO:: : 6it [00:10,  1.97s/it, failures=0, objective=-20.1]
Sequential BO:: : 7it [00:12,  1.81s/it, failures=0, objective=-20.1]
Sequential BO:: : 7it [00:12,  1.81s/it, failures=0, objective=-20.1]
Sequential BO:: : 8it [00:14,  1.91s/it, failures=0, objective=-20.1]
Sequential BO:: : 8it [00:14,  1.91s/it, failures=0, objective=-20.1]
Sequential BO:: : 9it [00:16,  1.92s/it, failures=0, objective=-20.1]
Sequential BO:: : 9it [00:16,  1.92s/it, failures=0, objective=-20.1]
Sequential BO:: : 10it [00:16,  1.46s/it, failures=0, objective=-20.1]
Sequential BO:: : 10it [00:16,  1.46s/it, failures=0, objective=-20.1]
Sequential BO:: : 11it [00:17,  1.29s/it, failures=0, objective=-20.1]
Sequential BO:: : 11it [00:17,  1.29s/it, failures=0, objective=-20.1]
Sequential BO:: : 12it [00:20,  1.78s/it, failures=0, objective=-20.1]
Sequential BO:: : 12it [00:20,  1.78s/it, failures=0, objective=-20.1]
Sequential BO:: : 13it [00:22,  1.79s/it, failures=0, objective=-20.1]
Sequential BO:: : 13it [00:22,  1.79s/it, failures=0, objective=-20.1]
Sequential BO:: : 14it [00:25,  2.08s/it, failures=0, objective=-20.1]
Sequential BO:: : 14it [00:25,  2.08s/it, failures=0, objective=-20.1]
Sequential BO:: : 15it [00:26,  1.88s/it, failures=0, objective=-20.1]
Sequential BO:: : 15it [00:26,  1.88s/it, failures=0, objective=-20.1]
Sequential BO:: : 16it [00:28,  2.02s/it, failures=0, objective=-20.1]
Sequential BO:: : 16it [00:28,  2.02s/it, failures=0, objective=-19.9]
Sequential BO:: : 17it [00:31,  2.17s/it, failures=0, objective=-19.9]
Sequential BO:: : 17it [00:31,  2.17s/it, failures=0, objective=-19.9]
Sequential BO:: : 18it [00:33,  2.17s/it, failures=0, objective=-19.9]
Sequential BO:: : 18it [00:33,  2.17s/it, failures=0, objective=-19.9]
Sequential BO:: : 19it [00:36,  2.30s/it, failures=0, objective=-19.9]
Sequential BO:: : 19it [00:36,  2.30s/it, failures=0, objective=-19.9]
Sequential BO:: : 20it [00:38,  2.38s/it, failures=0, objective=-19.9]
Sequential BO:: : 20it [00:38,  2.38s/it, failures=0, objective=-19.9]
Sequential BO:: : 21it [00:41,  2.37s/it, failures=0, objective=-19.9]
Sequential BO:: : 21it [00:41,  2.37s/it, failures=0, objective=-19.9]
Sequential BO:: : 22it [00:43,  2.27s/it, failures=0, objective=-19.9]
Sequential BO:: : 22it [00:43,  2.27s/it, failures=0, objective=-19.9]
Sequential BO:: : 23it [00:44,  2.14s/it, failures=0, objective=-19.9]
Sequential BO:: : 23it [00:44,  2.14s/it, failures=0, objective=-19.9]
Sequential BO:: : 24it [00:48,  2.46s/it, failures=0, objective=-19.9]
Sequential BO:: : 24it [00:48,  2.46s/it, failures=0, objective=-19.9]
Sequential BO:: : 25it [00:50,  2.44s/it, failures=0, objective=-19.9]
Sequential BO:: : 25it [00:50,  2.44s/it, failures=0, objective=-19.9]
Sequential BO:: : 26it [00:52,  2.30s/it, failures=0, objective=-19.9]
Sequential BO:: : 26it [00:52,  2.30s/it, failures=0, objective=-19.9]
Sequential BO:: : 27it [00:54,  2.18s/it, failures=0, objective=-19.9]
Sequential BO:: : 27it [00:54,  2.18s/it, failures=0, objective=-18.8]
Sequential BO:: : 28it [00:56,  2.23s/it, failures=0, objective=-18.8]
Sequential BO:: : 28it [00:56,  2.23s/it, failures=0, objective=-18.7]
Sequential BO:: : 29it [00:58,  2.21s/it, failures=0, objective=-18.7]
Sequential BO:: : 29it [00:58,  2.21s/it, failures=0, objective=-18.7]
p:x0 p:x1 p:x2 p:x3 p:x4 objective job_id job_status m:timestamp_submit m:timestamp_start m:timestamp_end m:timestamp_gather
0 -5.891427 22.111083 -3.615456 20.473183 19.631534 -21.121996 0 DONE 0.012815 0.000000 1.572520 1.587179
1 15.337260 7.672913 2.844463 29.850205 -32.530084 -21.582693 1 DONE 1.648859 1.636143 3.497952 3.512565
2 24.847050 25.000570 1.776668 8.980662 5.463690 -20.554624 2 DONE 3.551412 3.538578 6.053364 6.067603
3 1.037573 12.590151 -13.884561 -6.698705 -26.356281 -20.689044 3 DONE 6.106303 6.093472 8.088985 8.103187
4 -3.304075 -11.100677 18.960371 28.021409 -11.112912 -20.122708 4 DONE 8.137027 8.124192 10.358364 10.372185
5 21.648668 10.601999 -9.548986 9.916927 -4.905540 -20.233767 5 DONE 10.405678 10.392826 12.382612 12.396195
6 2.526133 -24.164591 2.392106 -11.383156 2.395819 -20.365415 6 DONE 12.422439 12.409595 13.851742 13.865239
7 -4.384478 23.065310 13.709541 28.746732 -18.560081 -21.503655 7 DONE 13.896116 13.883259 15.975276 15.989421
8 -1.432745 3.038741 30.335393 7.451875 -12.479899 -21.126941 8 DONE 16.023548 16.010690 17.917720 17.931647
9 -13.268807 -32.495169 29.653471 31.969325 -20.726331 -21.779287 9 DONE 17.967792 17.954948 18.355786 18.369566
10 -13.923731 -18.276881 16.579693 11.701505 10.036555 -20.492612 10 DONE 18.404145 18.391307 19.246183 19.260121
11 -8.005903 -9.790183 2.659173 25.924207 -11.668313 -20.246022 11 DONE 19.598891 19.586137 22.160293 22.174314
12 -22.576208 -16.108772 20.935338 32.493017 -11.220198 -21.467010 12 DONE 22.370120 22.357260 23.955573 23.969453
13 -8.353842 -14.568949 -3.834773 29.793471 -11.661498 -21.166409 13 DONE 24.155943 24.143084 26.721830 26.735963
14 15.919873 -4.396832 17.338158 26.252627 -10.242380 -21.065987 14 DONE 26.922263 26.909392 28.145869 28.159824
15 19.371736 -15.827342 8.897672 5.377603 -6.016775 -19.861314 15 DONE 28.334116 28.321256 30.496526 30.510839
16 30.556724 -2.585610 -32.197811 -27.323894 -3.275048 -21.872272 16 DONE 30.688719 30.675852 33.002280 33.016229
17 21.751522 -8.413130 7.590979 25.252921 9.484719 -21.368462 17 DONE 33.198580 33.185718 35.165551 35.179582
18 14.848295 26.971046 6.328230 -0.219498 -2.990446 -19.953525 18 DONE 35.353842 35.340978 37.772168 37.786354
19 23.135058 -19.827276 9.755866 -2.105209 -9.481747 -20.501216 19 DONE 37.959825 37.946961 40.324693 40.338721
20 -22.233810 -25.482759 7.075561 0.783817 0.296046 -20.824781 20 DONE 40.524345 40.511536 42.690620 42.704483
21 11.615944 -10.472306 -15.009540 15.925152 -0.583303 -20.047425 21 DONE 42.877960 42.865091 44.716916 44.731246
22 32.245640 -24.153485 -25.328596 12.411655 -3.137632 -21.490070 22 DONE 44.902127 44.889292 46.570450 46.584798
23 20.120868 24.660097 18.702672 16.558178 -14.814596 -21.414807 23 DONE 46.895074 46.882233 49.775775 49.790026
24 23.530363 -17.240029 30.934765 -22.202274 4.750352 -21.389061 24 DONE 49.969926 49.957118 52.169405 52.183697
25 21.719569 32.295845 -17.379160 7.435753 9.839367 -21.612258 25 DONE 52.361733 52.348878 54.132689 54.146906
26 18.169401 -14.119781 2.519758 -0.030208 -5.946987 -18.822556 26 DONE 54.338925 54.326068 56.025297 56.039455
27 14.292780 -15.088651 2.423831 0.808539 -7.082904 -18.746422 27 DONE 56.230878 56.218075 58.364832 58.378931
28 16.209098 -11.975741 -6.896560 1.300681 -6.363823 -18.750685 28 CANCELLED 58.560095 58.547239 60.529323 60.543563


Each row of the DataFrame corresponds to an evaluation of the run-function. The DataFrame contains the following columns: - "p:*": The parameters of the search space. - "objective": The objective value returned by the evaluation. - "job_id": The id of the evaluation in increasing order of job creation. - "job_status": The status of the evaluation (e.g., “DONE”, “CANCELLED”). - "m:timestamp_submit/gather": The submition and gathering times of the evaluation by the Evaluator (includes overheads). - "m:timestamp_start/end": The starting and ending time of the evaluation.

We can now plot the results of the sequential search. The first plot shows the evolution of the objective. The second plot shows the utilization of the worker over time.

Code (Plot search trajectory and worker utilization)
fig, axes = plt.subplots(
        nrows=2,
        ncols=1,
        sharex=True,
        figsize=figure_size(width=600),
        tight_layout=True,
    )

_ = plot_search_trajectory_single_objective_hpo(
    results["sequential"], mode="min", x_units="seconds", ax=axes[0]
)

_ = plot_worker_utilization(
    results["sequential"], num_workers=1, profile_type="start/end", ax=axes[1]
)
plot from serial to parallel hpo

Then, we can create a parallel evaluator with 100 workers.

parallel_evaluator = Evaluator.create(
    run_ackley,
    method="thread",
    method_kwargs={
        "num_workers": 100, # For the parallel evaluations
        "callbacks": [TqdmCallback("Parallel BO:")]
    },
)
parallel_search = CBO(problem, parallel_evaluator, **search_kwargs)
WARNING:root:Results file already exists, it will be renamed to /Users/romainegele/Documents/DeepHyper/deephyper/examples/examples_parallelism/results_20250328-095313.csv

The parallel search is executed for 1 minute.

results["parallel"] = preprocess_results(parallel_search.search(timeout=timeout))
results["parallel"]
0it [00:00, ?it/s]

Parallel BO:: : 0it [00:00, ?it/s]

Parallel BO:: : 1it [00:00, 1889.33it/s, failures=0, objective=-21.6]

Parallel BO:: : 2it [00:00, 48.96it/s, failures=0, objective=-21.5]

Parallel BO:: : 3it [00:00, 10.75it/s, failures=0, objective=-21.5]

Parallel BO:: : 3it [00:00, 10.75it/s, failures=0, objective=-20.3]

Parallel BO:: : 4it [00:00, 10.75it/s, failures=0, objective=-20.3]

Parallel BO:: : 5it [00:00, 10.75it/s, failures=0, objective=-20.3]

Parallel BO:: : 6it [00:00, 10.75it/s, failures=0, objective=-20.3]

Parallel BO:: : 7it [00:00, 10.75it/s, failures=0, objective=-20.3]

Parallel BO:: : 8it [00:00, 18.58it/s, failures=0, objective=-20.3]

Parallel BO:: : 8it [00:00, 18.58it/s, failures=0, objective=-20.3]

Parallel BO:: : 9it [00:00, 18.58it/s, failures=0, objective=-20.3]

Parallel BO:: : 10it [00:00, 18.58it/s, failures=0, objective=-20.3]

Parallel BO:: : 11it [00:00, 19.69it/s, failures=0, objective=-20.3]

Parallel BO:: : 11it [00:00, 19.69it/s, failures=0, objective=-20.3]

Parallel BO:: : 12it [00:00, 19.69it/s, failures=0, objective=-20.3]

Parallel BO:: : 13it [00:00, 19.69it/s, failures=0, objective=-20.3]

Parallel BO:: : 14it [00:00, 18.74it/s, failures=0, objective=-20.3]

Parallel BO:: : 14it [00:00, 18.74it/s, failures=0, objective=-20.3]

Parallel BO:: : 15it [00:00, 18.74it/s, failures=0, objective=-20.3]

Parallel BO:: : 16it [00:00, 18.74it/s, failures=0, objective=-20.3]

Parallel BO:: : 17it [00:00, 18.00it/s, failures=0, objective=-20.3]

Parallel BO:: : 17it [00:00, 18.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 18it [00:00, 18.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 19it [00:00, 18.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 20it [00:00, 18.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 21it [00:00, 18.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 22it [00:00, 18.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 23it [00:00, 18.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 24it [00:00, 18.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 25it [00:00, 18.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 26it [00:01, 23.68it/s, failures=0, objective=-16.8]

Parallel BO:: : 26it [00:01, 23.68it/s, failures=0, objective=-16.8]

Parallel BO:: : 27it [00:01, 23.68it/s, failures=0, objective=-16.8]

Parallel BO:: : 28it [00:01, 23.68it/s, failures=0, objective=-16.8]

Parallel BO:: : 29it [00:01, 23.68it/s, failures=0, objective=-16.8]

Parallel BO:: : 30it [00:01, 23.68it/s, failures=0, objective=-16.8]

Parallel BO:: : 31it [00:01, 23.68it/s, failures=0, objective=-16.8]

Parallel BO:: : 32it [00:01, 23.68it/s, failures=0, objective=-16.8]

Parallel BO:: : 33it [00:01, 23.68it/s, failures=0, objective=-16.8]

Parallel BO:: : 34it [00:01, 23.68it/s, failures=0, objective=-16.8]

Parallel BO:: : 35it [00:01, 23.68it/s, failures=0, objective=-16.8]

Parallel BO:: : 36it [00:01, 23.68it/s, failures=0, objective=-16.8]

Parallel BO:: : 37it [00:01, 23.68it/s, failures=0, objective=-16.8]

Parallel BO:: : 38it [00:01, 23.68it/s, failures=0, objective=-16.8]

Parallel BO:: : 39it [00:01, 23.68it/s, failures=0, objective=-16.8]

Parallel BO:: : 40it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 40it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 41it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 42it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 43it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 44it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 45it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 46it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 47it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 48it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 49it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 50it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 51it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 52it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 53it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 54it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 55it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 56it [00:01, 38.74it/s, failures=0, objective=-16.8]

Parallel BO:: : 57it [00:01, 54.96it/s, failures=0, objective=-16.8]

Parallel BO:: : 57it [00:01, 54.96it/s, failures=0, objective=-16.8]

Parallel BO:: : 58it [00:01, 54.96it/s, failures=0, objective=-16.8]

Parallel BO:: : 59it [00:01, 54.96it/s, failures=0, objective=-16.8]

Parallel BO:: : 60it [00:01, 54.96it/s, failures=0, objective=-16.8]

Parallel BO:: : 61it [00:01, 54.96it/s, failures=0, objective=-16.8]

Parallel BO:: : 62it [00:01, 54.96it/s, failures=0, objective=-16.8]

Parallel BO:: : 63it [00:01, 54.96it/s, failures=0, objective=-16.8]

Parallel BO:: : 64it [00:01, 54.96it/s, failures=0, objective=-16.8]

Parallel BO:: : 65it [00:01, 54.96it/s, failures=0, objective=-16.8]

Parallel BO:: : 66it [00:01, 53.65it/s, failures=0, objective=-16.8]

Parallel BO:: : 66it [00:01, 53.65it/s, failures=0, objective=-16.8]

Parallel BO:: : 67it [00:01, 53.65it/s, failures=0, objective=-16.8]

Parallel BO:: : 68it [00:01, 53.65it/s, failures=0, objective=-16.8]

Parallel BO:: : 69it [00:01, 53.65it/s, failures=0, objective=-16.8]

Parallel BO:: : 70it [00:01, 53.65it/s, failures=0, objective=-16.8]

Parallel BO:: : 71it [00:01, 53.65it/s, failures=0, objective=-16.8]

Parallel BO:: : 72it [00:01, 53.65it/s, failures=0, objective=-16.8]

Parallel BO:: : 73it [00:01, 53.65it/s, failures=0, objective=-16.8]

Parallel BO:: : 74it [00:01, 53.65it/s, failures=0, objective=-16.8]

Parallel BO:: : 75it [00:01, 53.65it/s, failures=0, objective=-16.8]

Parallel BO:: : 76it [00:01, 53.65it/s, failures=0, objective=-16.8]

Parallel BO:: : 77it [00:01, 53.65it/s, failures=0, objective=-16.8]

Parallel BO:: : 78it [00:01, 53.65it/s, failures=0, objective=-16.8]

Parallel BO:: : 79it [00:01, 58.55it/s, failures=0, objective=-16.8]

Parallel BO:: : 79it [00:01, 58.55it/s, failures=0, objective=-16.8]

Parallel BO:: : 80it [00:01, 58.55it/s, failures=0, objective=-16.8]

Parallel BO:: : 81it [00:01, 58.55it/s, failures=0, objective=-16.8]

Parallel BO:: : 82it [00:01, 58.55it/s, failures=0, objective=-16.8]

Parallel BO:: : 83it [00:01, 58.55it/s, failures=0, objective=-16.8]

Parallel BO:: : 84it [00:01, 58.55it/s, failures=0, objective=-16.8]

Parallel BO:: : 85it [00:01, 58.55it/s, failures=0, objective=-16.8]

Parallel BO:: : 86it [00:01, 58.55it/s, failures=0, objective=-16.8]

Parallel BO:: : 87it [00:01, 58.55it/s, failures=0, objective=-16.8]

Parallel BO:: : 88it [00:01, 58.55it/s, failures=0, objective=-16.8]

Parallel BO:: : 89it [00:01, 58.55it/s, failures=0, objective=-16.8]

Parallel BO:: : 90it [00:02, 59.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 90it [00:02, 59.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 91it [00:02, 59.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 92it [00:02, 59.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 93it [00:02, 59.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 94it [00:02, 59.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 95it [00:02, 59.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 96it [00:02, 59.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 97it [00:02, 59.00it/s, failures=0, objective=-16.8]

Parallel BO:: : 98it [00:02, 55.01it/s, failures=0, objective=-16.8]

Parallel BO:: : 98it [00:02, 55.01it/s, failures=0, objective=-16.8]

Parallel BO:: : 99it [00:02, 55.01it/s, failures=0, objective=-16.8]

Parallel BO:: : 100it [00:02, 55.01it/s, failures=0, objective=-16.8]

Parallel BO:: : 101it [00:02, 55.01it/s, failures=0, objective=-16.8]

Parallel BO:: : 102it [00:02, 55.01it/s, failures=0, objective=-16.8]

Parallel BO:: : 103it [00:02, 55.01it/s, failures=0, objective=-16.8]

Parallel BO:: : 104it [00:02, 46.66it/s, failures=0, objective=-16.8]

Parallel BO:: : 104it [00:02, 46.66it/s, failures=0, objective=-16.8]

Parallel BO:: : 105it [00:02, 46.66it/s, failures=0, objective=-16.8]

Parallel BO:: : 106it [00:02, 46.66it/s, failures=0, objective=-16.8]

Parallel BO:: : 107it [00:02, 46.66it/s, failures=0, objective=-16.8]

Parallel BO:: : 108it [00:02, 46.66it/s, failures=0, objective=-16.8]

Parallel BO:: : 109it [00:02, 40.28it/s, failures=0, objective=-16.8]

Parallel BO:: : 109it [00:02, 40.28it/s, failures=0, objective=-16.8]

Parallel BO:: : 110it [00:02, 40.28it/s, failures=0, objective=-13.1]

Parallel BO:: : 111it [00:02, 40.28it/s, failures=0, objective=-13.1]

Parallel BO:: : 112it [00:02, 40.28it/s, failures=0, objective=-13.1]

Parallel BO:: : 113it [00:02, 40.28it/s, failures=0, objective=-13.1]

Parallel BO:: : 114it [00:02, 34.82it/s, failures=0, objective=-13.1]

Parallel BO:: : 114it [00:02, 34.82it/s, failures=0, objective=-13.1]

Parallel BO:: : 115it [00:02, 34.82it/s, failures=0, objective=-13.1]

Parallel BO:: : 116it [00:02, 34.82it/s, failures=0, objective=-13.1]

Parallel BO:: : 117it [00:02, 34.82it/s, failures=0, objective=-13.1]

Parallel BO:: : 118it [00:02, 34.82it/s, failures=0, objective=-13.1]

Parallel BO:: : 119it [00:02, 34.82it/s, failures=0, objective=-13.1]

Parallel BO:: : 120it [00:03, 28.53it/s, failures=0, objective=-13.1]

Parallel BO:: : 120it [00:03, 28.53it/s, failures=0, objective=-13.1]

Parallel BO:: : 121it [00:03, 28.53it/s, failures=0, objective=-13.1]

Parallel BO:: : 122it [00:03, 28.53it/s, failures=0, objective=-13.1]

Parallel BO:: : 123it [00:03, 28.53it/s, failures=0, objective=-13.1]

Parallel BO:: : 124it [00:03, 28.53it/s, failures=0, objective=-13.1]

Parallel BO:: : 125it [00:03, 28.53it/s, failures=0, objective=-13.1]

Parallel BO:: : 126it [00:03, 28.53it/s, failures=0, objective=-13.1]

Parallel BO:: : 127it [00:03, 28.53it/s, failures=0, objective=-13.1]

Parallel BO:: : 128it [00:03, 28.53it/s, failures=0, objective=-13.1]

Parallel BO:: : 129it [00:03, 28.53it/s, failures=0, objective=-13.1]

Parallel BO:: : 130it [00:03, 28.53it/s, failures=0, objective=-13.1]

Parallel BO:: : 131it [00:03, 35.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 131it [00:03, 35.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 132it [00:03, 35.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 133it [00:03, 35.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 134it [00:03, 35.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 135it [00:03, 35.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 136it [00:03, 35.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 137it [00:03, 35.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 138it [00:03, 35.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 139it [00:03, 36.30it/s, failures=0, objective=-13.1]

Parallel BO:: : 139it [00:03, 36.30it/s, failures=0, objective=-13.1]

Parallel BO:: : 140it [00:03, 36.30it/s, failures=0, objective=-13.1]

Parallel BO:: : 141it [00:03, 36.30it/s, failures=0, objective=-13.1]

Parallel BO:: : 142it [00:03, 36.30it/s, failures=0, objective=-13.1]

Parallel BO:: : 143it [00:03, 36.30it/s, failures=0, objective=-13.1]

Parallel BO:: : 144it [00:03, 36.30it/s, failures=0, objective=-13.1]

Parallel BO:: : 145it [00:03, 36.30it/s, failures=0, objective=-13.1]

Parallel BO:: : 146it [00:03, 36.30it/s, failures=0, objective=-13.1]

Parallel BO:: : 147it [00:03, 36.30it/s, failures=0, objective=-13.1]

Parallel BO:: : 148it [00:03, 36.30it/s, failures=0, objective=-13.1]

Parallel BO:: : 149it [00:03, 36.30it/s, failures=0, objective=-13.1]

Parallel BO:: : 150it [00:03, 36.30it/s, failures=0, objective=-13.1]

Parallel BO:: : 151it [00:03, 42.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 151it [00:03, 42.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 152it [00:03, 42.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 153it [00:03, 42.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 154it [00:03, 42.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 155it [00:03, 42.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 156it [00:03, 42.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 157it [00:03, 42.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 158it [00:03, 42.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 159it [00:03, 42.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 160it [00:03, 42.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 161it [00:03, 42.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 162it [00:03, 42.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 163it [00:03, 42.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 164it [00:03, 42.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 165it [00:03, 42.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 166it [00:03, 42.77it/s, failures=0, objective=-13.1]

Parallel BO:: : 167it [00:04, 52.57it/s, failures=0, objective=-13.1]

Parallel BO:: : 167it [00:04, 52.57it/s, failures=0, objective=-13.1]

Parallel BO:: : 168it [00:04, 52.57it/s, failures=0, objective=-13.1]

Parallel BO:: : 169it [00:04, 52.57it/s, failures=0, objective=-13.1]

Parallel BO:: : 170it [00:04, 52.57it/s, failures=0, objective=-13.1]

Parallel BO:: : 171it [00:04, 52.57it/s, failures=0, objective=-13.1]

Parallel BO:: : 172it [00:04, 52.57it/s, failures=0, objective=-13.1]

Parallel BO:: : 173it [00:04, 52.57it/s, failures=0, objective=-13.1]

Parallel BO:: : 174it [00:04, 52.57it/s, failures=0, objective=-13.1]

Parallel BO:: : 175it [00:04, 52.57it/s, failures=0, objective=-13.1]

Parallel BO:: : 176it [00:04, 52.57it/s, failures=0, objective=-13.1]

Parallel BO:: : 177it [00:04, 52.57it/s, failures=0, objective=-13.1]

Parallel BO:: : 178it [00:04, 52.57it/s, failures=0, objective=-13.1]

Parallel BO:: : 179it [00:04, 53.59it/s, failures=0, objective=-13.1]

Parallel BO:: : 179it [00:04, 53.59it/s, failures=0, objective=-13.1]

Parallel BO:: : 180it [00:04, 53.59it/s, failures=0, objective=-13.1]

Parallel BO:: : 181it [00:04, 53.59it/s, failures=0, objective=-13.1]

Parallel BO:: : 182it [00:04, 53.59it/s, failures=0, objective=-13.1]

Parallel BO:: : 183it [00:04, 53.59it/s, failures=0, objective=-13.1]

Parallel BO:: : 184it [00:04, 53.59it/s, failures=0, objective=-13.1]

Parallel BO:: : 185it [00:04, 53.59it/s, failures=0, objective=-13.1]

Parallel BO:: : 186it [00:04, 46.70it/s, failures=0, objective=-13.1]

Parallel BO:: : 186it [00:04, 46.70it/s, failures=0, objective=-13.1]

Parallel BO:: : 187it [00:04, 46.70it/s, failures=0, objective=-13.1]

Parallel BO:: : 188it [00:04, 46.70it/s, failures=0, objective=-13.1]

Parallel BO:: : 189it [00:04, 46.70it/s, failures=0, objective=-13.1]

Parallel BO:: : 190it [00:04, 46.70it/s, failures=0, objective=-13.1]

Parallel BO:: : 191it [00:04, 46.70it/s, failures=0, objective=-13.1]

Parallel BO:: : 192it [00:04, 46.70it/s, failures=0, objective=-13.1]

Parallel BO:: : 193it [00:04, 46.70it/s, failures=0, objective=-13.1]

Parallel BO:: : 194it [00:04, 41.28it/s, failures=0, objective=-13.1]

Parallel BO:: : 194it [00:04, 41.28it/s, failures=0, objective=-13.1]

Parallel BO:: : 195it [00:04, 41.28it/s, failures=0, objective=-13.1]

Parallel BO:: : 196it [00:04, 41.28it/s, failures=0, objective=-13.1]

Parallel BO:: : 197it [00:04, 41.28it/s, failures=0, objective=-13.1]

Parallel BO:: : 198it [00:04, 41.28it/s, failures=0, objective=-13.1]

Parallel BO:: : 199it [00:05, 35.83it/s, failures=0, objective=-13.1]

Parallel BO:: : 199it [00:05, 35.83it/s, failures=0, objective=-13.1]

Parallel BO:: : 200it [00:05, 35.83it/s, failures=0, objective=-13.1]

Parallel BO:: : 201it [00:05, 35.83it/s, failures=0, objective=-13.1]

Parallel BO:: : 202it [00:05, 35.83it/s, failures=0, objective=-13.1]

Parallel BO:: : 203it [00:05, 35.83it/s, failures=0, objective=-13.1]

Parallel BO:: : 204it [00:05, 35.83it/s, failures=0, objective=-13.1]

Parallel BO:: : 205it [00:05, 35.83it/s, failures=0, objective=-13.1]

Parallel BO:: : 206it [00:05, 35.83it/s, failures=0, objective=-13.1]

Parallel BO:: : 207it [00:05, 35.32it/s, failures=0, objective=-13.1]

Parallel BO:: : 207it [00:05, 35.32it/s, failures=0, objective=-13.1]

Parallel BO:: : 208it [00:05, 35.32it/s, failures=0, objective=-13.1]

Parallel BO:: : 209it [00:05, 35.32it/s, failures=0, objective=-13.1]

Parallel BO:: : 210it [00:05, 35.32it/s, failures=0, objective=-13.1]

Parallel BO:: : 211it [00:05, 35.32it/s, failures=0, objective=-13.1]

Parallel BO:: : 212it [00:05, 35.32it/s, failures=0, objective=-13.1]

Parallel BO:: : 213it [00:05, 35.32it/s, failures=0, objective=-13.1]

Parallel BO:: : 214it [00:05, 35.32it/s, failures=0, objective=-13.1]

Parallel BO:: : 215it [00:05, 35.32it/s, failures=0, objective=-13.1]

Parallel BO:: : 216it [00:05, 35.32it/s, failures=0, objective=-13.1]

Parallel BO:: : 217it [00:05, 35.32it/s, failures=0, objective=-13.1]

Parallel BO:: : 218it [00:05, 35.32it/s, failures=0, objective=-13.1]

Parallel BO:: : 219it [00:05, 35.32it/s, failures=0, objective=-13.1]

Parallel BO:: : 220it [00:05, 35.32it/s, failures=0, objective=-13.1]

Parallel BO:: : 221it [00:05, 43.64it/s, failures=0, objective=-13.1]

Parallel BO:: : 221it [00:05, 43.64it/s, failures=0, objective=-13.1]

Parallel BO:: : 222it [00:05, 43.64it/s, failures=0, objective=-13.1]

Parallel BO:: : 223it [00:05, 43.64it/s, failures=0, objective=-13.1]

Parallel BO:: : 224it [00:05, 43.64it/s, failures=0, objective=-13.1]

Parallel BO:: : 225it [00:05, 43.64it/s, failures=0, objective=-13.1]

Parallel BO:: : 226it [00:05, 43.64it/s, failures=0, objective=-13.1]

Parallel BO:: : 227it [00:05, 43.64it/s, failures=0, objective=-13.1]

Parallel BO:: : 228it [00:05, 43.64it/s, failures=0, objective=-13.1]

Parallel BO:: : 229it [00:05, 36.90it/s, failures=0, objective=-13.1]

Parallel BO:: : 229it [00:05, 36.90it/s, failures=0, objective=-13.1]

Parallel BO:: : 230it [00:05, 36.90it/s, failures=0, objective=-13.1]

Parallel BO:: : 231it [00:05, 36.90it/s, failures=0, objective=-13.1]

Parallel BO:: : 232it [00:05, 36.90it/s, failures=0, objective=-13.1]

Parallel BO:: : 233it [00:05, 36.90it/s, failures=0, objective=-13.1]

Parallel BO:: : 234it [00:05, 36.90it/s, failures=0, objective=-13.1]

Parallel BO:: : 235it [00:05, 36.90it/s, failures=0, objective=-13.1]

Parallel BO:: : 236it [00:05, 36.90it/s, failures=0, objective=-13.1]

Parallel BO:: : 237it [00:05, 36.90it/s, failures=0, objective=-13.1]

Parallel BO:: : 238it [00:05, 36.90it/s, failures=0, objective=-13.1]

Parallel BO:: : 239it [00:05, 36.90it/s, failures=0, objective=-13.1]

Parallel BO:: : 240it [00:05, 36.90it/s, failures=0, objective=-13.1]

Parallel BO:: : 241it [00:05, 36.90it/s, failures=0, objective=-13.1]

Parallel BO:: : 242it [00:05, 36.90it/s, failures=0, objective=-13.1]

Parallel BO:: : 243it [00:05, 43.97it/s, failures=0, objective=-13.1]

Parallel BO:: : 243it [00:05, 43.97it/s, failures=0, objective=-13.1]

Parallel BO:: : 244it [00:05, 43.97it/s, failures=0, objective=-13.1]

Parallel BO:: : 245it [00:05, 43.97it/s, failures=0, objective=-13.1]

Parallel BO:: : 246it [00:05, 43.97it/s, failures=0, objective=-13.1]

Parallel BO:: : 247it [00:05, 43.97it/s, failures=0, objective=-13.1]

Parallel BO:: : 248it [00:05, 43.97it/s, failures=0, objective=-13.1]

Parallel BO:: : 249it [00:05, 43.97it/s, failures=0, objective=-13.1]

Parallel BO:: : 250it [00:05, 43.97it/s, failures=0, objective=-13.1]

Parallel BO:: : 251it [00:05, 43.97it/s, failures=0, objective=-13.1]

Parallel BO:: : 252it [00:05, 43.97it/s, failures=0, objective=-13.1]

Parallel BO:: : 253it [00:05, 43.97it/s, failures=0, objective=-13.1]

Parallel BO:: : 254it [00:06, 44.41it/s, failures=0, objective=-13.1]

Parallel BO:: : 254it [00:06, 44.41it/s, failures=0, objective=-13.1]

Parallel BO:: : 255it [00:06, 44.41it/s, failures=0, objective=-13.1]

Parallel BO:: : 256it [00:06, 44.41it/s, failures=0, objective=-13.1]

Parallel BO:: : 257it [00:06, 44.41it/s, failures=0, objective=-13.1]

Parallel BO:: : 258it [00:06, 44.41it/s, failures=0, objective=-13.1]

Parallel BO:: : 259it [00:06, 44.41it/s, failures=0, objective=-13.1]

Parallel BO:: : 260it [00:06, 44.41it/s, failures=0, objective=-13.1]

Parallel BO:: : 261it [00:06, 44.41it/s, failures=0, objective=-13.1]

Parallel BO:: : 262it [00:06, 44.41it/s, failures=0, objective=-13.1]

Parallel BO:: : 263it [00:06, 44.41it/s, failures=0, objective=-13.1]

Parallel BO:: : 264it [00:06, 44.41it/s, failures=0, objective=-13.1]

Parallel BO:: : 265it [00:06, 44.41it/s, failures=0, objective=-13.1]

Parallel BO:: : 266it [00:06, 44.41it/s, failures=0, objective=-13]

Parallel BO:: : 267it [00:06, 44.41it/s, failures=0, objective=-13]

Parallel BO:: : 268it [00:06, 44.41it/s, failures=0, objective=-13]

Parallel BO:: : 269it [00:06, 50.77it/s, failures=0, objective=-13]

Parallel BO:: : 269it [00:06, 50.77it/s, failures=0, objective=-13]

Parallel BO:: : 270it [00:06, 50.77it/s, failures=0, objective=-13]

Parallel BO:: : 271it [00:06, 50.77it/s, failures=0, objective=-13]

Parallel BO:: : 272it [00:06, 50.77it/s, failures=0, objective=-13]

Parallel BO:: : 273it [00:06, 50.77it/s, failures=0, objective=-13]

Parallel BO:: : 274it [00:06, 50.77it/s, failures=0, objective=-13]

Parallel BO:: : 275it [00:06, 50.77it/s, failures=0, objective=-13]

Parallel BO:: : 276it [00:06, 50.77it/s, failures=0, objective=-13]

Parallel BO:: : 277it [00:06, 50.77it/s, failures=0, objective=-12.2]

Parallel BO:: : 278it [00:06, 50.77it/s, failures=0, objective=-12.2]

Parallel BO:: : 279it [00:06, 43.19it/s, failures=0, objective=-12.2]

Parallel BO:: : 279it [00:06, 43.19it/s, failures=0, objective=-12.2]

Parallel BO:: : 280it [00:06, 43.19it/s, failures=0, objective=-12.2]

Parallel BO:: : 281it [00:06, 43.19it/s, failures=0, objective=-12.2]

Parallel BO:: : 282it [00:06, 43.19it/s, failures=0, objective=-12.2]

Parallel BO:: : 283it [00:06, 43.19it/s, failures=0, objective=-12.2]

Parallel BO:: : 284it [00:06, 43.19it/s, failures=0, objective=-12.2]

Parallel BO:: : 285it [00:06, 43.19it/s, failures=0, objective=-12.2]

Parallel BO:: : 286it [00:06, 43.19it/s, failures=0, objective=-12.2]

Parallel BO:: : 287it [00:06, 43.19it/s, failures=0, objective=-12.2]

Parallel BO:: : 288it [00:06, 43.19it/s, failures=0, objective=-12.2]

Parallel BO:: : 289it [00:06, 43.19it/s, failures=0, objective=-12.2]

Parallel BO:: : 290it [00:07, 44.58it/s, failures=0, objective=-12.2]

Parallel BO:: : 290it [00:07, 44.58it/s, failures=0, objective=-12.2]

Parallel BO:: : 291it [00:07, 44.58it/s, failures=0, objective=-12.2]

Parallel BO:: : 292it [00:07, 44.58it/s, failures=0, objective=-12.2]

Parallel BO:: : 293it [00:07, 44.58it/s, failures=0, objective=-12.2]

Parallel BO:: : 294it [00:07, 44.58it/s, failures=0, objective=-12.2]

Parallel BO:: : 295it [00:07, 44.58it/s, failures=0, objective=-12.2]

Parallel BO:: : 296it [00:07, 37.34it/s, failures=0, objective=-12.2]

Parallel BO:: : 296it [00:07, 37.34it/s, failures=0, objective=-12.2]

Parallel BO:: : 297it [00:07, 37.34it/s, failures=0, objective=-12.2]

Parallel BO:: : 298it [00:07, 37.34it/s, failures=0, objective=-12.2]

Parallel BO:: : 299it [00:07, 37.34it/s, failures=0, objective=-12.2]

Parallel BO:: : 300it [00:07, 37.34it/s, failures=0, objective=-12.2]

Parallel BO:: : 301it [00:07, 37.34it/s, failures=0, objective=-12.2]

Parallel BO:: : 302it [00:07, 37.34it/s, failures=0, objective=-12.2]

Parallel BO:: : 303it [00:07, 37.34it/s, failures=0, objective=-12.2]

Parallel BO:: : 304it [00:07, 37.34it/s, failures=0, objective=-12.2]

Parallel BO:: : 305it [00:07, 37.34it/s, failures=0, objective=-12.2]

Parallel BO:: : 306it [00:07, 37.97it/s, failures=0, objective=-12.2]

Parallel BO:: : 306it [00:07, 37.97it/s, failures=0, objective=-12.2]

Parallel BO:: : 307it [00:07, 37.97it/s, failures=0, objective=-12.2]

Parallel BO:: : 308it [00:07, 37.97it/s, failures=0, objective=-12.2]

Parallel BO:: : 309it [00:07, 37.97it/s, failures=0, objective=-12.2]

Parallel BO:: : 310it [00:07, 37.97it/s, failures=0, objective=-12.2]

Parallel BO:: : 311it [00:07, 37.97it/s, failures=0, objective=-12.2]

Parallel BO:: : 312it [00:07, 37.97it/s, failures=0, objective=-12.2]

Parallel BO:: : 313it [00:07, 37.97it/s, failures=0, objective=-12.2]

Parallel BO:: : 314it [00:07, 37.97it/s, failures=0, objective=-12.2]

Parallel BO:: : 315it [00:07, 37.97it/s, failures=0, objective=-12.2]

Parallel BO:: : 316it [00:07, 37.97it/s, failures=0, objective=-12.2]

Parallel BO:: : 317it [00:07, 37.97it/s, failures=0, objective=-12.2]

Parallel BO:: : 318it [00:07, 36.10it/s, failures=0, objective=-12.2]

Parallel BO:: : 318it [00:07, 36.10it/s, failures=0, objective=-12.2]

Parallel BO:: : 319it [00:07, 36.10it/s, failures=0, objective=-12.2]

Parallel BO:: : 320it [00:07, 36.10it/s, failures=0, objective=-12.2]

Parallel BO:: : 321it [00:07, 36.10it/s, failures=0, objective=-12.2]

Parallel BO:: : 322it [00:07, 36.10it/s, failures=0, objective=-12.2]

Parallel BO:: : 323it [00:07, 36.10it/s, failures=0, objective=-12.2]

Parallel BO:: : 324it [00:07, 36.10it/s, failures=0, objective=-12.2]

Parallel BO:: : 325it [00:07, 36.10it/s, failures=0, objective=-12.2]

Parallel BO:: : 326it [00:07, 36.10it/s, failures=0, objective=-12.2]

Parallel BO:: : 327it [00:07, 36.10it/s, failures=0, objective=-12.2]

Parallel BO:: : 328it [00:07, 36.10it/s, failures=0, objective=-11.6]

Parallel BO:: : 329it [00:07, 36.10it/s, failures=0, objective=-11.6]

Parallel BO:: : 330it [00:07, 36.10it/s, failures=0, objective=-11.4]

Parallel BO:: : 331it [00:07, 36.10it/s, failures=0, objective=-11.4]

Parallel BO:: : 332it [00:07, 36.10it/s, failures=0, objective=-11.4]

Parallel BO:: : 333it [00:07, 36.10it/s, failures=0, objective=-11.4]

Parallel BO:: : 334it [00:07, 36.10it/s, failures=0, objective=-11.4]

Parallel BO:: : 335it [00:08, 39.53it/s, failures=0, objective=-11.4]

Parallel BO:: : 335it [00:08, 39.53it/s, failures=0, objective=-11.4]

Parallel BO:: : 336it [00:08, 39.53it/s, failures=0, objective=-11.4]

Parallel BO:: : 337it [00:08, 39.53it/s, failures=0, objective=-11.4]

Parallel BO:: : 338it [00:08, 39.53it/s, failures=0, objective=-11.4]

Parallel BO:: : 339it [00:08, 39.53it/s, failures=0, objective=-11.4]

Parallel BO:: : 340it [00:08, 39.53it/s, failures=0, objective=-11.4]

Parallel BO:: : 341it [00:08, 39.53it/s, failures=0, objective=-11.4]

Parallel BO:: : 342it [00:08, 39.53it/s, failures=0, objective=-11.4]

Parallel BO:: : 343it [00:08, 39.53it/s, failures=0, objective=-11.4]

Parallel BO:: : 344it [00:08, 39.53it/s, failures=0, objective=-11.4]

Parallel BO:: : 345it [00:08, 39.53it/s, failures=0, objective=-11.4]

Parallel BO:: : 346it [00:08, 39.53it/s, failures=0, objective=-11.4]

Parallel BO:: : 347it [00:08, 39.53it/s, failures=0, objective=-11.4]

Parallel BO:: : 348it [00:08, 39.53it/s, failures=0, objective=-11.4]

Parallel BO:: : 349it [00:08, 42.97it/s, failures=0, objective=-11.4]

Parallel BO:: : 349it [00:08, 42.97it/s, failures=0, objective=-11.4]

Parallel BO:: : 350it [00:08, 42.97it/s, failures=0, objective=-11.4]

Parallel BO:: : 351it [00:08, 42.97it/s, failures=0, objective=-11.4]

Parallel BO:: : 352it [00:08, 42.97it/s, failures=0, objective=-11.4]

Parallel BO:: : 353it [00:08, 42.97it/s, failures=0, objective=-11.4]

Parallel BO:: : 354it [00:08, 42.97it/s, failures=0, objective=-11.4]

Parallel BO:: : 355it [00:08, 42.97it/s, failures=0, objective=-11.4]

Parallel BO:: : 356it [00:08, 42.97it/s, failures=0, objective=-11.4]

Parallel BO:: : 357it [00:08, 42.97it/s, failures=0, objective=-11.4]

Parallel BO:: : 358it [00:08, 42.97it/s, failures=0, objective=-11.4]

Parallel BO:: : 359it [00:08, 42.97it/s, failures=0, objective=-11.4]

Parallel BO:: : 360it [00:08, 42.97it/s, failures=0, objective=-11.4]

Parallel BO:: : 361it [00:08, 42.97it/s, failures=0, objective=-11.4]

Parallel BO:: : 362it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 362it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 363it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 364it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 365it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 366it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 367it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 368it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 369it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 370it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 371it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 372it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 373it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 374it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 375it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 376it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 377it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 378it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 379it [00:08, 41.60it/s, failures=0, objective=-11.4]

Parallel BO:: : 380it [00:09, 46.59it/s, failures=0, objective=-11.4]

Parallel BO:: : 380it [00:09, 46.59it/s, failures=0, objective=-11.4]

Parallel BO:: : 381it [00:09, 46.59it/s, failures=0, objective=-11.4]

Parallel BO:: : 382it [00:09, 46.59it/s, failures=0, objective=-11.4]

Parallel BO:: : 383it [00:09, 46.59it/s, failures=0, objective=-11.4]

Parallel BO:: : 384it [00:09, 46.59it/s, failures=0, objective=-11.4]

Parallel BO:: : 385it [00:09, 46.59it/s, failures=0, objective=-11.4]

Parallel BO:: : 386it [00:09, 46.59it/s, failures=0, objective=-11.4]

Parallel BO:: : 387it [00:09, 46.59it/s, failures=0, objective=-11.4]

Parallel BO:: : 388it [00:09, 46.59it/s, failures=0, objective=-11.4]

Parallel BO:: : 389it [00:09, 46.59it/s, failures=0, objective=-11.4]

Parallel BO:: : 390it [00:09, 46.59it/s, failures=0, objective=-11.4]

Parallel BO:: : 391it [00:09, 46.59it/s, failures=0, objective=-11.4]

Parallel BO:: : 392it [00:09, 47.55it/s, failures=0, objective=-11.4]

Parallel BO:: : 392it [00:09, 47.55it/s, failures=0, objective=-11.4]

Parallel BO:: : 393it [00:09, 47.55it/s, failures=0, objective=-11.4]

Parallel BO:: : 394it [00:09, 47.55it/s, failures=0, objective=-11.4]

Parallel BO:: : 395it [00:09, 47.55it/s, failures=0, objective=-11.4]

Parallel BO:: : 396it [00:09, 47.55it/s, failures=0, objective=-11.4]

Parallel BO:: : 397it [00:09, 47.55it/s, failures=0, objective=-11.4]

Parallel BO:: : 398it [00:09, 47.55it/s, failures=0, objective=-11.4]

Parallel BO:: : 399it [00:09, 47.55it/s, failures=0, objective=-11.4]

Parallel BO:: : 400it [00:09, 47.55it/s, failures=0, objective=-11.4]

Parallel BO:: : 401it [00:09, 47.55it/s, failures=0, objective=-11.4]

Parallel BO:: : 402it [00:09, 46.37it/s, failures=0, objective=-11.4]

Parallel BO:: : 402it [00:09, 46.37it/s, failures=0, objective=-11.4]

Parallel BO:: : 403it [00:09, 46.37it/s, failures=0, objective=-11.4]

Parallel BO:: : 404it [00:09, 46.37it/s, failures=0, objective=-11.4]

Parallel BO:: : 405it [00:09, 46.37it/s, failures=0, objective=-11.4]

Parallel BO:: : 406it [00:09, 46.37it/s, failures=0, objective=-11.4]

Parallel BO:: : 407it [00:09, 46.37it/s, failures=0, objective=-11.4]

Parallel BO:: : 408it [00:09, 46.37it/s, failures=0, objective=-11.4]

Parallel BO:: : 409it [00:09, 46.37it/s, failures=0, objective=-11.4]

Parallel BO:: : 410it [00:09, 41.55it/s, failures=0, objective=-11.4]

Parallel BO:: : 410it [00:09, 41.55it/s, failures=0, objective=-11.4]

Parallel BO:: : 411it [00:09, 41.55it/s, failures=0, objective=-11.4]

Parallel BO:: : 412it [00:09, 41.55it/s, failures=0, objective=-11.4]

Parallel BO:: : 413it [00:09, 41.55it/s, failures=0, objective=-11.4]

Parallel BO:: : 414it [00:09, 41.55it/s, failures=0, objective=-11.4]

Parallel BO:: : 415it [00:10, 35.69it/s, failures=0, objective=-11.4]

Parallel BO:: : 415it [00:10, 35.69it/s, failures=0, objective=-11.4]

Parallel BO:: : 416it [00:10, 35.69it/s, failures=0, objective=-11.4]

Parallel BO:: : 417it [00:10, 35.69it/s, failures=0, objective=-11.4]

Parallel BO:: : 418it [00:10, 35.69it/s, failures=0, objective=-11.4]

Parallel BO:: : 419it [00:10, 35.69it/s, failures=0, objective=-11.4]

Parallel BO:: : 420it [00:10, 35.69it/s, failures=0, objective=-11.4]

Parallel BO:: : 421it [00:10, 35.69it/s, failures=0, objective=-11.4]

Parallel BO:: : 422it [00:10, 35.69it/s, failures=0, objective=-11.4]

Parallel BO:: : 423it [00:10, 34.99it/s, failures=0, objective=-11.4]

Parallel BO:: : 423it [00:10, 34.99it/s, failures=0, objective=-11.4]

Parallel BO:: : 424it [00:10, 34.99it/s, failures=0, objective=-11.4]

Parallel BO:: : 425it [00:10, 34.99it/s, failures=0, objective=-11.4]

Parallel BO:: : 426it [00:10, 34.99it/s, failures=0, objective=-11.4]

Parallel BO:: : 427it [00:10, 34.99it/s, failures=0, objective=-11.4]

Parallel BO:: : 428it [00:10, 34.99it/s, failures=0, objective=-11.4]

Parallel BO:: : 429it [00:10, 34.99it/s, failures=0, objective=-11.4]

Parallel BO:: : 430it [00:10, 34.99it/s, failures=0, objective=-11.4]

Parallel BO:: : 431it [00:10, 34.99it/s, failures=0, objective=-11.4]

Parallel BO:: : 432it [00:10, 34.99it/s, failures=0, objective=-11.4]

Parallel BO:: : 433it [00:10, 36.75it/s, failures=0, objective=-11.4]

Parallel BO:: : 433it [00:10, 36.75it/s, failures=0, objective=-11.4]

Parallel BO:: : 434it [00:10, 36.75it/s, failures=0, objective=-11.4]

Parallel BO:: : 435it [00:10, 36.75it/s, failures=0, objective=-11.4]

Parallel BO:: : 436it [00:10, 36.75it/s, failures=0, objective=-11.4]

Parallel BO:: : 437it [00:10, 36.75it/s, failures=0, objective=-11.4]

Parallel BO:: : 438it [00:10, 36.75it/s, failures=0, objective=-11.4]

Parallel BO:: : 439it [00:10, 36.75it/s, failures=0, objective=-11.4]

Parallel BO:: : 440it [00:10, 36.75it/s, failures=0, objective=-11.4]

Parallel BO:: : 441it [00:10, 36.75it/s, failures=0, objective=-11.4]

Parallel BO:: : 442it [00:10, 36.75it/s, failures=0, objective=-11.4]

Parallel BO:: : 443it [00:10, 36.75it/s, failures=0, objective=-11.4]

Parallel BO:: : 444it [00:10, 36.75it/s, failures=0, objective=-11.4]

Parallel BO:: : 445it [00:10, 36.75it/s, failures=0, objective=-11.4]

Parallel BO:: : 446it [00:10, 36.75it/s, failures=0, objective=-11.4]

Parallel BO:: : 447it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 447it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 448it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 449it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 450it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 451it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 452it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 453it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 454it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 455it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 456it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 457it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 458it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 459it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 460it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 461it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 462it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 463it [00:11, 35.42it/s, failures=0, objective=-11.4]

Parallel BO:: : 464it [00:11, 35.42it/s, failures=0, objective=-11.1]

Parallel BO:: : 465it [00:11, 35.42it/s, failures=0, objective=-11.1]

Parallel BO:: : 466it [00:11, 44.05it/s, failures=0, objective=-11.1]

Parallel BO:: : 466it [00:11, 44.05it/s, failures=0, objective=-11.1]

Parallel BO:: : 467it [00:11, 44.05it/s, failures=0, objective=-11.1]

Parallel BO:: : 468it [00:11, 44.05it/s, failures=0, objective=-11.1]

Parallel BO:: : 469it [00:11, 44.05it/s, failures=0, objective=-11.1]

Parallel BO:: : 470it [00:11, 44.05it/s, failures=0, objective=-11.1]

Parallel BO:: : 471it [00:11, 44.05it/s, failures=0, objective=-11.1]

Parallel BO:: : 472it [00:11, 44.05it/s, failures=0, objective=-11.1]

Parallel BO:: : 473it [00:11, 44.05it/s, failures=0, objective=-11.1]

Parallel BO:: : 474it [00:11, 44.05it/s, failures=0, objective=-11.1]

Parallel BO:: : 475it [00:11, 44.05it/s, failures=0, objective=-10.1]

Parallel BO:: : 476it [00:11, 44.05it/s, failures=0, objective=-10.1]

Parallel BO:: : 477it [00:11, 44.05it/s, failures=0, objective=-10.1]

Parallel BO:: : 478it [00:11, 46.82it/s, failures=0, objective=-10.1]

Parallel BO:: : 478it [00:11, 46.82it/s, failures=0, objective=-10.1]

Parallel BO:: : 479it [00:11, 46.82it/s, failures=0, objective=-10.1]

Parallel BO:: : 480it [00:11, 46.82it/s, failures=0, objective=-10.1]

Parallel BO:: : 481it [00:11, 46.82it/s, failures=0, objective=-10.1]

Parallel BO:: : 482it [00:11, 46.82it/s, failures=0, objective=-10.1]

Parallel BO:: : 483it [00:11, 46.82it/s, failures=0, objective=-10.1]

Parallel BO:: : 484it [00:11, 46.82it/s, failures=0, objective=-10.1]

Parallel BO:: : 485it [00:11, 40.23it/s, failures=0, objective=-10.1]

Parallel BO:: : 485it [00:11, 40.23it/s, failures=0, objective=-10.1]

Parallel BO:: : 486it [00:11, 40.23it/s, failures=0, objective=-10.1]

Parallel BO:: : 487it [00:11, 40.23it/s, failures=0, objective=-10.1]

Parallel BO:: : 488it [00:11, 40.23it/s, failures=0, objective=-10.1]

Parallel BO:: : 489it [00:11, 40.23it/s, failures=0, objective=-10.1]

Parallel BO:: : 490it [00:11, 40.23it/s, failures=0, objective=-10.1]

Parallel BO:: : 491it [00:11, 40.23it/s, failures=0, objective=-10.1]

Parallel BO:: : 492it [00:11, 40.23it/s, failures=0, objective=-10.1]

Parallel BO:: : 493it [00:11, 40.23it/s, failures=0, objective=-10.1]

Parallel BO:: : 494it [00:11, 40.23it/s, failures=0, objective=-10.1]

Parallel BO:: : 495it [00:11, 40.23it/s, failures=0, objective=-10.1]

Parallel BO:: : 496it [00:11, 40.23it/s, failures=0, objective=-10.1]

Parallel BO:: : 497it [00:11, 40.23it/s, failures=0, objective=-10.1]

Parallel BO:: : 498it [00:11, 40.23it/s, failures=0, objective=-10.1]

Parallel BO:: : 499it [00:11, 40.23it/s, failures=0, objective=-10.1]

Parallel BO:: : 500it [00:11, 40.23it/s, failures=0, objective=-10.1]

Parallel BO:: : 501it [00:12, 47.66it/s, failures=0, objective=-10.1]

Parallel BO:: : 501it [00:12, 47.66it/s, failures=0, objective=-10.1]

Parallel BO:: : 502it [00:12, 47.66it/s, failures=0, objective=-10.1]

Parallel BO:: : 503it [00:12, 47.66it/s, failures=0, objective=-8.38]

Parallel BO:: : 504it [00:12, 47.66it/s, failures=0, objective=-8.38]

Parallel BO:: : 505it [00:12, 47.66it/s, failures=0, objective=-8.38]

Parallel BO:: : 506it [00:12, 47.66it/s, failures=0, objective=-8.38]

Parallel BO:: : 507it [00:12, 41.71it/s, failures=0, objective=-8.38]

Parallel BO:: : 507it [00:12, 41.71it/s, failures=0, objective=-8.38]

Parallel BO:: : 508it [00:12, 41.71it/s, failures=0, objective=-8.38]

Parallel BO:: : 509it [00:12, 41.71it/s, failures=0, objective=-8.38]

Parallel BO:: : 510it [00:12, 41.71it/s, failures=0, objective=-8.38]

Parallel BO:: : 511it [00:12, 41.71it/s, failures=0, objective=-8.38]

Parallel BO:: : 512it [00:12, 35.50it/s, failures=0, objective=-8.38]

Parallel BO:: : 512it [00:12, 35.50it/s, failures=0, objective=-8.38]

Parallel BO:: : 513it [00:12, 35.50it/s, failures=0, objective=-8.38]

Parallel BO:: : 514it [00:12, 35.50it/s, failures=0, objective=-8.38]

Parallel BO:: : 515it [00:12, 35.50it/s, failures=0, objective=-8.38]

Parallel BO:: : 516it [00:12, 35.50it/s, failures=0, objective=-8.38]

Parallel BO:: : 517it [00:12, 35.50it/s, failures=0, objective=-8.38]

Parallel BO:: : 518it [00:12, 35.50it/s, failures=0, objective=-8.38]

Parallel BO:: : 519it [00:12, 35.50it/s, failures=0, objective=-8.38]

Parallel BO:: : 520it [00:12, 35.50it/s, failures=0, objective=-8.38]

Parallel BO:: : 521it [00:12, 35.50it/s, failures=0, objective=-8.38]

Parallel BO:: : 522it [00:12, 35.50it/s, failures=0, objective=-8.38]

Parallel BO:: : 523it [00:12, 33.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 523it [00:12, 33.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 524it [00:12, 33.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 525it [00:12, 33.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 526it [00:12, 33.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 527it [00:12, 33.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 528it [00:12, 33.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 529it [00:12, 33.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 530it [00:12, 33.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 531it [00:12, 33.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 532it [00:12, 33.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 533it [00:12, 33.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 534it [00:12, 33.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 535it [00:12, 33.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 536it [00:12, 33.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 537it [00:12, 33.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 538it [00:13, 41.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 538it [00:13, 41.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 539it [00:13, 41.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 540it [00:13, 41.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 541it [00:13, 41.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 542it [00:13, 41.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 543it [00:13, 41.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 544it [00:13, 41.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 545it [00:13, 41.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 546it [00:13, 41.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 547it [00:13, 41.57it/s, failures=0, objective=-8.38]

Parallel BO:: : 548it [00:13, 41.64it/s, failures=0, objective=-8.38]

Parallel BO:: : 548it [00:13, 41.64it/s, failures=0, objective=-8.38]

Parallel BO:: : 549it [00:13, 41.64it/s, failures=0, objective=-8.38]

Parallel BO:: : 550it [00:13, 41.64it/s, failures=0, objective=-8.38]

Parallel BO:: : 551it [00:13, 41.64it/s, failures=0, objective=-8.38]

Parallel BO:: : 552it [00:13, 41.64it/s, failures=0, objective=-8.38]

Parallel BO:: : 553it [00:13, 41.64it/s, failures=0, objective=-8.38]

Parallel BO:: : 554it [00:13, 41.64it/s, failures=0, objective=-8.38]

Parallel BO:: : 555it [00:13, 41.64it/s, failures=0, objective=-8.38]

Parallel BO:: : 556it [00:13, 41.64it/s, failures=0, objective=-7.5]

Parallel BO:: : 557it [00:13, 41.64it/s, failures=0, objective=-7.5]

Parallel BO:: : 558it [00:13, 41.64it/s, failures=0, objective=-7.5]

Parallel BO:: : 559it [00:13, 43.90it/s, failures=0, objective=-7.5]

Parallel BO:: : 559it [00:13, 43.90it/s, failures=0, objective=-7.5]

Parallel BO:: : 560it [00:13, 43.90it/s, failures=0, objective=-7.5]

Parallel BO:: : 561it [00:13, 43.90it/s, failures=0, objective=-7.5]

Parallel BO:: : 562it [00:13, 43.90it/s, failures=0, objective=-7.5]

Parallel BO:: : 563it [00:13, 43.90it/s, failures=0, objective=-7.5]

Parallel BO:: : 564it [00:13, 43.90it/s, failures=0, objective=-7.5]

Parallel BO:: : 565it [00:13, 43.90it/s, failures=0, objective=-7.5]

Parallel BO:: : 566it [00:13, 43.90it/s, failures=0, objective=-7.5]

Parallel BO:: : 567it [00:13, 43.90it/s, failures=0, objective=-7.5]

Parallel BO:: : 568it [00:13, 42.05it/s, failures=0, objective=-7.5]

Parallel BO:: : 568it [00:13, 42.05it/s, failures=0, objective=-7.5]

Parallel BO:: : 569it [00:13, 42.05it/s, failures=0, objective=-7.5]

Parallel BO:: : 570it [00:13, 42.05it/s, failures=0, objective=-7.5]

Parallel BO:: : 571it [00:13, 42.05it/s, failures=0, objective=-7.5]

Parallel BO:: : 572it [00:13, 42.05it/s, failures=0, objective=-7.5]

Parallel BO:: : 573it [00:13, 42.05it/s, failures=0, objective=-7.5]

Parallel BO:: : 574it [00:13, 42.05it/s, failures=0, objective=-7.5]

Parallel BO:: : 575it [00:13, 42.05it/s, failures=0, objective=-7.5]

Parallel BO:: : 576it [00:13, 42.05it/s, failures=0, objective=-7.5]

Parallel BO:: : 577it [00:13, 42.05it/s, failures=0, objective=-7.5]

Parallel BO:: : 578it [00:13, 42.05it/s, failures=0, objective=-7.5]

Parallel BO:: : 579it [00:13, 42.05it/s, failures=0, objective=-7.5]

Parallel BO:: : 580it [00:13, 42.05it/s, failures=0, objective=-7.5]

Parallel BO:: : 581it [00:13, 42.05it/s, failures=0, objective=-7.5]

Parallel BO:: : 582it [00:13, 42.05it/s, failures=0, objective=-7.5]

Parallel BO:: : 583it [00:14, 45.14it/s, failures=0, objective=-7.5]

Parallel BO:: : 583it [00:14, 45.14it/s, failures=0, objective=-7.5]

Parallel BO:: : 584it [00:14, 45.14it/s, failures=0, objective=-7.5]

Parallel BO:: : 585it [00:14, 45.14it/s, failures=0, objective=-7.5]

Parallel BO:: : 586it [00:14, 45.14it/s, failures=0, objective=-7.5]

Parallel BO:: : 587it [00:14, 45.14it/s, failures=0, objective=-7.5]

Parallel BO:: : 588it [00:14, 45.14it/s, failures=0, objective=-7.5]

Parallel BO:: : 589it [00:14, 45.14it/s, failures=0, objective=-7.5]

Parallel BO:: : 590it [00:14, 45.14it/s, failures=0, objective=-7.5]

Parallel BO:: : 591it [00:14, 45.14it/s, failures=0, objective=-7.5]

Parallel BO:: : 592it [00:14, 43.01it/s, failures=0, objective=-7.5]

Parallel BO:: : 592it [00:14, 43.01it/s, failures=0, objective=-7.5]

Parallel BO:: : 593it [00:14, 43.01it/s, failures=0, objective=-7.5]

Parallel BO:: : 594it [00:14, 43.01it/s, failures=0, objective=-7.5]

Parallel BO:: : 595it [00:14, 43.01it/s, failures=0, objective=-7.5]

Parallel BO:: : 596it [00:14, 43.01it/s, failures=0, objective=-7.5]

Parallel BO:: : 597it [00:14, 43.01it/s, failures=0, objective=-7.5]

Parallel BO:: : 598it [00:14, 43.01it/s, failures=0, objective=-7.5]

Parallel BO:: : 599it [00:14, 43.01it/s, failures=0, objective=-7.5]

Parallel BO:: : 600it [00:14, 43.01it/s, failures=0, objective=-7.5]

Parallel BO:: : 601it [00:14, 43.01it/s, failures=0, objective=-7.5]

Parallel BO:: : 602it [00:14, 43.01it/s, failures=0, objective=-7.5]

Parallel BO:: : 603it [00:14, 43.01it/s, failures=0, objective=-7.5]

Parallel BO:: : 604it [00:14, 42.59it/s, failures=0, objective=-7.5]

Parallel BO:: : 604it [00:14, 42.59it/s, failures=0, objective=-7.5]

Parallel BO:: : 605it [00:14, 42.59it/s, failures=0, objective=-7.5]

Parallel BO:: : 606it [00:14, 42.59it/s, failures=0, objective=-7.5]

Parallel BO:: : 607it [00:14, 42.59it/s, failures=0, objective=-7.5]

Parallel BO:: : 608it [00:14, 42.59it/s, failures=0, objective=-7.5]

Parallel BO:: : 609it [00:14, 42.59it/s, failures=0, objective=-7.5]

Parallel BO:: : 610it [00:14, 42.59it/s, failures=0, objective=-7.5]

Parallel BO:: : 611it [00:14, 42.59it/s, failures=0, objective=-7.5]

Parallel BO:: : 612it [00:14, 42.59it/s, failures=0, objective=-7.5]

Parallel BO:: : 613it [00:14, 42.59it/s, failures=0, objective=-7.5]

Parallel BO:: : 614it [00:15, 38.47it/s, failures=0, objective=-7.5]

Parallel BO:: : 614it [00:15, 38.47it/s, failures=0, objective=-7.5]

Parallel BO:: : 615it [00:15, 38.47it/s, failures=0, objective=-7.5]

Parallel BO:: : 616it [00:15, 38.47it/s, failures=0, objective=-7.5]

Parallel BO:: : 617it [00:15, 38.47it/s, failures=0, objective=-7.5]

Parallel BO:: : 618it [00:15, 38.47it/s, failures=0, objective=-7.5]

Parallel BO:: : 619it [00:15, 38.47it/s, failures=0, objective=-7.5]

Parallel BO:: : 620it [00:15, 38.47it/s, failures=0, objective=-5.64]

Parallel BO:: : 621it [00:15, 38.47it/s, failures=0, objective=-5.64]

Parallel BO:: : 622it [00:15, 38.47it/s, failures=0, objective=-5.64]

Parallel BO:: : 623it [00:15, 38.47it/s, failures=0, objective=-5.64]

Parallel BO:: : 624it [00:15, 38.47it/s, failures=0, objective=-5.64]

Parallel BO:: : 625it [00:15, 38.47it/s, failures=0, objective=-5.64]

Parallel BO:: : 626it [00:15, 38.47it/s, failures=0, objective=-5.64]

Parallel BO:: : 627it [00:15, 38.47it/s, failures=0, objective=-5.64]

Parallel BO:: : 628it [00:15, 38.99it/s, failures=0, objective=-5.64]

Parallel BO:: : 628it [00:15, 38.99it/s, failures=0, objective=-5.64]

Parallel BO:: : 629it [00:15, 38.99it/s, failures=0, objective=-5.64]

Parallel BO:: : 630it [00:15, 38.99it/s, failures=0, objective=-5.64]

Parallel BO:: : 631it [00:15, 38.99it/s, failures=0, objective=-5.64]

Parallel BO:: : 632it [00:15, 38.99it/s, failures=0, objective=-5.64]

Parallel BO:: : 633it [00:15, 38.99it/s, failures=0, objective=-5.64]

Parallel BO:: : 634it [00:15, 38.99it/s, failures=0, objective=-5.64]

Parallel BO:: : 635it [00:15, 38.99it/s, failures=0, objective=-5.64]

Parallel BO:: : 636it [00:15, 38.99it/s, failures=0, objective=-5.64]

Parallel BO:: : 637it [00:15, 38.99it/s, failures=0, objective=-5.64]

Parallel BO:: : 638it [00:15, 38.99it/s, failures=0, objective=-5.64]

Parallel BO:: : 639it [00:15, 38.99it/s, failures=0, objective=-5.64]

Parallel BO:: : 640it [00:15, 41.37it/s, failures=0, objective=-5.64]

Parallel BO:: : 640it [00:15, 41.37it/s, failures=0, objective=-5.64]

Parallel BO:: : 641it [00:15, 41.37it/s, failures=0, objective=-5.64]

Parallel BO:: : 642it [00:15, 41.37it/s, failures=0, objective=-5.64]

Parallel BO:: : 643it [00:15, 41.37it/s, failures=0, objective=-5.64]

Parallel BO:: : 644it [00:15, 41.37it/s, failures=0, objective=-5.64]

Parallel BO:: : 645it [00:15, 41.37it/s, failures=0, objective=-5.64]

Parallel BO:: : 646it [00:15, 41.37it/s, failures=0, objective=-5.64]

Parallel BO:: : 647it [00:15, 41.37it/s, failures=0, objective=-5.64]

Parallel BO:: : 648it [00:15, 41.37it/s, failures=0, objective=-5.64]

Parallel BO:: : 649it [00:15, 41.37it/s, failures=0, objective=-5.64]

Parallel BO:: : 650it [00:15, 41.42it/s, failures=0, objective=-5.64]

Parallel BO:: : 650it [00:15, 41.42it/s, failures=0, objective=-5.64]

Parallel BO:: : 651it [00:15, 41.42it/s, failures=0, objective=-5.64]

Parallel BO:: : 652it [00:15, 41.42it/s, failures=0, objective=-5.64]

Parallel BO:: : 653it [00:15, 41.42it/s, failures=0, objective=-5.64]

Parallel BO:: : 654it [00:15, 41.42it/s, failures=0, objective=-5.64]

Parallel BO:: : 655it [00:15, 41.42it/s, failures=0, objective=-5.64]

Parallel BO:: : 656it [00:15, 41.42it/s, failures=0, objective=-5.64]

Parallel BO:: : 657it [00:15, 41.42it/s, failures=0, objective=-5.64]

Parallel BO:: : 658it [00:15, 41.42it/s, failures=0, objective=-5.64]

Parallel BO:: : 659it [00:15, 41.42it/s, failures=0, objective=-5.64]

Parallel BO:: : 660it [00:15, 41.42it/s, failures=0, objective=-5.64]

Parallel BO:: : 661it [00:15, 41.42it/s, failures=0, objective=-5.64]

Parallel BO:: : 662it [00:16, 43.24it/s, failures=0, objective=-5.64]

Parallel BO:: : 662it [00:16, 43.24it/s, failures=0, objective=-5.64]

Parallel BO:: : 663it [00:16, 43.24it/s, failures=0, objective=-5.64]

Parallel BO:: : 664it [00:16, 43.24it/s, failures=0, objective=-5.64]

Parallel BO:: : 665it [00:16, 43.24it/s, failures=0, objective=-5.64]

Parallel BO:: : 666it [00:16, 43.24it/s, failures=0, objective=-5.64]

Parallel BO:: : 667it [00:16, 43.24it/s, failures=0, objective=-5.64]

Parallel BO:: : 668it [00:16, 43.24it/s, failures=0, objective=-5.64]

Parallel BO:: : 669it [00:16, 43.24it/s, failures=0, objective=-5.64]

Parallel BO:: : 670it [00:16, 43.24it/s, failures=0, objective=-5.64]

Parallel BO:: : 671it [00:16, 43.24it/s, failures=0, objective=-5.64]

Parallel BO:: : 672it [00:16, 43.24it/s, failures=0, objective=-5.64]

Parallel BO:: : 673it [00:16, 43.24it/s, failures=0, objective=-5.64]

Parallel BO:: : 674it [00:16, 43.24it/s, failures=0, objective=-5.64]

Parallel BO:: : 675it [00:16, 43.24it/s, failures=0, objective=-5.64]

Parallel BO:: : 676it [00:16, 43.24it/s, failures=0, objective=-5.64]

Parallel BO:: : 677it [00:16, 43.24it/s, failures=0, objective=-5.64]

Parallel BO:: : 678it [00:16, 48.03it/s, failures=0, objective=-5.64]

Parallel BO:: : 678it [00:16, 48.03it/s, failures=0, objective=-5.64]

Parallel BO:: : 679it [00:16, 48.03it/s, failures=0, objective=-5.64]

Parallel BO:: : 680it [00:16, 48.03it/s, failures=0, objective=-5.64]

Parallel BO:: : 681it [00:16, 48.03it/s, failures=0, objective=-5.64]

Parallel BO:: : 682it [00:16, 48.03it/s, failures=0, objective=-5.64]

Parallel BO:: : 683it [00:16, 48.03it/s, failures=0, objective=-5.64]

Parallel BO:: : 684it [00:16, 48.03it/s, failures=0, objective=-5.64]

Parallel BO:: : 685it [00:16, 48.03it/s, failures=0, objective=-5.64]

Parallel BO:: : 686it [00:16, 48.03it/s, failures=0, objective=-5.64]

Parallel BO:: : 687it [00:16, 48.03it/s, failures=0, objective=-5.64]

Parallel BO:: : 688it [00:16, 44.59it/s, failures=0, objective=-5.64]

Parallel BO:: : 688it [00:16, 44.59it/s, failures=0, objective=-5.64]

Parallel BO:: : 689it [00:16, 44.59it/s, failures=0, objective=-5.64]

Parallel BO:: : 690it [00:16, 44.59it/s, failures=0, objective=-5.64]

Parallel BO:: : 691it [00:16, 44.59it/s, failures=0, objective=-5.64]

Parallel BO:: : 692it [00:16, 44.59it/s, failures=0, objective=-5.64]

Parallel BO:: : 693it [00:16, 44.59it/s, failures=0, objective=-5.64]

Parallel BO:: : 694it [00:16, 44.59it/s, failures=0, objective=-5.64]

Parallel BO:: : 695it [00:16, 39.54it/s, failures=0, objective=-5.64]

Parallel BO:: : 695it [00:16, 39.54it/s, failures=0, objective=-5.64]

Parallel BO:: : 696it [00:16, 39.54it/s, failures=0, objective=-5.64]

Parallel BO:: : 697it [00:16, 39.54it/s, failures=0, objective=-5.64]

Parallel BO:: : 698it [00:16, 39.54it/s, failures=0, objective=-5.64]

Parallel BO:: : 699it [00:16, 39.54it/s, failures=0, objective=-5.64]

Parallel BO:: : 700it [00:16, 39.54it/s, failures=0, objective=-5.64]

Parallel BO:: : 701it [00:16, 39.54it/s, failures=0, objective=-5.64]

Parallel BO:: : 702it [00:16, 39.54it/s, failures=0, objective=-5.64]

Parallel BO:: : 703it [00:16, 39.54it/s, failures=0, objective=-5.64]

Parallel BO:: : 704it [00:16, 39.54it/s, failures=0, objective=-5.64]

Parallel BO:: : 705it [00:16, 39.54it/s, failures=0, objective=-5.64]

Parallel BO:: : 706it [00:16, 39.54it/s, failures=0, objective=-5.64]

Parallel BO:: : 707it [00:16, 39.54it/s, failures=0, objective=-5.64]

Parallel BO:: : 708it [00:16, 39.54it/s, failures=0, objective=-5.64]

Parallel BO:: : 709it [00:17, 43.65it/s, failures=0, objective=-5.64]

Parallel BO:: : 709it [00:17, 43.65it/s, failures=0, objective=-5.64]

Parallel BO:: : 710it [00:17, 43.65it/s, failures=0, objective=-5.64]

Parallel BO:: : 711it [00:17, 43.65it/s, failures=0, objective=-5.64]

Parallel BO:: : 712it [00:17, 43.65it/s, failures=0, objective=-5.64]

Parallel BO:: : 713it [00:17, 43.65it/s, failures=0, objective=-5.64]

Parallel BO:: : 714it [00:17, 43.65it/s, failures=0, objective=-5.64]

Parallel BO:: : 715it [00:17, 43.65it/s, failures=0, objective=-5.64]

Parallel BO:: : 716it [00:17, 43.65it/s, failures=0, objective=-5.64]

Parallel BO:: : 717it [00:17, 43.65it/s, failures=0, objective=-5.64]

Parallel BO:: : 718it [00:17, 41.25it/s, failures=0, objective=-5.64]

Parallel BO:: : 718it [00:17, 41.25it/s, failures=0, objective=-5.64]

Parallel BO:: : 719it [00:17, 41.25it/s, failures=0, objective=-5.64]

Parallel BO:: : 720it [00:17, 41.25it/s, failures=0, objective=-5.64]

Parallel BO:: : 721it [00:17, 41.25it/s, failures=0, objective=-5.64]

Parallel BO:: : 722it [00:17, 41.25it/s, failures=0, objective=-5.64]

Parallel BO:: : 723it [00:17, 41.25it/s, failures=0, objective=-5.64]

Parallel BO:: : 724it [00:17, 41.25it/s, failures=0, objective=-5.64]

Parallel BO:: : 725it [00:17, 41.25it/s, failures=0, objective=-5.64]

Parallel BO:: : 726it [00:17, 41.25it/s, failures=0, objective=-5.64]

Parallel BO:: : 727it [00:17, 41.25it/s, failures=0, objective=-5.64]

Parallel BO:: : 728it [00:17, 41.25it/s, failures=0, objective=-4.83]

Parallel BO:: : 729it [00:17, 41.25it/s, failures=0, objective=-4.83]

Parallel BO:: : 730it [00:17, 41.25it/s, failures=0, objective=-4.83]

Parallel BO:: : 731it [00:17, 43.51it/s, failures=0, objective=-4.83]

Parallel BO:: : 731it [00:17, 43.51it/s, failures=0, objective=-4.83]

Parallel BO:: : 732it [00:17, 43.51it/s, failures=0, objective=-4.83]

Parallel BO:: : 733it [00:17, 43.51it/s, failures=0, objective=-4.83]

Parallel BO:: : 734it [00:17, 43.51it/s, failures=0, objective=-4.83]

Parallel BO:: : 735it [00:17, 43.51it/s, failures=0, objective=-4.83]

Parallel BO:: : 736it [00:17, 43.51it/s, failures=0, objective=-4.83]

Parallel BO:: : 737it [00:17, 43.51it/s, failures=0, objective=-4.83]

Parallel BO:: : 738it [00:17, 43.51it/s, failures=0, objective=-4.83]

Parallel BO:: : 739it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 739it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 740it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 741it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 742it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 743it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 744it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 745it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 746it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 747it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 748it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 749it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 750it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 751it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 752it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 753it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 754it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 755it [00:18, 34.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 756it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 756it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 757it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 758it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 759it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 760it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 761it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 762it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 763it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 764it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 765it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 766it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 767it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 768it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 769it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 770it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 771it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 772it [00:18, 43.53it/s, failures=0, objective=-4.83]

Parallel BO:: : 773it [00:18, 48.81it/s, failures=0, objective=-4.83]

Parallel BO:: : 773it [00:18, 48.81it/s, failures=0, objective=-4.83]

Parallel BO:: : 774it [00:18, 48.81it/s, failures=0, objective=-4.83]

Parallel BO:: : 775it [00:18, 48.81it/s, failures=0, objective=-4.83]

Parallel BO:: : 776it [00:18, 48.81it/s, failures=0, objective=-4.83]

Parallel BO:: : 777it [00:18, 48.81it/s, failures=0, objective=-4.83]

Parallel BO:: : 778it [00:18, 48.81it/s, failures=0, objective=-4.83]

Parallel BO:: : 779it [00:18, 48.81it/s, failures=0, objective=-4.83]

Parallel BO:: : 780it [00:18, 48.81it/s, failures=0, objective=-4.83]

Parallel BO:: : 781it [00:18, 48.81it/s, failures=0, objective=-4.83]

Parallel BO:: : 782it [00:18, 43.77it/s, failures=0, objective=-4.83]

Parallel BO:: : 782it [00:18, 43.77it/s, failures=0, objective=-4.83]

Parallel BO:: : 783it [00:18, 43.77it/s, failures=0, objective=-4.83]

Parallel BO:: : 784it [00:18, 43.77it/s, failures=0, objective=-4.83]

Parallel BO:: : 785it [00:18, 43.77it/s, failures=0, objective=-4.83]

Parallel BO:: : 786it [00:18, 43.77it/s, failures=0, objective=-4.83]

Parallel BO:: : 787it [00:18, 43.77it/s, failures=0, objective=-4.83]

Parallel BO:: : 788it [00:18, 43.77it/s, failures=0, objective=-4.83]

Parallel BO:: : 789it [00:18, 43.77it/s, failures=0, objective=-4.83]

Parallel BO:: : 790it [00:18, 43.77it/s, failures=0, objective=-4.83]

Parallel BO:: : 791it [00:18, 43.77it/s, failures=0, objective=-4.83]

Parallel BO:: : 792it [00:18, 43.77it/s, failures=0, objective=-4.83]

Parallel BO:: : 793it [00:18, 43.77it/s, failures=0, objective=-4.83]

Parallel BO:: : 794it [00:18, 43.77it/s, failures=0, objective=-4.83]

Parallel BO:: : 795it [00:18, 43.77it/s, failures=0, objective=-4.83]

Parallel BO:: : 796it [00:19, 45.99it/s, failures=0, objective=-4.83]

Parallel BO:: : 796it [00:19, 45.99it/s, failures=0, objective=-4.83]

Parallel BO:: : 797it [00:19, 45.99it/s, failures=0, objective=-4.83]

Parallel BO:: : 798it [00:19, 45.99it/s, failures=0, objective=-4.83]

Parallel BO:: : 799it [00:19, 45.99it/s, failures=0, objective=-4.83]

Parallel BO:: : 800it [00:19, 45.99it/s, failures=0, objective=-4.83]

Parallel BO:: : 801it [00:19, 45.99it/s, failures=0, objective=-4.83]

Parallel BO:: : 802it [00:19, 45.99it/s, failures=0, objective=-4.83]

Parallel BO:: : 803it [00:19, 45.99it/s, failures=0, objective=-4.83]

Parallel BO:: : 804it [00:19, 45.99it/s, failures=0, objective=-4.83]

Parallel BO:: : 805it [00:19, 45.99it/s, failures=0, objective=-4.83]

Parallel BO:: : 806it [00:19, 45.99it/s, failures=0, objective=-4.83]

Parallel BO:: : 807it [00:19, 45.99it/s, failures=0, objective=-4.83]

Parallel BO:: : 808it [00:19, 45.99it/s, failures=0, objective=-4.83]

Parallel BO:: : 809it [00:19, 44.56it/s, failures=0, objective=-4.83]

Parallel BO:: : 809it [00:19, 44.56it/s, failures=0, objective=-4.83]

Parallel BO:: : 810it [00:19, 44.56it/s, failures=0, objective=-4.83]

Parallel BO:: : 811it [00:19, 44.56it/s, failures=0, objective=-4.83]

Parallel BO:: : 812it [00:19, 44.56it/s, failures=0, objective=-4.83]

Parallel BO:: : 813it [00:19, 44.56it/s, failures=0, objective=-4.83]

Parallel BO:: : 814it [00:19, 44.56it/s, failures=0, objective=-4.83]

Parallel BO:: : 815it [00:19, 44.56it/s, failures=0, objective=-4.83]

Parallel BO:: : 816it [00:19, 44.56it/s, failures=0, objective=-4.83]

Parallel BO:: : 817it [00:19, 44.56it/s, failures=0, objective=-4.83]

Parallel BO:: : 818it [00:19, 44.56it/s, failures=0, objective=-4.83]

Parallel BO:: : 819it [00:19, 44.56it/s, failures=0, objective=-4.83]

Parallel BO:: : 820it [00:19, 44.56it/s, failures=0, objective=-4.83]

Parallel BO:: : 821it [00:19, 44.56it/s, failures=0, objective=-4.83]

Parallel BO:: : 822it [00:19, 44.56it/s, failures=0, objective=-4.83]

Parallel BO:: : 823it [00:19, 47.91it/s, failures=0, objective=-4.83]

Parallel BO:: : 823it [00:19, 47.91it/s, failures=0, objective=-4.83]

Parallel BO:: : 824it [00:19, 47.91it/s, failures=0, objective=-4.83]

Parallel BO:: : 825it [00:19, 47.91it/s, failures=0, objective=-4.83]

Parallel BO:: : 826it [00:19, 47.91it/s, failures=0, objective=-4.83]

Parallel BO:: : 827it [00:19, 47.91it/s, failures=0, objective=-4.83]

Parallel BO:: : 828it [00:20, 35.39it/s, failures=0, objective=-4.83]

Parallel BO:: : 828it [00:20, 35.39it/s, failures=0, objective=-4.83]

Parallel BO:: : 829it [00:20, 35.39it/s, failures=0, objective=-4.83]

Parallel BO:: : 830it [00:20, 35.39it/s, failures=0, objective=-4.83]

Parallel BO:: : 831it [00:20, 35.39it/s, failures=0, objective=-4.83]

Parallel BO:: : 832it [00:20, 35.39it/s, failures=0, objective=-4.83]

Parallel BO:: : 833it [00:20, 35.39it/s, failures=0, objective=-4.83]

Parallel BO:: : 834it [00:20, 35.39it/s, failures=0, objective=-4.83]

Parallel BO:: : 835it [00:20, 35.39it/s, failures=0, objective=-4.83]

Parallel BO:: : 836it [00:20, 35.39it/s, failures=0, objective=-4.83]

Parallel BO:: : 837it [00:20, 35.39it/s, failures=0, objective=-4.83]

Parallel BO:: : 838it [00:20, 35.39it/s, failures=0, objective=-4.83]

Parallel BO:: : 839it [00:20, 35.39it/s, failures=0, objective=-4.83]

Parallel BO:: : 840it [00:20, 35.39it/s, failures=0, objective=-4.83]

Parallel BO:: : 841it [00:20, 35.39it/s, failures=0, objective=-4.83]

Parallel BO:: : 842it [00:20, 35.39it/s, failures=0, objective=-4.83]

Parallel BO:: : 843it [00:20, 35.39it/s, failures=0, objective=-4.83]

Parallel BO:: : 844it [00:20, 40.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 844it [00:20, 40.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 845it [00:20, 40.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 846it [00:20, 40.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 847it [00:20, 40.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 848it [00:20, 40.79it/s, failures=0, objective=-4.83]

Parallel BO:: : 849it [00:20, 40.79it/s, failures=0, objective=-4.38]

Parallel BO:: : 850it [00:20, 40.79it/s, failures=0, objective=-4.38]

Parallel BO:: : 851it [00:20, 40.79it/s, failures=0, objective=-4.38]

Parallel BO:: : 852it [00:20, 40.79it/s, failures=0, objective=-4.38]

Parallel BO:: : 853it [00:20, 40.79it/s, failures=0, objective=-4.38]

Parallel BO:: : 854it [00:20, 40.79it/s, failures=0, objective=-4.38]

Parallel BO:: : 855it [00:20, 38.95it/s, failures=0, objective=-4.38]

Parallel BO:: : 855it [00:20, 38.95it/s, failures=0, objective=-4.38]

Parallel BO:: : 856it [00:20, 38.95it/s, failures=0, objective=-4.38]

Parallel BO:: : 857it [00:20, 38.95it/s, failures=0, objective=-4.38]

Parallel BO:: : 858it [00:20, 38.95it/s, failures=0, objective=-4.38]

Parallel BO:: : 859it [00:20, 38.95it/s, failures=0, objective=-4.38]

Parallel BO:: : 860it [00:20, 38.95it/s, failures=0, objective=-4.38]

Parallel BO:: : 861it [00:20, 38.95it/s, failures=0, objective=-4.38]

Parallel BO:: : 862it [00:20, 38.95it/s, failures=0, objective=-4.38]

Parallel BO:: : 863it [00:20, 38.95it/s, failures=0, objective=-4.38]

Parallel BO:: : 864it [00:20, 38.95it/s, failures=0, objective=-4.38]

Parallel BO:: : 865it [00:20, 38.95it/s, failures=0, objective=-4.38]

Parallel BO:: : 866it [00:21, 36.40it/s, failures=0, objective=-4.38]

Parallel BO:: : 866it [00:21, 36.40it/s, failures=0, objective=-4.38]

Parallel BO:: : 867it [00:21, 36.40it/s, failures=0, objective=-4.38]

Parallel BO:: : 868it [00:21, 36.40it/s, failures=0, objective=-4.38]

Parallel BO:: : 869it [00:21, 36.40it/s, failures=0, objective=-4.38]

Parallel BO:: : 870it [00:21, 36.40it/s, failures=0, objective=-4.38]

Parallel BO:: : 871it [00:21, 36.40it/s, failures=0, objective=-4.38]

Parallel BO:: : 872it [00:21, 36.40it/s, failures=0, objective=-4.38]

Parallel BO:: : 873it [00:21, 36.40it/s, failures=0, objective=-4.38]

Parallel BO:: : 874it [00:21, 36.40it/s, failures=0, objective=-4.38]

Parallel BO:: : 875it [00:21, 36.40it/s, failures=0, objective=-4.38]

Parallel BO:: : 876it [00:21, 36.40it/s, failures=0, objective=-4.38]

Parallel BO:: : 877it [00:21, 36.40it/s, failures=0, objective=-4.38]

Parallel BO:: : 878it [00:21, 36.40it/s, failures=0, objective=-4.38]

Parallel BO:: : 879it [00:21, 36.40it/s, failures=0, objective=-4.38]

Parallel BO:: : 880it [00:21, 36.40it/s, failures=0, objective=-4.38]

Parallel BO:: : 881it [00:21, 36.40it/s, failures=0, objective=-4.38]

Parallel BO:: : 882it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 882it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 883it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 884it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 885it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 886it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 887it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 888it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 889it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 890it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 891it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 892it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 893it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 894it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 895it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 896it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 897it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 898it [00:21, 40.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 899it [00:21, 45.88it/s, failures=0, objective=-4.38]

Parallel BO:: : 899it [00:21, 45.88it/s, failures=0, objective=-4.38]

Parallel BO:: : 900it [00:21, 45.88it/s, failures=0, objective=-4.38]

Parallel BO:: : 901it [00:21, 45.88it/s, failures=0, objective=-4.38]

Parallel BO:: : 902it [00:21, 45.88it/s, failures=0, objective=-4.38]

Parallel BO:: : 903it [00:21, 45.88it/s, failures=0, objective=-4.38]

Parallel BO:: : 904it [00:21, 45.88it/s, failures=0, objective=-4.38]

Parallel BO:: : 905it [00:21, 45.88it/s, failures=0, objective=-4.38]

Parallel BO:: : 906it [00:21, 45.88it/s, failures=0, objective=-4.38]

Parallel BO:: : 907it [00:21, 45.88it/s, failures=0, objective=-4.38]

Parallel BO:: : 908it [00:21, 45.88it/s, failures=0, objective=-4.38]

Parallel BO:: : 909it [00:21, 45.88it/s, failures=0, objective=-4.38]

Parallel BO:: : 910it [00:21, 45.88it/s, failures=0, objective=-4.38]

Parallel BO:: : 911it [00:21, 43.26it/s, failures=0, objective=-4.38]

Parallel BO:: : 911it [00:21, 43.26it/s, failures=0, objective=-4.38]

Parallel BO:: : 912it [00:21, 43.26it/s, failures=0, objective=-4.38]

Parallel BO:: : 913it [00:21, 43.26it/s, failures=0, objective=-4.38]

Parallel BO:: : 914it [00:21, 43.26it/s, failures=0, objective=-4.38]

Parallel BO:: : 915it [00:21, 43.26it/s, failures=0, objective=-4.38]

Parallel BO:: : 916it [00:21, 43.26it/s, failures=0, objective=-4.38]

Parallel BO:: : 917it [00:21, 43.26it/s, failures=0, objective=-4.38]

Parallel BO:: : 918it [00:21, 43.26it/s, failures=0, objective=-4.38]

Parallel BO:: : 919it [00:21, 43.26it/s, failures=0, objective=-4.38]

Parallel BO:: : 920it [00:21, 43.26it/s, failures=0, objective=-4.38]

Parallel BO:: : 921it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 921it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 922it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 923it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 924it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 925it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 926it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 927it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 928it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 929it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 930it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 931it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 932it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 933it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 934it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 935it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 936it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 937it [00:22, 36.82it/s, failures=0, objective=-4.38]

Parallel BO:: : 938it [00:22, 41.69it/s, failures=0, objective=-4.38]

Parallel BO:: : 938it [00:22, 41.69it/s, failures=0, objective=-4.38]

Parallel BO:: : 939it [00:22, 41.69it/s, failures=0, objective=-4.38]

Parallel BO:: : 940it [00:22, 41.69it/s, failures=0, objective=-4.38]

Parallel BO:: : 941it [00:22, 41.69it/s, failures=0, objective=-4.38]

Parallel BO:: : 942it [00:22, 41.69it/s, failures=0, objective=-4.38]

Parallel BO:: : 943it [00:22, 41.69it/s, failures=0, objective=-4.38]

Parallel BO:: : 944it [00:22, 41.69it/s, failures=0, objective=-4.38]

Parallel BO:: : 945it [00:22, 41.69it/s, failures=0, objective=-4.38]

Parallel BO:: : 946it [00:22, 41.69it/s, failures=0, objective=-4.38]

Parallel BO:: : 947it [00:22, 41.69it/s, failures=0, objective=-4.38]

Parallel BO:: : 948it [00:22, 41.69it/s, failures=0, objective=-4.38]

Parallel BO:: : 949it [00:22, 41.69it/s, failures=0, objective=-4.38]

Parallel BO:: : 950it [00:22, 41.69it/s, failures=0, objective=-4.38]

Parallel BO:: : 951it [00:22, 41.69it/s, failures=0, objective=-4.38]

Parallel BO:: : 952it [00:23, 41.67it/s, failures=0, objective=-4.38]

Parallel BO:: : 952it [00:23, 41.67it/s, failures=0, objective=-4.38]

Parallel BO:: : 953it [00:23, 41.67it/s, failures=0, objective=-4.38]

Parallel BO:: : 954it [00:23, 41.67it/s, failures=0, objective=-4.38]

Parallel BO:: : 955it [00:23, 41.67it/s, failures=0, objective=-4.38]

Parallel BO:: : 956it [00:23, 41.67it/s, failures=0, objective=-4.38]

Parallel BO:: : 957it [00:23, 41.67it/s, failures=0, objective=-4.38]

Parallel BO:: : 958it [00:23, 41.67it/s, failures=0, objective=-4.38]

Parallel BO:: : 959it [00:23, 41.67it/s, failures=0, objective=-4.38]

Parallel BO:: : 960it [00:23, 41.67it/s, failures=0, objective=-4.38]

Parallel BO:: : 961it [00:23, 41.67it/s, failures=0, objective=-4.38]

Parallel BO:: : 962it [00:23, 41.67it/s, failures=0, objective=-4.38]

Parallel BO:: : 963it [00:23, 41.67it/s, failures=0, objective=-4.38]

Parallel BO:: : 964it [00:23, 41.67it/s, failures=0, objective=-4.38]

Parallel BO:: : 965it [00:23, 41.67it/s, failures=0, objective=-4.38]

Parallel BO:: : 966it [00:23, 40.06it/s, failures=0, objective=-4.38]

Parallel BO:: : 966it [00:23, 40.06it/s, failures=0, objective=-4.38]

Parallel BO:: : 967it [00:23, 40.06it/s, failures=0, objective=-4.38]

Parallel BO:: : 968it [00:23, 40.06it/s, failures=0, objective=-4.38]

Parallel BO:: : 969it [00:23, 40.06it/s, failures=0, objective=-4.38]

Parallel BO:: : 970it [00:23, 40.06it/s, failures=0, objective=-4.38]

Parallel BO:: : 971it [00:23, 40.06it/s, failures=0, objective=-4.38]

Parallel BO:: : 972it [00:23, 40.06it/s, failures=0, objective=-4.38]

Parallel BO:: : 973it [00:23, 40.06it/s, failures=0, objective=-4.38]

Parallel BO:: : 974it [00:23, 40.06it/s, failures=0, objective=-4.38]

Parallel BO:: : 975it [00:23, 40.06it/s, failures=0, objective=-4.38]

Parallel BO:: : 976it [00:23, 40.06it/s, failures=0, objective=-4.38]

Parallel BO:: : 977it [00:23, 40.06it/s, failures=0, objective=-4.38]

Parallel BO:: : 978it [00:23, 40.06it/s, failures=0, objective=-4.38]

Parallel BO:: : 979it [00:23, 40.06it/s, failures=0, objective=-4.38]

Parallel BO:: : 980it [00:23, 38.42it/s, failures=0, objective=-4.38]

Parallel BO:: : 980it [00:23, 38.42it/s, failures=0, objective=-4.38]

Parallel BO:: : 981it [00:23, 38.42it/s, failures=0, objective=-4.38]

Parallel BO:: : 982it [00:23, 38.42it/s, failures=0, objective=-4.38]

Parallel BO:: : 983it [00:23, 38.42it/s, failures=0, objective=-4.38]

Parallel BO:: : 984it [00:23, 38.42it/s, failures=0, objective=-4.38]

Parallel BO:: : 985it [00:23, 38.42it/s, failures=0, objective=-4.38]

Parallel BO:: : 986it [00:23, 38.42it/s, failures=0, objective=-4.38]

Parallel BO:: : 987it [00:23, 38.42it/s, failures=0, objective=-4.38]

Parallel BO:: : 988it [00:23, 38.42it/s, failures=0, objective=-4.38]

Parallel BO:: : 989it [00:23, 38.42it/s, failures=0, objective=-4.38]

Parallel BO:: : 990it [00:23, 38.42it/s, failures=0, objective=-4.38]

Parallel BO:: : 991it [00:23, 38.42it/s, failures=0, objective=-4.38]

Parallel BO:: : 992it [00:23, 38.42it/s, failures=0, objective=-4.38]

Parallel BO:: : 993it [00:23, 38.42it/s, failures=0, objective=-4.38]

Parallel BO:: : 994it [00:24, 40.71it/s, failures=0, objective=-4.38]

Parallel BO:: : 994it [00:24, 40.71it/s, failures=0, objective=-4.38]

Parallel BO:: : 995it [00:24, 40.71it/s, failures=0, objective=-4.38]

Parallel BO:: : 996it [00:24, 40.71it/s, failures=0, objective=-4.38]

Parallel BO:: : 997it [00:24, 40.71it/s, failures=0, objective=-4.38]

Parallel BO:: : 998it [00:24, 40.71it/s, failures=0, objective=-4.38]

Parallel BO:: : 999it [00:24, 40.71it/s, failures=0, objective=-4.38]

Parallel BO:: : 1000it [00:24, 40.71it/s, failures=0, objective=-4.38]

Parallel BO:: : 1001it [00:24, 40.71it/s, failures=0, objective=-4.38]

Parallel BO:: : 1002it [00:24, 40.71it/s, failures=0, objective=-4.38]

Parallel BO:: : 1003it [00:24, 40.71it/s, failures=0, objective=-4.38]

Parallel BO:: : 1004it [00:24, 40.71it/s, failures=0, objective=-4.38]

Parallel BO:: : 1005it [00:24, 40.71it/s, failures=0, objective=-4.38]

Parallel BO:: : 1006it [00:24, 41.11it/s, failures=0, objective=-4.38]

Parallel BO:: : 1006it [00:24, 41.11it/s, failures=0, objective=-4.38]

Parallel BO:: : 1007it [00:24, 41.11it/s, failures=0, objective=-4.38]

Parallel BO:: : 1008it [00:24, 41.11it/s, failures=0, objective=-4.38]

Parallel BO:: : 1009it [00:24, 41.11it/s, failures=0, objective=-4.38]

Parallel BO:: : 1010it [00:24, 41.11it/s, failures=0, objective=-4.38]

Parallel BO:: : 1011it [00:24, 41.11it/s, failures=0, objective=-4.38]

Parallel BO:: : 1012it [00:24, 41.11it/s, failures=0, objective=-4.38]

Parallel BO:: : 1013it [00:24, 35.93it/s, failures=0, objective=-4.38]

Parallel BO:: : 1013it [00:24, 35.93it/s, failures=0, objective=-4.38]

Parallel BO:: : 1014it [00:24, 35.93it/s, failures=0, objective=-4.38]

Parallel BO:: : 1015it [00:24, 35.93it/s, failures=0, objective=-4.38]

Parallel BO:: : 1016it [00:24, 35.93it/s, failures=0, objective=-4.38]

Parallel BO:: : 1017it [00:24, 35.93it/s, failures=0, objective=-4.38]

Parallel BO:: : 1018it [00:24, 35.93it/s, failures=0, objective=-4.38]

Parallel BO:: : 1019it [00:24, 35.93it/s, failures=0, objective=-4.38]

Parallel BO:: : 1020it [00:24, 35.93it/s, failures=0, objective=-4.38]

Parallel BO:: : 1021it [00:24, 35.93it/s, failures=0, objective=-4.38]

Parallel BO:: : 1022it [00:24, 35.93it/s, failures=0, objective=-4.38]

Parallel BO:: : 1023it [00:24, 35.93it/s, failures=0, objective=-4.38]

Parallel BO:: : 1024it [00:24, 35.93it/s, failures=0, objective=-4.38]

Parallel BO:: : 1025it [00:24, 35.93it/s, failures=0, objective=-4.38]

Parallel BO:: : 1026it [00:24, 35.93it/s, failures=0, objective=-4.29]

Parallel BO:: : 1027it [00:24, 35.93it/s, failures=0, objective=-4.29]

Parallel BO:: : 1028it [00:24, 35.93it/s, failures=0, objective=-4.29]

Parallel BO:: : 1029it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1029it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1030it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1031it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1032it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1033it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1034it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1035it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1036it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1037it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1038it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1039it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1040it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1041it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1042it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1043it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1044it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1045it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1046it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1047it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1048it [00:25, 34.37it/s, failures=0, objective=-4.29]

Parallel BO:: : 1049it [00:25, 38.41it/s, failures=0, objective=-4.29]

Parallel BO:: : 1049it [00:25, 38.41it/s, failures=0, objective=-4.29]

Parallel BO:: : 1050it [00:25, 38.41it/s, failures=0, objective=-4.29]

Parallel BO:: : 1051it [00:25, 38.41it/s, failures=0, objective=-4.29]

Parallel BO:: : 1052it [00:25, 38.41it/s, failures=0, objective=-4.29]

Parallel BO:: : 1053it [00:25, 38.41it/s, failures=0, objective=-4.29]

Parallel BO:: : 1054it [00:25, 38.41it/s, failures=0, objective=-4.29]

Parallel BO:: : 1055it [00:25, 38.41it/s, failures=0, objective=-4.29]

Parallel BO:: : 1056it [00:25, 38.41it/s, failures=0, objective=-4.29]

Parallel BO:: : 1057it [00:25, 38.41it/s, failures=0, objective=-4.29]

Parallel BO:: : 1058it [00:25, 38.41it/s, failures=0, objective=-4.29]

Parallel BO:: : 1059it [00:25, 38.41it/s, failures=0, objective=-4.29]

Parallel BO:: : 1060it [00:25, 38.41it/s, failures=0, objective=-4.29]

Parallel BO:: : 1061it [00:25, 38.41it/s, failures=0, objective=-4.29]

Parallel BO:: : 1062it [00:25, 38.41it/s, failures=0, objective=-4.29]

Parallel BO:: : 1063it [00:25, 38.41it/s, failures=0, objective=-4.29]

Parallel BO:: : 1064it [00:25, 38.41it/s, failures=0, objective=-4.29]

Parallel BO:: : 1065it [00:26, 38.46it/s, failures=0, objective=-4.29]

Parallel BO:: : 1065it [00:26, 38.46it/s, failures=0, objective=-4.29]

Parallel BO:: : 1066it [00:26, 38.46it/s, failures=0, objective=-4.29]

Parallel BO:: : 1067it [00:26, 38.46it/s, failures=0, objective=-4.29]

Parallel BO:: : 1068it [00:26, 38.46it/s, failures=0, objective=-4.29]

Parallel BO:: : 1069it [00:26, 38.46it/s, failures=0, objective=-4.29]

Parallel BO:: : 1070it [00:26, 38.46it/s, failures=0, objective=-4.29]

Parallel BO:: : 1071it [00:26, 38.46it/s, failures=0, objective=-4.29]

Parallel BO:: : 1072it [00:26, 38.46it/s, failures=0, objective=-4.29]

Parallel BO:: : 1073it [00:26, 38.46it/s, failures=0, objective=-4.29]

Parallel BO:: : 1074it [00:26, 38.46it/s, failures=0, objective=-4.29]

Parallel BO:: : 1075it [00:26, 38.46it/s, failures=0, objective=-4.29]

Parallel BO:: : 1076it [00:26, 38.46it/s, failures=0, objective=-4.29]

Parallel BO:: : 1077it [00:26, 38.46it/s, failures=0, objective=-4.29]

Parallel BO:: : 1078it [00:26, 38.46it/s, failures=0, objective=-4.29]

Parallel BO:: : 1079it [00:26, 38.46it/s, failures=0, objective=-4.29]

Parallel BO:: : 1080it [00:26, 38.46it/s, failures=0, objective=-4.29]

Parallel BO:: : 1081it [00:26, 36.83it/s, failures=0, objective=-4.29]

Parallel BO:: : 1081it [00:26, 36.83it/s, failures=0, objective=-4.29]

Parallel BO:: : 1082it [00:26, 36.83it/s, failures=0, objective=-4.29]

Parallel BO:: : 1083it [00:26, 36.83it/s, failures=0, objective=-4.29]

Parallel BO:: : 1084it [00:26, 36.83it/s, failures=0, objective=-4.29]

Parallel BO:: : 1085it [00:26, 36.83it/s, failures=0, objective=-4.29]

Parallel BO:: : 1086it [00:26, 36.83it/s, failures=0, objective=-4.29]

Parallel BO:: : 1087it [00:26, 36.83it/s, failures=0, objective=-4.29]

Parallel BO:: : 1088it [00:26, 36.83it/s, failures=0, objective=-4.29]

Parallel BO:: : 1089it [00:26, 36.83it/s, failures=0, objective=-4.29]

Parallel BO:: : 1090it [00:26, 36.83it/s, failures=0, objective=-4.29]

Parallel BO:: : 1091it [00:26, 36.83it/s, failures=0, objective=-4.29]

Parallel BO:: : 1092it [00:26, 36.83it/s, failures=0, objective=-4.29]

Parallel BO:: : 1093it [00:26, 36.83it/s, failures=0, objective=-4.29]

Parallel BO:: : 1094it [00:26, 36.83it/s, failures=0, objective=-4.29]

Parallel BO:: : 1095it [00:26, 36.83it/s, failures=0, objective=-4.29]

Parallel BO:: : 1096it [00:26, 36.83it/s, failures=0, objective=-4.29]

Parallel BO:: : 1097it [00:26, 40.80it/s, failures=0, objective=-4.29]

Parallel BO:: : 1097it [00:26, 40.80it/s, failures=0, objective=-4.29]

Parallel BO:: : 1098it [00:26, 40.80it/s, failures=0, objective=-4.29]

Parallel BO:: : 1099it [00:26, 40.80it/s, failures=0, objective=-4.29]

Parallel BO:: : 1100it [00:26, 40.80it/s, failures=0, objective=-4.29]

Parallel BO:: : 1101it [00:26, 40.80it/s, failures=0, objective=-4.29]

Parallel BO:: : 1102it [00:26, 40.80it/s, failures=0, objective=-4.29]

Parallel BO:: : 1103it [00:26, 40.80it/s, failures=0, objective=-4.29]

Parallel BO:: : 1104it [00:27, 36.26it/s, failures=0, objective=-4.29]

Parallel BO:: : 1104it [00:27, 36.26it/s, failures=0, objective=-4.29]

Parallel BO:: : 1105it [00:27, 36.26it/s, failures=0, objective=-4.29]

Parallel BO:: : 1106it [00:27, 36.26it/s, failures=0, objective=-4.29]

Parallel BO:: : 1107it [00:27, 36.26it/s, failures=0, objective=-4.29]

Parallel BO:: : 1108it [00:27, 36.26it/s, failures=0, objective=-4.29]

Parallel BO:: : 1109it [00:27, 36.26it/s, failures=0, objective=-4.29]

Parallel BO:: : 1110it [00:27, 36.26it/s, failures=0, objective=-4.29]

Parallel BO:: : 1111it [00:27, 36.26it/s, failures=0, objective=-4.29]

Parallel BO:: : 1112it [00:27, 36.26it/s, failures=0, objective=-4.15]

Parallel BO:: : 1113it [00:27, 36.26it/s, failures=0, objective=-4.15]

Parallel BO:: : 1114it [00:27, 36.26it/s, failures=0, objective=-4.15]

Parallel BO:: : 1115it [00:27, 36.26it/s, failures=0, objective=-4.15]

Parallel BO:: : 1116it [00:27, 36.28it/s, failures=0, objective=-4.15]

Parallel BO:: : 1116it [00:27, 36.28it/s, failures=0, objective=-4.15]

Parallel BO:: : 1117it [00:27, 36.28it/s, failures=0, objective=-4.15]

Parallel BO:: : 1118it [00:27, 36.28it/s, failures=0, objective=-4.15]

Parallel BO:: : 1119it [00:27, 36.28it/s, failures=0, objective=-4.15]

Parallel BO:: : 1120it [00:27, 36.28it/s, failures=0, objective=-4.15]

Parallel BO:: : 1121it [00:27, 36.28it/s, failures=0, objective=-4.15]

Parallel BO:: : 1122it [00:27, 36.28it/s, failures=0, objective=-4.15]

Parallel BO:: : 1123it [00:27, 36.28it/s, failures=0, objective=-4.15]

Parallel BO:: : 1124it [00:27, 36.28it/s, failures=0, objective=-4.15]

Parallel BO:: : 1125it [00:27, 36.28it/s, failures=0, objective=-4.15]

Parallel BO:: : 1126it [00:27, 36.28it/s, failures=0, objective=-4.15]

Parallel BO:: : 1127it [00:27, 36.28it/s, failures=0, objective=-4.15]

Parallel BO:: : 1128it [00:27, 36.28it/s, failures=0, objective=-4.15]

Parallel BO:: : 1129it [00:27, 36.28it/s, failures=0, objective=-4.15]

Parallel BO:: : 1130it [00:27, 38.12it/s, failures=0, objective=-4.15]

Parallel BO:: : 1130it [00:27, 38.12it/s, failures=0, objective=-4.15]

Parallel BO:: : 1131it [00:27, 38.12it/s, failures=0, objective=-4.15]

Parallel BO:: : 1132it [00:27, 38.12it/s, failures=0, objective=-4.15]

Parallel BO:: : 1133it [00:27, 38.12it/s, failures=0, objective=-4.15]

Parallel BO:: : 1134it [00:27, 38.12it/s, failures=0, objective=-4.15]

Parallel BO:: : 1135it [00:27, 38.12it/s, failures=0, objective=-4.15]

Parallel BO:: : 1136it [00:27, 38.12it/s, failures=0, objective=-4.15]

Parallel BO:: : 1137it [00:27, 38.12it/s, failures=0, objective=-4.15]

Parallel BO:: : 1138it [00:27, 38.12it/s, failures=0, objective=-4.15]

Parallel BO:: : 1139it [00:27, 38.12it/s, failures=0, objective=-4.15]

Parallel BO:: : 1140it [00:27, 38.12it/s, failures=0, objective=-4.15]

Parallel BO:: : 1141it [00:27, 38.12it/s, failures=0, objective=-4.15]

Parallel BO:: : 1142it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1142it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1143it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1144it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1145it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1146it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1147it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1148it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1149it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1150it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1151it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1152it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1153it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1154it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1155it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1156it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1157it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1158it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1159it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1160it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1161it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1162it [00:28, 32.44it/s, failures=0, objective=-4.15]

Parallel BO:: : 1163it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1163it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1164it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1165it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1166it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1167it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1168it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1169it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1170it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1171it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1172it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1173it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1174it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1175it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1176it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1177it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1178it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1179it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1180it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1181it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1182it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1183it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1184it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1185it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1186it [00:28, 40.24it/s, failures=0, objective=-4.15]

Parallel BO:: : 1187it [00:28, 47.63it/s, failures=0, objective=-4.15]

Parallel BO:: : 1187it [00:28, 47.63it/s, failures=0, objective=-4.15]

Parallel BO:: : 1188it [00:28, 47.63it/s, failures=0, objective=-4.15]

Parallel BO:: : 1189it [00:28, 47.63it/s, failures=0, objective=-4.15]

Parallel BO:: : 1190it [00:28, 47.63it/s, failures=0, objective=-4.15]

Parallel BO:: : 1191it [00:28, 47.63it/s, failures=0, objective=-4.15]

Parallel BO:: : 1192it [00:28, 47.63it/s, failures=0, objective=-4.15]

Parallel BO:: : 1193it [00:28, 47.63it/s, failures=0, objective=-4.15]

Parallel BO:: : 1194it [00:28, 47.63it/s, failures=0, objective=-4.15]

Parallel BO:: : 1195it [00:28, 47.63it/s, failures=0, objective=-4.15]

Parallel BO:: : 1196it [00:28, 47.63it/s, failures=0, objective=-4.15]

Parallel BO:: : 1197it [00:28, 47.63it/s, failures=0, objective=-4.15]

Parallel BO:: : 1198it [00:28, 47.63it/s, failures=0, objective=-4.15]

Parallel BO:: : 1199it [00:28, 47.63it/s, failures=0, objective=-4.15]

Parallel BO:: : 1200it [00:28, 47.63it/s, failures=0, objective=-4.15]

Parallel BO:: : 1201it [00:29, 44.99it/s, failures=0, objective=-4.15]

Parallel BO:: : 1201it [00:29, 44.99it/s, failures=0, objective=-4.15]

Parallel BO:: : 1202it [00:29, 44.99it/s, failures=0, objective=-4.15]

Parallel BO:: : 1203it [00:29, 44.99it/s, failures=0, objective=-4.15]

Parallel BO:: : 1204it [00:29, 44.99it/s, failures=0, objective=-4.15]

Parallel BO:: : 1205it [00:29, 44.99it/s, failures=0, objective=-4.15]

Parallel BO:: : 1206it [00:29, 44.99it/s, failures=0, objective=-4.15]

Parallel BO:: : 1207it [00:29, 44.99it/s, failures=0, objective=-4.15]

Parallel BO:: : 1208it [00:29, 44.99it/s, failures=0, objective=-4.09]

Parallel BO:: : 1209it [00:29, 44.99it/s, failures=0, objective=-4.09]

Parallel BO:: : 1210it [00:29, 44.99it/s, failures=0, objective=-4.09]

Parallel BO:: : 1211it [00:29, 44.99it/s, failures=0, objective=-4.09]

Parallel BO:: : 1212it [00:29, 44.99it/s, failures=0, objective=-4.09]

Parallel BO:: : 1213it [00:29, 38.18it/s, failures=0, objective=-4.09]

Parallel BO:: : 1213it [00:29, 38.18it/s, failures=0, objective=-4.09]

Parallel BO:: : 1214it [00:29, 38.18it/s, failures=0, objective=-4.09]

Parallel BO:: : 1215it [00:29, 38.18it/s, failures=0, objective=-4.09]

Parallel BO:: : 1216it [00:29, 38.18it/s, failures=0, objective=-4.09]

Parallel BO:: : 1217it [00:29, 38.18it/s, failures=0, objective=-4.09]

Parallel BO:: : 1218it [00:29, 38.18it/s, failures=0, objective=-4.09]

Parallel BO:: : 1219it [00:29, 38.18it/s, failures=0, objective=-4.09]

Parallel BO:: : 1220it [00:29, 38.18it/s, failures=0, objective=-4.09]

Parallel BO:: : 1221it [00:29, 38.18it/s, failures=0, objective=-4.09]

Parallel BO:: : 1222it [00:29, 38.18it/s, failures=0, objective=-4.09]

Parallel BO:: : 1223it [00:29, 38.18it/s, failures=0, objective=-4.09]

Parallel BO:: : 1224it [00:29, 38.18it/s, failures=0, objective=-4.09]

Parallel BO:: : 1225it [00:29, 38.18it/s, failures=0, objective=-4.09]

Parallel BO:: : 1226it [00:29, 38.18it/s, failures=0, objective=-4.09]

Parallel BO:: : 1227it [00:30, 35.87it/s, failures=0, objective=-4.09]

Parallel BO:: : 1227it [00:30, 35.87it/s, failures=0, objective=-4.09]

Parallel BO:: : 1228it [00:30, 35.87it/s, failures=0, objective=-4.09]

Parallel BO:: : 1229it [00:30, 35.87it/s, failures=0, objective=-4.09]

Parallel BO:: : 1230it [00:30, 35.87it/s, failures=0, objective=-4.09]

Parallel BO:: : 1231it [00:30, 35.87it/s, failures=0, objective=-4.09]

Parallel BO:: : 1232it [00:30, 35.87it/s, failures=0, objective=-4.09]

Parallel BO:: : 1233it [00:30, 35.87it/s, failures=0, objective=-3.53]

Parallel BO:: : 1234it [00:30, 35.87it/s, failures=0, objective=-3.53]

Parallel BO:: : 1235it [00:30, 35.87it/s, failures=0, objective=-3.53]

Parallel BO:: : 1236it [00:30, 35.87it/s, failures=0, objective=-3.53]

Parallel BO:: : 1237it [00:30, 35.87it/s, failures=0, objective=-3.53]

Parallel BO:: : 1238it [00:30, 35.87it/s, failures=0, objective=-3.53]

Parallel BO:: : 1239it [00:30, 35.87it/s, failures=0, objective=-3.53]

Parallel BO:: : 1240it [00:30, 35.87it/s, failures=0, objective=-3.53]

Parallel BO:: : 1241it [00:30, 35.87it/s, failures=0, objective=-3.53]

Parallel BO:: : 1242it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1242it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1243it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1244it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1245it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1246it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1247it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1248it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1249it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1250it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1251it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1252it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1253it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1254it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1255it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1256it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1257it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1258it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1259it [00:30, 36.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1260it [00:31, 37.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1260it [00:31, 37.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1261it [00:31, 37.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1262it [00:31, 37.71it/s, failures=0, objective=-3.53]

Parallel BO:: : 1263it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1264it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1265it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1266it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1267it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1268it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1269it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1270it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1271it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1272it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1273it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1274it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1275it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1276it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1277it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1278it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1279it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1280it [00:31, 37.71it/s, failures=0, objective=-3.19]

Parallel BO:: : 1281it [00:31, 46.30it/s, failures=0, objective=-3.19]

Parallel BO:: : 1281it [00:31, 46.30it/s, failures=0, objective=-3.19]

Parallel BO:: : 1282it [00:31, 46.30it/s, failures=0, objective=-3.19]

Parallel BO:: : 1283it [00:31, 46.30it/s, failures=0, objective=-3.19]

Parallel BO:: : 1284it [00:31, 46.30it/s, failures=0, objective=-3.19]

Parallel BO:: : 1285it [00:31, 46.30it/s, failures=0, objective=-3.19]

Parallel BO:: : 1286it [00:31, 46.30it/s, failures=0, objective=-3.19]

Parallel BO:: : 1287it [00:31, 46.30it/s, failures=0, objective=-3.19]

Parallel BO:: : 1288it [00:31, 46.30it/s, failures=0, objective=-3.19]

Parallel BO:: : 1289it [00:31, 46.30it/s, failures=0, objective=-3.19]

Parallel BO:: : 1290it [00:31, 46.30it/s, failures=0, objective=-3.19]

Parallel BO:: : 1291it [00:31, 46.30it/s, failures=0, objective=-3.19]

Parallel BO:: : 1292it [00:31, 45.00it/s, failures=0, objective=-3.19]

Parallel BO:: : 1292it [00:31, 45.00it/s, failures=0, objective=-3.19]

Parallel BO:: : 1293it [00:31, 45.00it/s, failures=0, objective=-3.19]

Parallel BO:: : 1294it [00:31, 45.00it/s, failures=0, objective=-3.19]

Parallel BO:: : 1295it [00:31, 45.00it/s, failures=0, objective=-3.19]

Parallel BO:: : 1296it [00:31, 45.00it/s, failures=0, objective=-3.19]

Parallel BO:: : 1297it [00:31, 45.00it/s, failures=0, objective=-3.19]

Parallel BO:: : 1298it [00:31, 45.00it/s, failures=0, objective=-3.19]

Parallel BO:: : 1299it [00:31, 45.00it/s, failures=0, objective=-3.19]

Parallel BO:: : 1300it [00:31, 45.00it/s, failures=0, objective=-3.19]

Parallel BO:: : 1301it [00:31, 42.67it/s, failures=0, objective=-3.19]

Parallel BO:: : 1301it [00:31, 42.67it/s, failures=0, objective=-3.19]

Parallel BO:: : 1302it [00:31, 42.67it/s, failures=0, objective=-3.19]

Parallel BO:: : 1303it [00:31, 42.67it/s, failures=0, objective=-3.19]

Parallel BO:: : 1304it [00:31, 42.67it/s, failures=0, objective=-3.19]

Parallel BO:: : 1305it [00:31, 42.67it/s, failures=0, objective=-3.19]

Parallel BO:: : 1306it [00:31, 42.67it/s, failures=0, objective=-3.19]

Parallel BO:: : 1307it [00:31, 42.67it/s, failures=0, objective=-3.19]

Parallel BO:: : 1308it [00:31, 42.67it/s, failures=0, objective=-3.19]

Parallel BO:: : 1309it [00:31, 42.67it/s, failures=0, objective=-3.19]

Parallel BO:: : 1310it [00:31, 42.67it/s, failures=0, objective=-3.19]

Parallel BO:: : 1311it [00:32, 40.10it/s, failures=0, objective=-3.19]

Parallel BO:: : 1311it [00:32, 40.10it/s, failures=0, objective=-3.19]

Parallel BO:: : 1312it [00:32, 40.10it/s, failures=0, objective=-3.19]

Parallel BO:: : 1313it [00:32, 40.10it/s, failures=0, objective=-3.19]

Parallel BO:: : 1314it [00:32, 40.10it/s, failures=0, objective=-3.19]

Parallel BO:: : 1315it [00:32, 40.10it/s, failures=0, objective=-3.19]

Parallel BO:: : 1316it [00:32, 40.10it/s, failures=0, objective=-3.19]

Parallel BO:: : 1317it [00:32, 40.10it/s, failures=0, objective=-3.19]

Parallel BO:: : 1318it [00:32, 40.10it/s, failures=0, objective=-3.19]

Parallel BO:: : 1319it [00:32, 40.10it/s, failures=0, objective=-3.19]

Parallel BO:: : 1320it [00:32, 36.44it/s, failures=0, objective=-3.19]

Parallel BO:: : 1320it [00:32, 36.44it/s, failures=0, objective=-3.19]

Parallel BO:: : 1321it [00:32, 36.44it/s, failures=0, objective=-3.19]

Parallel BO:: : 1322it [00:32, 36.44it/s, failures=0, objective=-3.19]

Parallel BO:: : 1323it [00:32, 36.44it/s, failures=0, objective=-3.19]

Parallel BO:: : 1324it [00:32, 36.44it/s, failures=0, objective=-3.19]

Parallel BO:: : 1325it [00:32, 36.44it/s, failures=0, objective=-3.19]

Parallel BO:: : 1326it [00:32, 36.44it/s, failures=0, objective=-3.19]

Parallel BO:: : 1327it [00:32, 36.44it/s, failures=0, objective=-3.19]

Parallel BO:: : 1328it [00:32, 36.44it/s, failures=0, objective=-3.19]

Parallel BO:: : 1329it [00:32, 36.44it/s, failures=0, objective=-3.19]

Parallel BO:: : 1330it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1330it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1331it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1332it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1333it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1334it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1335it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1336it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1337it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1338it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1339it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1340it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1341it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1342it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1343it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1344it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1345it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1346it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1347it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1348it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1349it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1350it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1351it [00:33, 29.57it/s, failures=0, objective=-3.19]

Parallel BO:: : 1352it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1352it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1353it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1354it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1355it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1356it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1357it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1358it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1359it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1360it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1361it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1362it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1363it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1364it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1365it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1366it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1367it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1368it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1369it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1370it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1371it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1372it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1373it [00:33, 38.23it/s, failures=0, objective=-3.19]

Parallel BO:: : 1374it [00:33, 47.46it/s, failures=0, objective=-3.19]

Parallel BO:: : 1374it [00:33, 47.46it/s, failures=0, objective=-3.19]

Parallel BO:: : 1375it [00:33, 47.46it/s, failures=0, objective=-3.19]

Parallel BO:: : 1376it [00:33, 47.46it/s, failures=0, objective=-3.19]

Parallel BO:: : 1377it [00:33, 47.46it/s, failures=0, objective=-3.19]

Parallel BO:: : 1378it [00:33, 47.46it/s, failures=0, objective=-3.19]

Parallel BO:: : 1379it [00:33, 47.46it/s, failures=0, objective=-3.19]

Parallel BO:: : 1380it [00:33, 47.46it/s, failures=0, objective=-3.19]

Parallel BO:: : 1381it [00:33, 47.46it/s, failures=0, objective=-3.19]

Parallel BO:: : 1382it [00:33, 47.46it/s, failures=0, objective=-3.19]

Parallel BO:: : 1383it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1383it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1384it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1385it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1386it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1387it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1388it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1389it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1390it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1391it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1392it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1393it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1394it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1395it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1396it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1397it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1398it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1399it [00:34, 41.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1400it [00:34, 40.22it/s, failures=0, objective=-3.19]

Parallel BO:: : 1400it [00:34, 40.22it/s, failures=0, objective=-3.19]

Parallel BO:: : 1401it [00:34, 40.22it/s, failures=0, objective=-3.19]

Parallel BO:: : 1402it [00:34, 40.22it/s, failures=0, objective=-3.19]

Parallel BO:: : 1403it [00:34, 40.22it/s, failures=0, objective=-3.19]

Parallel BO:: : 1404it [00:34, 40.22it/s, failures=0, objective=-3.19]

Parallel BO:: : 1405it [00:34, 40.22it/s, failures=0, objective=-3.19]

Parallel BO:: : 1406it [00:34, 40.22it/s, failures=0, objective=-3.19]

Parallel BO:: : 1407it [00:34, 40.22it/s, failures=0, objective=-3.19]

Parallel BO:: : 1408it [00:34, 40.22it/s, failures=0, objective=-3.19]

Parallel BO:: : 1409it [00:34, 35.81it/s, failures=0, objective=-3.19]

Parallel BO:: : 1409it [00:34, 35.81it/s, failures=0, objective=-3.19]

Parallel BO:: : 1410it [00:34, 35.81it/s, failures=0, objective=-3.19]

Parallel BO:: : 1411it [00:34, 35.81it/s, failures=0, objective=-3.19]

Parallel BO:: : 1412it [00:34, 35.81it/s, failures=0, objective=-3.19]

Parallel BO:: : 1413it [00:34, 35.81it/s, failures=0, objective=-3.19]

Parallel BO:: : 1414it [00:34, 35.81it/s, failures=0, objective=-3.19]

Parallel BO:: : 1415it [00:34, 35.81it/s, failures=0, objective=-3.19]

Parallel BO:: : 1416it [00:34, 35.81it/s, failures=0, objective=-3.19]

Parallel BO:: : 1417it [00:34, 35.81it/s, failures=0, objective=-3.19]

Parallel BO:: : 1418it [00:35, 33.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1418it [00:35, 33.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1419it [00:35, 33.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1420it [00:35, 33.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1421it [00:35, 33.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1422it [00:35, 33.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1423it [00:35, 33.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1424it [00:35, 33.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1425it [00:35, 33.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1426it [00:35, 33.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1427it [00:35, 33.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1428it [00:35, 33.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1429it [00:35, 33.58it/s, failures=0, objective=-3.19]

Parallel BO:: : 1430it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1430it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1431it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1432it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1433it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1434it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1435it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1436it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1437it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1438it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1439it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1440it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1441it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1442it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1443it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1444it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1445it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1446it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1447it [00:35, 30.35it/s, failures=0, objective=-3.19]

Parallel BO:: : 1448it [00:35, 30.35it/s, failures=0, objective=-2.92]

Parallel BO:: : 1449it [00:35, 30.35it/s, failures=0, objective=-2.92]

Parallel BO:: : 1450it [00:35, 30.35it/s, failures=0, objective=-2.92]

Parallel BO:: : 1451it [00:35, 30.35it/s, failures=0, objective=-2.92]

Parallel BO:: : 1452it [00:35, 30.35it/s, failures=0, objective=-2.92]

Parallel BO:: : 1453it [00:35, 30.35it/s, failures=0, objective=-2.92]

Parallel BO:: : 1454it [00:35, 30.35it/s, failures=0, objective=-2.92]

Parallel BO:: : 1455it [00:35, 30.35it/s, failures=0, objective=-2.92]

Parallel BO:: : 1456it [00:35, 42.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1456it [00:35, 42.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1457it [00:35, 42.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1458it [00:35, 42.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1459it [00:35, 42.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1460it [00:35, 42.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1461it [00:35, 42.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1462it [00:35, 42.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1463it [00:35, 42.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1464it [00:35, 42.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1465it [00:35, 42.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1466it [00:35, 42.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1467it [00:35, 42.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1468it [00:35, 42.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1469it [00:35, 42.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1470it [00:35, 42.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1471it [00:35, 42.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1472it [00:36, 47.02it/s, failures=0, objective=-2.92]

Parallel BO:: : 1472it [00:36, 47.02it/s, failures=0, objective=-2.92]

Parallel BO:: : 1473it [00:36, 47.02it/s, failures=0, objective=-2.92]

Parallel BO:: : 1474it [00:36, 47.02it/s, failures=0, objective=-2.92]

Parallel BO:: : 1475it [00:36, 47.02it/s, failures=0, objective=-2.92]

Parallel BO:: : 1476it [00:36, 47.02it/s, failures=0, objective=-2.92]

Parallel BO:: : 1477it [00:36, 47.02it/s, failures=0, objective=-2.92]

Parallel BO:: : 1478it [00:36, 47.02it/s, failures=0, objective=-2.92]

Parallel BO:: : 1479it [00:36, 47.02it/s, failures=0, objective=-2.92]

Parallel BO:: : 1480it [00:36, 47.02it/s, failures=0, objective=-2.92]

Parallel BO:: : 1481it [00:36, 37.55it/s, failures=0, objective=-2.92]

Parallel BO:: : 1481it [00:36, 37.55it/s, failures=0, objective=-2.92]

Parallel BO:: : 1482it [00:36, 37.55it/s, failures=0, objective=-2.92]

Parallel BO:: : 1483it [00:36, 37.55it/s, failures=0, objective=-2.92]

Parallel BO:: : 1484it [00:36, 37.55it/s, failures=0, objective=-2.92]

Parallel BO:: : 1485it [00:36, 37.55it/s, failures=0, objective=-2.92]

Parallel BO:: : 1486it [00:36, 37.55it/s, failures=0, objective=-2.92]

Parallel BO:: : 1487it [00:36, 37.55it/s, failures=0, objective=-2.92]

Parallel BO:: : 1488it [00:36, 37.55it/s, failures=0, objective=-2.92]

Parallel BO:: : 1489it [00:36, 37.55it/s, failures=0, objective=-2.92]

Parallel BO:: : 1490it [00:36, 37.55it/s, failures=0, objective=-2.92]

Parallel BO:: : 1491it [00:36, 37.55it/s, failures=0, objective=-2.92]

Parallel BO:: : 1492it [00:36, 37.55it/s, failures=0, objective=-2.92]

Parallel BO:: : 1493it [00:36, 37.55it/s, failures=0, objective=-2.92]

Parallel BO:: : 1494it [00:36, 37.55it/s, failures=0, objective=-2.92]

Parallel BO:: : 1495it [00:36, 37.55it/s, failures=0, objective=-2.92]

Parallel BO:: : 1496it [00:36, 37.55it/s, failures=0, objective=-2.92]

Parallel BO:: : 1497it [00:37, 40.30it/s, failures=0, objective=-2.92]

Parallel BO:: : 1497it [00:37, 40.30it/s, failures=0, objective=-2.92]

Parallel BO:: : 1498it [00:37, 40.30it/s, failures=0, objective=-2.92]

Parallel BO:: : 1499it [00:37, 40.30it/s, failures=0, objective=-2.92]

Parallel BO:: : 1500it [00:37, 40.30it/s, failures=0, objective=-2.92]

Parallel BO:: : 1501it [00:37, 40.30it/s, failures=0, objective=-2.92]

Parallel BO:: : 1502it [00:37, 40.30it/s, failures=0, objective=-2.92]

Parallel BO:: : 1503it [00:37, 40.30it/s, failures=0, objective=-2.92]

Parallel BO:: : 1504it [00:37, 40.30it/s, failures=0, objective=-2.92]

Parallel BO:: : 1505it [00:37, 40.30it/s, failures=0, objective=-2.92]

Parallel BO:: : 1506it [00:37, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1506it [00:37, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1507it [00:37, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1508it [00:37, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1509it [00:37, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1510it [00:37, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1511it [00:37, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1512it [00:37, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1513it [00:37, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1514it [00:37, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1515it [00:37, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1516it [00:37, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1517it [00:37, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1518it [00:37, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1519it [00:37, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1520it [00:37, 36.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1520it [00:37, 36.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1521it [00:37, 36.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1522it [00:37, 36.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1523it [00:37, 36.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1524it [00:37, 36.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1525it [00:37, 36.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1526it [00:37, 36.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1527it [00:37, 36.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1528it [00:37, 36.81it/s, failures=0, objective=-2.92]

Parallel BO:: : 1529it [00:38, 34.64it/s, failures=0, objective=-2.92]

Parallel BO:: : 1529it [00:38, 34.64it/s, failures=0, objective=-2.92]

Parallel BO:: : 1530it [00:38, 34.64it/s, failures=0, objective=-2.92]

Parallel BO:: : 1531it [00:38, 34.64it/s, failures=0, objective=-2.92]

Parallel BO:: : 1532it [00:38, 34.64it/s, failures=0, objective=-2.92]

Parallel BO:: : 1533it [00:38, 34.64it/s, failures=0, objective=-2.92]

Parallel BO:: : 1534it [00:38, 34.64it/s, failures=0, objective=-2.92]

Parallel BO:: : 1535it [00:38, 34.64it/s, failures=0, objective=-2.92]

Parallel BO:: : 1536it [00:38, 34.64it/s, failures=0, objective=-2.92]

Parallel BO:: : 1537it [00:38, 34.64it/s, failures=0, objective=-2.92]

Parallel BO:: : 1538it [00:38, 34.64it/s, failures=0, objective=-2.92]

Parallel BO:: : 1539it [00:38, 34.64it/s, failures=0, objective=-2.92]

Parallel BO:: : 1540it [00:38, 34.64it/s, failures=0, objective=-2.92]

Parallel BO:: : 1541it [00:38, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1541it [00:38, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1542it [00:38, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1543it [00:38, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1544it [00:38, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1545it [00:38, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1546it [00:38, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1547it [00:38, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1548it [00:38, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1549it [00:38, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1550it [00:38, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1551it [00:38, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1552it [00:38, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1553it [00:38, 36.80it/s, failures=0, objective=-2.92]

Parallel BO:: : 1554it [00:38, 39.10it/s, failures=0, objective=-2.92]

Parallel BO:: : 1554it [00:38, 39.10it/s, failures=0, objective=-2.92]

Parallel BO:: : 1555it [00:38, 39.10it/s, failures=0, objective=-2.92]

Parallel BO:: : 1556it [00:38, 39.10it/s, failures=0, objective=-2.92]

Parallel BO:: : 1557it [00:38, 39.10it/s, failures=0, objective=-2.92]

Parallel BO:: : 1558it [00:38, 39.10it/s, failures=0, objective=-2.92]

Parallel BO:: : 1559it [00:38, 39.10it/s, failures=0, objective=-2.92]

Parallel BO:: : 1560it [00:38, 39.10it/s, failures=0, objective=-2.92]

Parallel BO:: : 1561it [00:38, 39.10it/s, failures=0, objective=-2.92]

Parallel BO:: : 1562it [00:38, 39.10it/s, failures=0, objective=-2.92]

Parallel BO:: : 1563it [00:38, 39.10it/s, failures=0, objective=-2.92]

Parallel BO:: : 1564it [00:38, 39.10it/s, failures=0, objective=-2.92]

Parallel BO:: : 1565it [00:38, 39.10it/s, failures=0, objective=-2.92]

Parallel BO:: : 1566it [00:38, 39.10it/s, failures=0, objective=-2.92]

Parallel BO:: : 1567it [00:38, 39.10it/s, failures=0, objective=-2.92]

Parallel BO:: : 1568it [00:38, 39.10it/s, failures=0, objective=-2.92]

Parallel BO:: : 1569it [00:38, 41.45it/s, failures=0, objective=-2.92]

Parallel BO:: : 1569it [00:38, 41.45it/s, failures=0, objective=-2.92]

Parallel BO:: : 1570it [00:38, 41.45it/s, failures=0, objective=-2.92]

Parallel BO:: : 1571it [00:38, 41.45it/s, failures=0, objective=-2.92]

Parallel BO:: : 1572it [00:38, 41.45it/s, failures=0, objective=-2.92]

Parallel BO:: : 1573it [00:38, 41.45it/s, failures=0, objective=-2.92]

Parallel BO:: : 1574it [00:38, 41.45it/s, failures=0, objective=-2.92]

Parallel BO:: : 1575it [00:38, 41.45it/s, failures=0, objective=-2.92]

Parallel BO:: : 1576it [00:38, 41.45it/s, failures=0, objective=-2.82]

Parallel BO:: : 1577it [00:38, 41.45it/s, failures=0, objective=-2.82]

Parallel BO:: : 1578it [00:38, 41.45it/s, failures=0, objective=-2.82]

Parallel BO:: : 1579it [00:38, 41.45it/s, failures=0, objective=-2.82]

Parallel BO:: : 1580it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1580it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1581it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1582it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1583it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1584it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1585it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1586it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1587it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1588it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1589it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1590it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1591it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1592it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1593it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1594it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1595it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1596it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1597it [00:39, 34.29it/s, failures=0, objective=-2.82]

Parallel BO:: : 1598it [00:39, 39.99it/s, failures=0, objective=-2.82]

Parallel BO:: : 1598it [00:39, 39.99it/s, failures=0, objective=-2.82]

Parallel BO:: : 1599it [00:39, 39.99it/s, failures=0, objective=-2.82]

Parallel BO:: : 1600it [00:39, 39.99it/s, failures=0, objective=-2.82]

Parallel BO:: : 1601it [00:39, 39.99it/s, failures=0, objective=-2.82]

Parallel BO:: : 1602it [00:39, 39.99it/s, failures=0, objective=-2.82]

Parallel BO:: : 1603it [00:39, 39.99it/s, failures=0, objective=-2.82]

Parallel BO:: : 1604it [00:39, 39.99it/s, failures=0, objective=-2.82]

Parallel BO:: : 1605it [00:39, 39.99it/s, failures=0, objective=-2.82]

Parallel BO:: : 1606it [00:39, 39.99it/s, failures=0, objective=-2.82]

Parallel BO:: : 1607it [00:39, 39.99it/s, failures=0, objective=-2.82]

Parallel BO:: : 1608it [00:39, 39.99it/s, failures=0, objective=-2.82]

Parallel BO:: : 1609it [00:39, 39.99it/s, failures=0, objective=-2.82]

Parallel BO:: : 1610it [00:39, 39.99it/s, failures=0, objective=-2.82]

Parallel BO:: : 1611it [00:39, 39.99it/s, failures=0, objective=-2.82]

Parallel BO:: : 1612it [00:39, 39.99it/s, failures=0, objective=-2.82]

Parallel BO:: : 1613it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1613it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1614it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1615it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1616it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1617it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1618it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1619it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1620it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1621it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1622it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1623it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1624it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1625it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1626it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1627it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1628it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1629it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1630it [00:40, 40.98it/s, failures=0, objective=-2.82]

Parallel BO:: : 1631it [00:40, 45.22it/s, failures=0, objective=-2.82]

Parallel BO:: : 1631it [00:40, 45.22it/s, failures=0, objective=-2.82]

Parallel BO:: : 1632it [00:40, 45.22it/s, failures=0, objective=-2.82]

Parallel BO:: : 1633it [00:40, 45.22it/s, failures=0, objective=-2.82]

Parallel BO:: : 1634it [00:40, 45.22it/s, failures=0, objective=-2.82]

Parallel BO:: : 1635it [00:40, 45.22it/s, failures=0, objective=-2.82]

Parallel BO:: : 1636it [00:40, 45.22it/s, failures=0, objective=-2.82]

Parallel BO:: : 1637it [00:40, 45.22it/s, failures=0, objective=-2.82]

Parallel BO:: : 1638it [00:40, 45.22it/s, failures=0, objective=-2.82]

Parallel BO:: : 1639it [00:40, 45.22it/s, failures=0, objective=-2.82]

Parallel BO:: : 1640it [00:40, 45.22it/s, failures=0, objective=-2.82]

Parallel BO:: : 1641it [00:40, 45.22it/s, failures=0, objective=-2.82]

Parallel BO:: : 1642it [00:40, 45.22it/s, failures=0, objective=-2.82]

Parallel BO:: : 1643it [00:40, 41.81it/s, failures=0, objective=-2.82]

Parallel BO:: : 1643it [00:40, 41.81it/s, failures=0, objective=-2.82]

Parallel BO:: : 1644it [00:40, 41.81it/s, failures=0, objective=-2.82]

Parallel BO:: : 1645it [00:40, 41.81it/s, failures=0, objective=-2.82]

Parallel BO:: : 1646it [00:40, 41.81it/s, failures=0, objective=-2.82]

Parallel BO:: : 1647it [00:40, 41.81it/s, failures=0, objective=-2.82]

Parallel BO:: : 1648it [00:40, 41.81it/s, failures=0, objective=-2.82]

Parallel BO:: : 1649it [00:40, 41.81it/s, failures=0, objective=-2.82]

Parallel BO:: : 1650it [00:40, 41.81it/s, failures=0, objective=-2.82]

Parallel BO:: : 1651it [00:40, 41.81it/s, failures=0, objective=-2.82]

Parallel BO:: : 1652it [00:40, 41.81it/s, failures=0, objective=-2.82]

Parallel BO:: : 1653it [00:40, 41.81it/s, failures=0, objective=-2.82]

Parallel BO:: : 1654it [00:40, 41.81it/s, failures=0, objective=-2.82]

Parallel BO:: : 1655it [00:40, 41.81it/s, failures=0, objective=-2.82]

Parallel BO:: : 1656it [00:40, 41.81it/s, failures=0, objective=-2.82]

Parallel BO:: : 1657it [00:40, 41.81it/s, failures=0, objective=-2.82]

Parallel BO:: : 1658it [00:40, 41.81it/s, failures=0, objective=-2.82]

Parallel BO:: : 1659it [00:41, 43.74it/s, failures=0, objective=-2.82]

Parallel BO:: : 1659it [00:41, 43.74it/s, failures=0, objective=-2.82]

Parallel BO:: : 1660it [00:41, 43.74it/s, failures=0, objective=-2.82]

Parallel BO:: : 1661it [00:41, 43.74it/s, failures=0, objective=-2.82]

Parallel BO:: : 1662it [00:41, 43.74it/s, failures=0, objective=-2.82]

Parallel BO:: : 1663it [00:41, 43.74it/s, failures=0, objective=-2.82]

Parallel BO:: : 1664it [00:41, 43.74it/s, failures=0, objective=-2.82]

Parallel BO:: : 1665it [00:41, 43.74it/s, failures=0, objective=-2.82]

Parallel BO:: : 1666it [00:41, 43.74it/s, failures=0, objective=-2.82]

Parallel BO:: : 1667it [00:41, 43.74it/s, failures=0, objective=-2.82]

Parallel BO:: : 1668it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1668it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1669it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1670it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1671it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1672it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1673it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1674it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1675it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1676it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1677it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1678it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1679it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1680it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1681it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1682it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1683it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1684it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1685it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1686it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1687it [00:41, 34.82it/s, failures=0, objective=-2.82]

Parallel BO:: : 1688it [00:41, 39.64it/s, failures=0, objective=-2.82]

Parallel BO:: : 1688it [00:41, 39.64it/s, failures=0, objective=-2.82]

Parallel BO:: : 1689it [00:41, 39.64it/s, failures=0, objective=-2.82]

Parallel BO:: : 1690it [00:41, 39.64it/s, failures=0, objective=-2.82]

Parallel BO:: : 1691it [00:41, 39.64it/s, failures=0, objective=-2.82]

Parallel BO:: : 1692it [00:41, 39.64it/s, failures=0, objective=-2.82]

Parallel BO:: : 1693it [00:41, 39.64it/s, failures=0, objective=-2.82]

Parallel BO:: : 1694it [00:41, 39.64it/s, failures=0, objective=-2.82]

Parallel BO:: : 1695it [00:41, 39.64it/s, failures=0, objective=-2.82]

Parallel BO:: : 1696it [00:41, 39.64it/s, failures=0, objective=-2.82]

Parallel BO:: : 1697it [00:41, 39.64it/s, failures=0, objective=-2.82]

Parallel BO:: : 1698it [00:41, 39.64it/s, failures=0, objective=-2.82]

Parallel BO:: : 1699it [00:41, 39.64it/s, failures=0, objective=-2.82]

Parallel BO:: : 1700it [00:41, 39.64it/s, failures=0, objective=-2.82]

Parallel BO:: : 1701it [00:41, 39.64it/s, failures=0, objective=-2.82]

Parallel BO:: : 1702it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1702it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1703it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1704it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1705it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1706it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1707it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1708it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1709it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1710it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1711it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1712it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1713it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1714it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1715it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1716it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1717it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1718it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1719it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1720it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1721it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1722it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1723it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1724it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1725it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1726it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1727it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1728it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1729it [00:42, 34.02it/s, failures=0, objective=-2.82]

Parallel BO:: : 1730it [00:42, 43.93it/s, failures=0, objective=-2.82]

Parallel BO:: : 1730it [00:42, 43.93it/s, failures=0, objective=-2.82]

Parallel BO:: : 1731it [00:42, 43.93it/s, failures=0, objective=-2.82]

Parallel BO:: : 1732it [00:42, 43.93it/s, failures=0, objective=-2.71]

Parallel BO:: : 1733it [00:42, 43.93it/s, failures=0, objective=-2.71]

Parallel BO:: : 1734it [00:42, 43.93it/s, failures=0, objective=-2.71]

Parallel BO:: : 1735it [00:42, 43.93it/s, failures=0, objective=-2.71]

Parallel BO:: : 1736it [00:42, 43.93it/s, failures=0, objective=-2.71]

Parallel BO:: : 1737it [00:42, 43.93it/s, failures=0, objective=-2.71]

Parallel BO:: : 1738it [00:42, 43.93it/s, failures=0, objective=-2.71]

Parallel BO:: : 1739it [00:42, 43.93it/s, failures=0, objective=-2.71]

Parallel BO:: : 1740it [00:42, 43.93it/s, failures=0, objective=-2.71]

Parallel BO:: : 1741it [00:42, 43.93it/s, failures=0, objective=-2.71]

Parallel BO:: : 1742it [00:42, 43.93it/s, failures=0, objective=-2.71]

Parallel BO:: : 1743it [00:42, 43.93it/s, failures=0, objective=-2.71]

Parallel BO:: : 1744it [00:42, 43.93it/s, failures=0, objective=-2.71]

Parallel BO:: : 1745it [00:42, 43.93it/s, failures=0, objective=-2.71]

Parallel BO:: : 1746it [00:42, 43.93it/s, failures=0, objective=-2.71]

Parallel BO:: : 1747it [00:42, 43.93it/s, failures=0, objective=-2.71]

Parallel BO:: : 1748it [00:42, 43.93it/s, failures=0, objective=-2.71]

Parallel BO:: : 1749it [00:43, 47.68it/s, failures=0, objective=-2.71]

Parallel BO:: : 1749it [00:43, 47.68it/s, failures=0, objective=-2.71]

Parallel BO:: : 1750it [00:43, 47.68it/s, failures=0, objective=-2.71]

Parallel BO:: : 1751it [00:43, 47.68it/s, failures=0, objective=-2.71]

Parallel BO:: : 1752it [00:43, 47.68it/s, failures=0, objective=-2.71]

Parallel BO:: : 1753it [00:43, 47.68it/s, failures=0, objective=-2.71]

Parallel BO:: : 1754it [00:43, 40.11it/s, failures=0, objective=-2.71]

Parallel BO:: : 1754it [00:43, 40.11it/s, failures=0, objective=-2.71]

Parallel BO:: : 1755it [00:43, 40.11it/s, failures=0, objective=-2.71]

Parallel BO:: : 1756it [00:43, 40.11it/s, failures=0, objective=-2.71]

Parallel BO:: : 1757it [00:43, 40.11it/s, failures=0, objective=-2.71]

Parallel BO:: : 1758it [00:43, 40.11it/s, failures=0, objective=-2.71]

Parallel BO:: : 1759it [00:43, 40.11it/s, failures=0, objective=-2.71]

Parallel BO:: : 1760it [00:43, 40.11it/s, failures=0, objective=-2.71]

Parallel BO:: : 1761it [00:43, 40.11it/s, failures=0, objective=-2.71]

Parallel BO:: : 1762it [00:43, 40.11it/s, failures=0, objective=-2.71]

Parallel BO:: : 1763it [00:43, 40.11it/s, failures=0, objective=-2.71]

Parallel BO:: : 1764it [00:43, 40.11it/s, failures=0, objective=-2.71]

Parallel BO:: : 1765it [00:43, 40.11it/s, failures=0, objective=-2.71]

Parallel BO:: : 1766it [00:43, 40.11it/s, failures=0, objective=-2.71]

Parallel BO:: : 1767it [00:43, 40.11it/s, failures=0, objective=-2.71]

Parallel BO:: : 1768it [00:43, 40.71it/s, failures=0, objective=-2.71]

Parallel BO:: : 1768it [00:43, 40.71it/s, failures=0, objective=-2.71]

Parallel BO:: : 1769it [00:43, 40.71it/s, failures=0, objective=-2.71]

Parallel BO:: : 1770it [00:43, 40.71it/s, failures=0, objective=-2.71]

Parallel BO:: : 1771it [00:43, 40.71it/s, failures=0, objective=-2.71]

Parallel BO:: : 1772it [00:43, 40.71it/s, failures=0, objective=-2.71]

Parallel BO:: : 1773it [00:43, 40.71it/s, failures=0, objective=-2.71]

Parallel BO:: : 1774it [00:44, 31.91it/s, failures=0, objective=-2.71]

Parallel BO:: : 1774it [00:44, 31.91it/s, failures=0, objective=-2.71]

Parallel BO:: : 1775it [00:44, 31.91it/s, failures=0, objective=-2.71]

Parallel BO:: : 1776it [00:44, 31.91it/s, failures=0, objective=-2.71]

Parallel BO:: : 1777it [00:44, 31.91it/s, failures=0, objective=-2.71]

Parallel BO:: : 1778it [00:44, 31.91it/s, failures=0, objective=-2.71]

Parallel BO:: : 1779it [00:44, 31.91it/s, failures=0, objective=-2.71]

Parallel BO:: : 1780it [00:44, 31.91it/s, failures=0, objective=-2.71]

Parallel BO:: : 1781it [00:44, 31.91it/s, failures=0, objective=-2.71]

Parallel BO:: : 1782it [00:44, 31.91it/s, failures=0, objective=-2.71]

Parallel BO:: : 1783it [00:44, 31.91it/s, failures=0, objective=-2.71]

Parallel BO:: : 1784it [00:44, 31.91it/s, failures=0, objective=-2.71]

Parallel BO:: : 1785it [00:44, 31.91it/s, failures=0, objective=-2.71]

Parallel BO:: : 1786it [00:44, 31.91it/s, failures=0, objective=-2.71]

Parallel BO:: : 1787it [00:44, 31.91it/s, failures=0, objective=-2.71]

Parallel BO:: : 1788it [00:44, 31.91it/s, failures=0, objective=-2.71]

Parallel BO:: : 1789it [00:44, 34.22it/s, failures=0, objective=-2.71]

Parallel BO:: : 1789it [00:44, 34.22it/s, failures=0, objective=-2.71]

Parallel BO:: : 1790it [00:44, 34.22it/s, failures=0, objective=-2.71]

Parallel BO:: : 1791it [00:44, 34.22it/s, failures=0, objective=-2.71]

Parallel BO:: : 1792it [00:44, 34.22it/s, failures=0, objective=-2.71]

Parallel BO:: : 1793it [00:44, 34.22it/s, failures=0, objective=-2.71]

Parallel BO:: : 1794it [00:44, 34.22it/s, failures=0, objective=-2.71]

Parallel BO:: : 1795it [00:44, 34.22it/s, failures=0, objective=-2.71]

Parallel BO:: : 1796it [00:44, 34.22it/s, failures=0, objective=-2.71]

Parallel BO:: : 1797it [00:44, 34.22it/s, failures=0, objective=-2.71]

Parallel BO:: : 1798it [00:44, 34.22it/s, failures=0, objective=-2.71]

Parallel BO:: : 1799it [00:44, 34.22it/s, failures=0, objective=-2.71]

Parallel BO:: : 1800it [00:44, 34.22it/s, failures=0, objective=-2.71]

Parallel BO:: : 1801it [00:45, 34.50it/s, failures=0, objective=-2.71]

Parallel BO:: : 1801it [00:45, 34.50it/s, failures=0, objective=-2.71]

Parallel BO:: : 1802it [00:45, 34.50it/s, failures=0, objective=-2.71]

Parallel BO:: : 1803it [00:45, 34.50it/s, failures=0, objective=-2.71]

Parallel BO:: : 1804it [00:45, 34.50it/s, failures=0, objective=-2.71]

Parallel BO:: : 1805it [00:45, 34.50it/s, failures=0, objective=-2.71]

Parallel BO:: : 1806it [00:45, 34.50it/s, failures=0, objective=-2.71]

Parallel BO:: : 1807it [00:45, 34.50it/s, failures=0, objective=-2.71]

Parallel BO:: : 1808it [00:45, 34.50it/s, failures=0, objective=-2.61]

Parallel BO:: : 1809it [00:45, 34.50it/s, failures=0, objective=-2.61]

Parallel BO:: : 1810it [00:45, 34.50it/s, failures=0, objective=-2.61]

Parallel BO:: : 1811it [00:45, 34.50it/s, failures=0, objective=-2.61]

Parallel BO:: : 1812it [00:45, 34.50it/s, failures=0, objective=-2.61]

Parallel BO:: : 1813it [00:45, 34.50it/s, failures=0, objective=-2.61]

Parallel BO:: : 1814it [00:45, 34.50it/s, failures=0, objective=-2.61]

Parallel BO:: : 1815it [00:45, 34.50it/s, failures=0, objective=-2.61]

Parallel BO:: : 1816it [00:45, 34.50it/s, failures=0, objective=-2.61]

Parallel BO:: : 1817it [00:45, 34.50it/s, failures=0, objective=-2.61]

Parallel BO:: : 1818it [00:45, 34.50it/s, failures=0, objective=-2.61]

Parallel BO:: : 1819it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1819it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1820it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1821it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1822it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1823it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1824it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1825it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1826it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1827it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1828it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1829it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1830it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1831it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1832it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1833it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1834it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1835it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1836it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1837it [00:45, 38.38it/s, failures=0, objective=-2.61]

Parallel BO:: : 1838it [00:45, 44.14it/s, failures=0, objective=-2.61]

Parallel BO:: : 1838it [00:45, 44.14it/s, failures=0, objective=-2.61]

Parallel BO:: : 1839it [00:45, 44.14it/s, failures=0, objective=-2.61]

Parallel BO:: : 1840it [00:45, 44.14it/s, failures=0, objective=-2.61]

Parallel BO:: : 1841it [00:45, 44.14it/s, failures=0, objective=-2.61]

Parallel BO:: : 1842it [00:45, 44.14it/s, failures=0, objective=-2.61]

Parallel BO:: : 1843it [00:45, 44.14it/s, failures=0, objective=-2.61]

Parallel BO:: : 1844it [00:45, 44.14it/s, failures=0, objective=-2.61]

Parallel BO:: : 1845it [00:45, 44.14it/s, failures=0, objective=-2.61]

Parallel BO:: : 1846it [00:45, 44.14it/s, failures=0, objective=-2.61]

Parallel BO:: : 1847it [00:45, 44.14it/s, failures=0, objective=-2.61]

Parallel BO:: : 1848it [00:45, 44.14it/s, failures=0, objective=-2.61]

Parallel BO:: : 1849it [00:45, 44.14it/s, failures=0, objective=-2.61]

Parallel BO:: : 1850it [00:45, 44.14it/s, failures=0, objective=-2.61]

Parallel BO:: : 1851it [00:45, 44.14it/s, failures=0, objective=-2.61]

Parallel BO:: : 1852it [00:45, 44.14it/s, failures=0, objective=-2.61]

Parallel BO:: : 1853it [00:45, 44.14it/s, failures=0, objective=-2.61]

Parallel BO:: : 1854it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1854it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1855it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1856it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1857it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1858it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1859it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1860it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1861it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1862it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1863it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1864it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1865it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1866it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1867it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1868it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1869it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1870it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1871it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1872it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1873it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1874it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1875it [00:46, 38.37it/s, failures=0, objective=-2.61]

Parallel BO:: : 1876it [00:46, 43.33it/s, failures=0, objective=-2.61]

Parallel BO:: : 1876it [00:46, 43.33it/s, failures=0, objective=-2.61]

Parallel BO:: : 1877it [00:46, 43.33it/s, failures=0, objective=-2.61]

Parallel BO:: : 1878it [00:46, 43.33it/s, failures=0, objective=-2.61]

Parallel BO:: : 1879it [00:46, 43.33it/s, failures=0, objective=-2.61]

Parallel BO:: : 1880it [00:46, 43.33it/s, failures=0, objective=-2.61]

Parallel BO:: : 1881it [00:46, 43.33it/s, failures=0, objective=-2.61]

Parallel BO:: : 1882it [00:46, 43.33it/s, failures=0, objective=-2.61]

Parallel BO:: : 1883it [00:46, 43.33it/s, failures=0, objective=-2.61]

Parallel BO:: : 1884it [00:46, 43.33it/s, failures=0, objective=-2.61]

Parallel BO:: : 1885it [00:46, 43.33it/s, failures=0, objective=-2.61]

Parallel BO:: : 1886it [00:46, 43.33it/s, failures=0, objective=-2.61]

Parallel BO:: : 1887it [00:46, 43.33it/s, failures=0, objective=-2.61]

Parallel BO:: : 1888it [00:46, 43.33it/s, failures=0, objective=-2.61]

Parallel BO:: : 1889it [00:46, 42.27it/s, failures=0, objective=-2.61]

Parallel BO:: : 1889it [00:46, 42.27it/s, failures=0, objective=-2.61]

Parallel BO:: : 1890it [00:46, 42.27it/s, failures=0, objective=-2.61]

Parallel BO:: : 1891it [00:46, 42.27it/s, failures=0, objective=-2.61]

Parallel BO:: : 1892it [00:46, 42.27it/s, failures=0, objective=-2.61]

Parallel BO:: : 1893it [00:46, 42.27it/s, failures=0, objective=-2.61]

Parallel BO:: : 1894it [00:46, 42.27it/s, failures=0, objective=-2.61]

Parallel BO:: : 1895it [00:46, 42.27it/s, failures=0, objective=-2.53]

Parallel BO:: : 1896it [00:46, 42.27it/s, failures=0, objective=-2.53]

Parallel BO:: : 1897it [00:46, 42.27it/s, failures=0, objective=-2.53]

Parallel BO:: : 1898it [00:46, 42.27it/s, failures=0, objective=-2.53]

Parallel BO:: : 1899it [00:46, 42.27it/s, failures=0, objective=-2.53]

Parallel BO:: : 1900it [00:46, 42.27it/s, failures=0, objective=-2.53]

Parallel BO:: : 1901it [00:46, 42.27it/s, failures=0, objective=-2.53]

Parallel BO:: : 1902it [00:46, 42.27it/s, failures=0, objective=-2.53]

Parallel BO:: : 1903it [00:46, 42.27it/s, failures=0, objective=-2.53]

Parallel BO:: : 1904it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1904it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1905it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1906it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1907it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1908it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1909it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1910it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1911it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1912it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1913it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1914it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1915it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1916it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1917it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1918it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1919it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1920it [00:47, 39.87it/s, failures=0, objective=-2.53]

Parallel BO:: : 1921it [00:47, 44.35it/s, failures=0, objective=-2.53]

Parallel BO:: : 1921it [00:47, 44.35it/s, failures=0, objective=-2.53]

Parallel BO:: : 1922it [00:47, 44.35it/s, failures=0, objective=-2.53]

Parallel BO:: : 1923it [00:47, 44.35it/s, failures=0, objective=-2.53]

Parallel BO:: : 1924it [00:47, 44.35it/s, failures=0, objective=-2.53]

Parallel BO:: : 1925it [00:47, 44.35it/s, failures=0, objective=-2.53]

Parallel BO:: : 1926it [00:47, 44.35it/s, failures=0, objective=-2.53]

Parallel BO:: : 1927it [00:47, 44.35it/s, failures=0, objective=-2.53]

Parallel BO:: : 1928it [00:47, 44.35it/s, failures=0, objective=-2.53]

Parallel BO:: : 1929it [00:47, 44.35it/s, failures=0, objective=-2.53]

Parallel BO:: : 1930it [00:47, 44.35it/s, failures=0, objective=-2.53]

Parallel BO:: : 1931it [00:47, 44.35it/s, failures=0, objective=-2.53]

Parallel BO:: : 1932it [00:47, 44.35it/s, failures=0, objective=-2.53]

Parallel BO:: : 1933it [00:48, 41.41it/s, failures=0, objective=-2.53]

Parallel BO:: : 1933it [00:48, 41.41it/s, failures=0, objective=-2.53]

Parallel BO:: : 1934it [00:48, 41.41it/s, failures=0, objective=-2.53]

Parallel BO:: : 1935it [00:48, 41.41it/s, failures=0, objective=-2.53]

Parallel BO:: : 1936it [00:48, 41.41it/s, failures=0, objective=-2.53]

Parallel BO:: : 1937it [00:48, 41.41it/s, failures=0, objective=-2.53]

Parallel BO:: : 1938it [00:48, 41.41it/s, failures=0, objective=-2.53]

Parallel BO:: : 1939it [00:48, 41.41it/s, failures=0, objective=-2.53]

Parallel BO:: : 1940it [00:48, 41.41it/s, failures=0, objective=-2.53]

Parallel BO:: : 1941it [00:48, 41.41it/s, failures=0, objective=-2.53]

Parallel BO:: : 1942it [00:48, 41.41it/s, failures=0, objective=-2.53]

Parallel BO:: : 1943it [00:48, 41.41it/s, failures=0, objective=-2.53]

Parallel BO:: : 1944it [00:48, 41.41it/s, failures=0, objective=-2.53]

Parallel BO:: : 1945it [00:48, 40.77it/s, failures=0, objective=-2.53]

Parallel BO:: : 1945it [00:48, 40.77it/s, failures=0, objective=-2.53]

Parallel BO:: : 1946it [00:48, 40.77it/s, failures=0, objective=-2.53]

Parallel BO:: : 1947it [00:48, 40.77it/s, failures=0, objective=-2.53]

Parallel BO:: : 1948it [00:48, 40.77it/s, failures=0, objective=-2.53]

Parallel BO:: : 1949it [00:48, 40.77it/s, failures=0, objective=-2.53]

Parallel BO:: : 1950it [00:48, 40.77it/s, failures=0, objective=-2.53]

Parallel BO:: : 1951it [00:48, 40.77it/s, failures=0, objective=-2.53]

Parallel BO:: : 1952it [00:48, 40.77it/s, failures=0, objective=-2.53]

Parallel BO:: : 1953it [00:48, 36.75it/s, failures=0, objective=-2.53]

Parallel BO:: : 1953it [00:48, 36.75it/s, failures=0, objective=-2.53]

Parallel BO:: : 1954it [00:48, 36.75it/s, failures=0, objective=-2.53]

Parallel BO:: : 1955it [00:48, 36.75it/s, failures=0, objective=-2.53]

Parallel BO:: : 1956it [00:48, 36.75it/s, failures=0, objective=-2.53]

Parallel BO:: : 1957it [00:48, 36.75it/s, failures=0, objective=-2.53]

Parallel BO:: : 1958it [00:48, 36.75it/s, failures=0, objective=-2.53]

Parallel BO:: : 1959it [00:48, 36.75it/s, failures=0, objective=-2.53]

Parallel BO:: : 1960it [00:48, 36.75it/s, failures=0, objective=-2.53]

Parallel BO:: : 1961it [00:48, 36.75it/s, failures=0, objective=-2.53]

Parallel BO:: : 1962it [00:48, 36.75it/s, failures=0, objective=-2.53]

Parallel BO:: : 1963it [00:48, 36.75it/s, failures=0, objective=-2.53]

Parallel BO:: : 1964it [00:48, 36.75it/s, failures=0, objective=-2.53]

Parallel BO:: : 1965it [00:48, 36.75it/s, failures=0, objective=-2.53]

Parallel BO:: : 1966it [00:48, 36.75it/s, failures=0, objective=-2.53]

Parallel BO:: : 1967it [00:48, 36.75it/s, failures=0, objective=-2.53]

Parallel BO:: : 1968it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1968it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1969it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1970it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1971it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1972it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1973it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1974it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1975it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1976it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1977it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1978it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1979it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1980it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1981it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1982it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1983it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1984it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1985it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1986it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1987it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1988it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1989it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1990it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1991it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1992it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1993it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1994it [00:49, 33.76it/s, failures=0, objective=-2.53]

Parallel BO:: : 1995it [00:49, 43.57it/s, failures=0, objective=-2.53]

Parallel BO:: : 1995it [00:49, 43.57it/s, failures=0, objective=-1.96]

Parallel BO:: : 1996it [00:49, 43.57it/s, failures=0, objective=-1.96]

Parallel BO:: : 1997it [00:49, 43.57it/s, failures=0, objective=-1.96]

Parallel BO:: : 1998it [00:49, 43.57it/s, failures=0, objective=-1.96]

Parallel BO:: : 1999it [00:49, 43.57it/s, failures=0, objective=-1.96]

Parallel BO:: : 2000it [00:49, 43.57it/s, failures=0, objective=-1.96]

Parallel BO:: : 2001it [00:49, 43.57it/s, failures=0, objective=-1.96]

Parallel BO:: : 2002it [00:49, 43.57it/s, failures=0, objective=-1.96]

Parallel BO:: : 2003it [00:49, 43.57it/s, failures=0, objective=-1.96]

Parallel BO:: : 2004it [00:49, 43.57it/s, failures=0, objective=-1.96]

Parallel BO:: : 2005it [00:49, 43.57it/s, failures=0, objective=-1.96]

Parallel BO:: : 2006it [00:49, 43.57it/s, failures=0, objective=-1.96]

Parallel BO:: : 2007it [00:49, 41.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2007it [00:49, 41.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2008it [00:49, 41.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2009it [00:49, 41.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2010it [00:49, 41.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2011it [00:49, 41.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2012it [00:49, 41.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2013it [00:49, 41.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2014it [00:49, 41.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2015it [00:49, 41.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2016it [00:49, 41.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2017it [00:49, 41.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2018it [00:49, 41.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2019it [00:49, 41.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2020it [00:49, 41.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2021it [00:49, 41.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2022it [00:50, 43.79it/s, failures=0, objective=-1.96]

Parallel BO:: : 2022it [00:50, 43.79it/s, failures=0, objective=-1.96]

Parallel BO:: : 2023it [00:50, 43.79it/s, failures=0, objective=-1.96]

Parallel BO:: : 2024it [00:50, 43.79it/s, failures=0, objective=-1.96]

Parallel BO:: : 2025it [00:50, 43.79it/s, failures=0, objective=-1.96]

Parallel BO:: : 2026it [00:50, 43.79it/s, failures=0, objective=-1.96]

Parallel BO:: : 2027it [00:50, 43.79it/s, failures=0, objective=-1.96]

Parallel BO:: : 2028it [00:50, 43.79it/s, failures=0, objective=-1.96]

Parallel BO:: : 2029it [00:50, 43.79it/s, failures=0, objective=-1.96]

Parallel BO:: : 2030it [00:50, 43.79it/s, failures=0, objective=-1.96]

Parallel BO:: : 2031it [00:50, 43.79it/s, failures=0, objective=-1.96]

Parallel BO:: : 2032it [00:50, 43.79it/s, failures=0, objective=-1.96]

Parallel BO:: : 2033it [00:50, 40.66it/s, failures=0, objective=-1.96]

Parallel BO:: : 2033it [00:50, 40.66it/s, failures=0, objective=-1.96]

Parallel BO:: : 2034it [00:50, 40.66it/s, failures=0, objective=-1.96]

Parallel BO:: : 2035it [00:50, 40.66it/s, failures=0, objective=-1.96]

Parallel BO:: : 2036it [00:50, 40.66it/s, failures=0, objective=-1.96]

Parallel BO:: : 2037it [00:50, 40.66it/s, failures=0, objective=-1.96]

Parallel BO:: : 2038it [00:50, 40.66it/s, failures=0, objective=-1.96]

Parallel BO:: : 2039it [00:50, 40.66it/s, failures=0, objective=-1.96]

Parallel BO:: : 2040it [00:50, 40.66it/s, failures=0, objective=-1.96]

Parallel BO:: : 2041it [00:50, 40.66it/s, failures=0, objective=-1.96]

Parallel BO:: : 2042it [00:50, 40.66it/s, failures=0, objective=-1.96]

Parallel BO:: : 2043it [00:50, 40.66it/s, failures=0, objective=-1.96]

Parallel BO:: : 2044it [00:50, 40.66it/s, failures=0, objective=-1.96]

Parallel BO:: : 2045it [00:50, 40.66it/s, failures=0, objective=-1.96]

Parallel BO:: : 2046it [00:50, 39.84it/s, failures=0, objective=-1.96]

Parallel BO:: : 2046it [00:50, 39.84it/s, failures=0, objective=-1.96]

Parallel BO:: : 2047it [00:50, 39.84it/s, failures=0, objective=-1.96]

Parallel BO:: : 2048it [00:50, 39.84it/s, failures=0, objective=-1.96]

Parallel BO:: : 2049it [00:50, 39.84it/s, failures=0, objective=-1.96]

Parallel BO:: : 2050it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2050it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2051it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2052it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2053it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2054it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2055it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2056it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2057it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2058it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2059it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2060it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2061it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2062it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2063it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2064it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2065it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2066it [00:51, 30.50it/s, failures=0, objective=-1.96]

Parallel BO:: : 2067it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2067it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2068it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2069it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2070it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2071it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2072it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2073it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2074it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2075it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2076it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2077it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2078it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2079it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2080it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2081it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2082it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2083it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2084it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2085it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2086it [00:51, 33.55it/s, failures=0, objective=-1.96]

Parallel BO:: : 2087it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2087it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2088it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2089it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2090it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2091it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2092it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2093it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2094it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2095it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2096it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2097it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2098it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2099it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2100it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2101it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2102it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2103it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2104it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2105it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2106it [00:52, 38.28it/s, failures=0, objective=-1.96]

Parallel BO:: : 2107it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2107it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2108it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2109it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2110it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2111it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2112it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2113it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2114it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2115it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2116it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2117it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2118it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2119it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2120it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2121it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2122it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2123it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2124it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2125it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2126it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2127it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2128it [00:52, 38.62it/s, failures=0, objective=-1.96]

Parallel BO:: : 2129it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2129it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2130it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2131it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2132it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2133it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2134it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2135it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2136it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2137it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2138it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2139it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2140it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2141it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2142it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2143it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2144it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2145it [00:53, 39.12it/s, failures=0, objective=-1.96]

Parallel BO:: : 2146it [00:53, 36.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2146it [00:53, 36.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2147it [00:53, 36.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2148it [00:53, 36.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2149it [00:53, 36.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2150it [00:53, 36.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2151it [00:53, 36.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2152it [00:53, 36.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2153it [00:53, 36.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2154it [00:53, 36.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2155it [00:53, 36.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2156it [00:53, 36.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2157it [00:53, 36.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2158it [00:53, 36.25it/s, failures=0, objective=-1.96]

Parallel BO:: : 2159it [00:54, 35.61it/s, failures=0, objective=-1.96]

Parallel BO:: : 2159it [00:54, 35.61it/s, failures=0, objective=-1.96]

Parallel BO:: : 2160it [00:54, 35.61it/s, failures=0, objective=-1.96]

Parallel BO:: : 2161it [00:54, 35.61it/s, failures=0, objective=-1.91]

Parallel BO:: : 2162it [00:54, 35.61it/s, failures=0, objective=-1.91]

Parallel BO:: : 2163it [00:54, 35.61it/s, failures=0, objective=-1.91]

Parallel BO:: : 2164it [00:54, 35.61it/s, failures=0, objective=-1.91]

Parallel BO:: : 2165it [00:54, 35.61it/s, failures=0, objective=-1.91]

Parallel BO:: : 2166it [00:54, 35.61it/s, failures=0, objective=-1.91]

Parallel BO:: : 2167it [00:54, 35.61it/s, failures=0, objective=-1.91]

Parallel BO:: : 2168it [00:54, 35.61it/s, failures=0, objective=-1.91]

Parallel BO:: : 2169it [00:54, 35.61it/s, failures=0, objective=-1.91]

Parallel BO:: : 2170it [00:54, 35.61it/s, failures=0, objective=-1.91]

Parallel BO:: : 2171it [00:54, 35.61it/s, failures=0, objective=-1.91]

Parallel BO:: : 2172it [00:54, 35.61it/s, failures=0, objective=-1.91]

Parallel BO:: : 2173it [00:54, 35.61it/s, failures=0, objective=-1.91]

Parallel BO:: : 2174it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2174it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2175it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2176it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2177it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2178it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2179it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2180it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2181it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2182it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2183it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2184it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2185it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2186it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2187it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2188it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2189it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2190it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2191it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2192it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2193it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2194it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2195it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2196it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2197it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2198it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2199it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2200it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2201it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2202it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2203it [00:54, 31.79it/s, failures=0, objective=-1.91]

Parallel BO:: : 2204it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2204it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2205it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2206it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2207it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2208it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2209it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2210it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2211it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2212it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2213it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2214it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2215it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2216it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2217it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2218it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2219it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2220it [00:55, 40.82it/s, failures=0, objective=-1.91]

Parallel BO:: : 2221it [00:55, 37.05it/s, failures=0, objective=-1.91]

Parallel BO:: : 2221it [00:55, 37.05it/s, failures=0, objective=-1.91]

Parallel BO:: : 2222it [00:55, 37.05it/s, failures=0, objective=-1.91]

Parallel BO:: : 2223it [00:55, 37.05it/s, failures=0, objective=-1.91]

Parallel BO:: : 2224it [00:55, 37.05it/s, failures=0, objective=-1.91]

Parallel BO:: : 2225it [00:55, 37.05it/s, failures=0, objective=-1.91]

Parallel BO:: : 2226it [00:55, 37.05it/s, failures=0, objective=-1.91]

Parallel BO:: : 2227it [00:55, 37.05it/s, failures=0, objective=-1.91]

Parallel BO:: : 2228it [00:55, 37.05it/s, failures=0, objective=-1.91]

Parallel BO:: : 2229it [00:55, 37.05it/s, failures=0, objective=-1.91]

Parallel BO:: : 2230it [00:55, 37.05it/s, failures=0, objective=-1.91]

Parallel BO:: : 2231it [00:55, 37.05it/s, failures=0, objective=-1.91]

Parallel BO:: : 2232it [00:55, 37.05it/s, failures=0, objective=-1.91]

Parallel BO:: : 2233it [00:55, 37.05it/s, failures=0, objective=-1.91]

Parallel BO:: : 2234it [00:55, 37.05it/s, failures=0, objective=-1.91]

Parallel BO:: : 2235it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2235it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2236it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2237it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2238it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2239it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2240it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2241it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2242it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2243it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2244it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2245it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2246it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2247it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2248it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2249it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2250it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2251it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2252it [00:56, 34.14it/s, failures=0, objective=-1.91]

Parallel BO:: : 2253it [00:56, 37.30it/s, failures=0, objective=-1.91]

Parallel BO:: : 2253it [00:56, 37.30it/s, failures=0, objective=-1.91]

Parallel BO:: : 2254it [00:56, 37.30it/s, failures=0, objective=-1.91]

Parallel BO:: : 2255it [00:56, 37.30it/s, failures=0, objective=-1.91]

Parallel BO:: : 2256it [00:56, 37.30it/s, failures=0, objective=-1.91]

Parallel BO:: : 2257it [00:56, 37.30it/s, failures=0, objective=-1.91]

Parallel BO:: : 2258it [00:56, 37.30it/s, failures=0, objective=-1.91]

Parallel BO:: : 2259it [00:56, 37.30it/s, failures=0, objective=-1.91]

Parallel BO:: : 2260it [00:56, 37.30it/s, failures=0, objective=-1.91]

Parallel BO:: : 2261it [00:56, 37.30it/s, failures=0, objective=-1.91]

Parallel BO:: : 2262it [00:56, 37.30it/s, failures=0, objective=-1.91]

Parallel BO:: : 2263it [00:56, 37.30it/s, failures=0, objective=-1.91]

Parallel BO:: : 2264it [00:56, 37.30it/s, failures=0, objective=-1.91]

Parallel BO:: : 2265it [00:56, 37.30it/s, failures=0, objective=-1.91]

Parallel BO:: : 2266it [00:56, 37.30it/s, failures=0, objective=-1.91]

Parallel BO:: : 2267it [00:56, 39.03it/s, failures=0, objective=-1.91]

Parallel BO:: : 2267it [00:56, 39.03it/s, failures=0, objective=-1.91]

Parallel BO:: : 2268it [00:56, 39.03it/s, failures=0, objective=-1.91]

Parallel BO:: : 2269it [00:56, 39.03it/s, failures=0, objective=-1.91]

Parallel BO:: : 2270it [00:56, 39.03it/s, failures=0, objective=-1.91]

Parallel BO:: : 2271it [00:56, 39.03it/s, failures=0, objective=-1.91]

Parallel BO:: : 2272it [00:56, 39.03it/s, failures=0, objective=-1.91]

Parallel BO:: : 2273it [00:56, 39.03it/s, failures=0, objective=-1.91]

Parallel BO:: : 2274it [00:56, 39.03it/s, failures=0, objective=-1.91]

Parallel BO:: : 2275it [00:56, 39.03it/s, failures=0, objective=-1.91]

Parallel BO:: : 2276it [00:56, 39.03it/s, failures=0, objective=-1.91]

Parallel BO:: : 2277it [00:56, 39.03it/s, failures=0, objective=-1.91]

Parallel BO:: : 2278it [00:56, 39.03it/s, failures=0, objective=-1.91]

Parallel BO:: : 2279it [00:56, 39.03it/s, failures=0, objective=-1.91]

Parallel BO:: : 2280it [00:56, 39.03it/s, failures=0, objective=-1.91]

Parallel BO:: : 2281it [00:57, 35.25it/s, failures=0, objective=-1.91]

Parallel BO:: : 2281it [00:57, 35.25it/s, failures=0, objective=-1.91]

Parallel BO:: : 2282it [00:57, 35.25it/s, failures=0, objective=-1.91]

Parallel BO:: : 2283it [00:57, 35.25it/s, failures=0, objective=-1.91]

Parallel BO:: : 2284it [00:57, 35.25it/s, failures=0, objective=-1.91]

Parallel BO:: : 2285it [00:57, 35.25it/s, failures=0, objective=-1.91]

Parallel BO:: : 2286it [00:57, 35.25it/s, failures=0, objective=-1.91]

Parallel BO:: : 2287it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2288it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2289it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2290it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2291it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2292it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2293it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2294it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2295it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2296it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2297it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2298it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2299it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2299it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2300it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2301it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2302it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2303it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2304it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2305it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2306it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2307it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2308it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2309it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2310it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2311it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2312it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2313it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2314it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2315it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2316it [00:57, 35.25it/s, failures=0, objective=-1.9]

Parallel BO:: : 2317it [00:58, 38.45it/s, failures=0, objective=-1.9]

Parallel BO:: : 2317it [00:58, 38.45it/s, failures=0, objective=-1.9]

Parallel BO:: : 2318it [00:58, 38.45it/s, failures=0, objective=-1.9]

Parallel BO:: : 2319it [00:58, 38.45it/s, failures=0, objective=-1.9]

Parallel BO:: : 2320it [00:58, 38.45it/s, failures=0, objective=-1.9]

Parallel BO:: : 2321it [00:58, 38.45it/s, failures=0, objective=-1.9]

Parallel BO:: : 2322it [00:58, 38.45it/s, failures=0, objective=-1.9]

Parallel BO:: : 2323it [00:58, 38.45it/s, failures=0, objective=-1.9]

Parallel BO:: : 2324it [00:58, 38.45it/s, failures=0, objective=-1.9]

Parallel BO:: : 2325it [00:58, 38.45it/s, failures=0, objective=-1.9]

Parallel BO:: : 2326it [00:58, 38.45it/s, failures=0, objective=-1.9]

Parallel BO:: : 2327it [00:58, 38.45it/s, failures=0, objective=-1.9]

Parallel BO:: : 2328it [00:58, 38.45it/s, failures=0, objective=-1.9]

Parallel BO:: : 2329it [00:58, 33.68it/s, failures=0, objective=-1.9]

Parallel BO:: : 2329it [00:58, 33.68it/s, failures=0, objective=-1.9]

Parallel BO:: : 2330it [00:58, 33.68it/s, failures=0, objective=-1.9]

Parallel BO:: : 2331it [00:58, 33.68it/s, failures=0, objective=-1.9]

Parallel BO:: : 2332it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2333it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2334it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2335it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2336it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2337it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2338it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2339it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2340it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2341it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2342it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2343it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2344it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2345it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2346it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2347it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2348it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2349it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2350it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2351it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2352it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2353it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2354it [00:58, 33.68it/s, failures=0, objective=-1.88]

Parallel BO:: : 2355it [00:59, 41.75it/s, failures=0, objective=-1.88]

Parallel BO:: : 2355it [00:59, 41.75it/s, failures=0, objective=-1.88]

Parallel BO:: : 2356it [00:59, 41.75it/s, failures=0, objective=-1.88]

Parallel BO:: : 2357it [00:59, 41.75it/s, failures=0, objective=-1.88]

Parallel BO:: : 2358it [00:59, 41.75it/s, failures=0, objective=-1.88]

Parallel BO:: : 2359it [00:59, 41.75it/s, failures=0, objective=-1.88]

Parallel BO:: : 2360it [00:59, 41.75it/s, failures=0, objective=-1.88]

Parallel BO:: : 2361it [00:59, 41.75it/s, failures=0, objective=-1.88]

Parallel BO:: : 2362it [00:59, 41.75it/s, failures=0, objective=-1.88]

Parallel BO:: : 2363it [00:59, 41.75it/s, failures=0, objective=-1.88]

Parallel BO:: : 2364it [00:59, 41.75it/s, failures=0, objective=-1.88]

Parallel BO:: : 2365it [00:59, 41.75it/s, failures=0, objective=-1.88]

Parallel BO:: : 2366it [00:59, 41.75it/s, failures=0, objective=-1.88]

Parallel BO:: : 2367it [00:59, 41.75it/s, failures=0, objective=-1.88]

Parallel BO:: : 2368it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2368it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2369it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2370it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2371it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2372it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2373it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2374it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2375it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2376it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2377it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2378it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2379it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2380it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2381it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2382it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2383it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2384it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2385it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2386it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2387it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2388it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2389it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2390it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2391it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2392it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2393it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2394it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2395it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2396it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2397it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2398it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2399it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2400it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2401it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2402it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2403it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2404it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2405it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2406it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2407it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2408it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2409it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2410it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2411it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2412it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2413it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2414it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2415it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2416it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2417it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2418it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2419it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2420it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2421it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2422it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2423it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2424it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2425it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2426it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2427it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2428it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2429it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2430it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2431it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2432it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2433it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2434it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2435it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2436it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2437it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2438it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2439it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2440it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2441it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2442it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2443it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2444it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2445it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2446it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2447it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2448it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2449it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2450it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2451it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2452it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2453it [01:02, 14.71it/s, failures=0, objective=-1.88]

Parallel BO:: : 2454it [01:02, 14.71it/s, failures=0, objective=-1.88]
p:x0 p:x1 p:x2 p:x3 p:x4 objective job_id job_status m:timestamp_submit m:timestamp_start m:timestamp_end m:timestamp_gather
0 16.344096 20.457804 -27.913095 -27.692182 28.103730 -21.616393 78 DONE 0.021905 0.011826 0.609731 0.633435
1 -11.592801 28.200101 -16.494237 -12.729873 10.603544 -21.461807 79 DONE 0.021910 0.011968 0.653194 0.675732
2 2.099672 5.557481 5.335090 30.914251 -4.079160 -20.347804 29 DONE 0.021579 0.004891 0.890473 0.914018
3 17.408161 8.180770 12.941298 29.073786 4.721364 -20.739146 49 DONE 0.021736 0.007823 0.890723 0.915269
4 25.112088 -15.393343 20.390896 15.609474 14.452560 -21.633170 87 DONE 0.021977 0.013090 0.909654 0.950319
... ... ... ... ... ... ... ... ... ... ... ... ...
2449 1.201173 1.648496 4.301144 0.626841 -3.040239 -9.753668 2376 CANCELLED 58.112884 58.091300 60.107129 62.730073
2450 2.212206 4.269164 -6.337899 -0.548738 -4.907752 -13.162369 2436 CANCELLED 59.918282 59.896703 61.605474 62.730173
2451 2.046945 1.208743 -0.478952 0.893803 -0.839736 -5.672521 2399 CANCELLED 59.000829 58.979030 60.133818 62.730272
2452 2.212206 4.269164 -6.337899 -0.548738 -4.907752 -13.162369 2435 CANCELLED 59.918277 59.896691 61.637732 62.730372
2453 7.981903 4.258015 1.737592 -1.625758 -1.945809 -12.961988 2356 CANCELLED 57.609223 57.587301 60.278194 62.730473

2454 rows × 12 columns



It can be surprising to see in the results that the last lines have "job_status" set to “CANCELLED” but still have an objective value. This is due to the fact that the cancellation of a job is asynchronous and already scheduled Asyncio tasks are therefore executed. When the timeout is reached the jobs created by the “thread” method jobs cannot be directly killed but rather their job.status is updated to "CANCELLING" and the user-code is responsible for checking the status of the job and interrupting the execution. This is why the objective value is still present in the results. This behavior is different from the “process” method where the jobs are killed directly.

We can now plot the results of the parallel search. The first plot shows the evolution of the objective. The second plot shows the utilization of the worker over time.

We can see that the parallel search is able to evaluate a lot more points in the same time budget. This also allows the algorithm to explore more of the search space and potentially find better solutions. The utilization plot shows that the workers are used efficiently in the parallel search (above 80%).

Code (Plot search trajectory and worker utilization)
fig, axes = plt.subplots(
        nrows=2,
        ncols=1,
        sharex=True,
        figsize=figure_size(width=600),
        tight_layout=True,
    )

_ = plot_search_trajectory_single_objective_hpo(
    results["parallel"], mode="min", x_units="seconds", ax=axes[0]
)

_ = plot_worker_utilization(
    results["parallel"], num_workers=1, profile_type="start/end", ax=axes[1]
)
plot from serial to parallel hpo

Finally, we compare both search with the execution time is used as the x-axis. The advantage of parallelism is clearly visible by the difference in the number of evaluations and in objective.

Code (Plot search trajectories)
fig, ax = plt.subplots(figsize=figure_size(width=600), tight_layout=True)

for i, (strategy, df) in enumerate(results.items()):
    plot_search_trajectory_single_objective_hpo(
        df,
        show_failures=False,
        mode="min",
        x_units="seconds",
        ax=ax,
        label=strategy,
        plot_kwargs={"color": f"C{i}"},
        scatter_success_kwargs={"color": f"C{i}"},
    )

_ = ax.set_xlabel("Time (sec.)")
_ = ax.set_ylabel("Objective")
_ = ax.set_yscale("log")
_ = ax.grid(visible=True, which="minor", linestyle=":")
_ = ax.grid(visible=True, which="major", linestyle="-")
_ = ax.legend()
plot from serial to parallel hpo

Finally, one could compare to a random search to see if the overheads of the parallel Bayesian optimization are worth it (i.e., the cost of fitting and optimizing the surrogate model). The evaluator is defined similarly to the one used for the parallel Bayesian optimization search:

parallel_evaluator = Evaluator.create(
    run_ackley,
    method="thread",
    method_kwargs={
        "num_workers": 100, # For the parallel evaluations
        "callbacks": [TqdmCallback("Random Search:")]
    },
)
random_search = RandomSearch(problem, parallel_evaluator, random_state=search_kwargs["random_state"])
results["random"] = preprocess_results(random_search.search(timeout=timeout))
results["random"]
WARNING:root:Results file already exists, it will be renamed to /Users/romainegele/Documents/DeepHyper/deephyper/examples/examples_parallelism/results_20250328-095416.csv



0it [00:00, ?it/s]


Random Search:: : 0it [00:00, ?it/s]


Random Search:: : 1it [00:00, 1639.04it/s, failures=0, objective=-21.3]


Random Search:: : 2it [00:00,  7.37it/s, failures=0, objective=-21.3]


Random Search:: : 2it [00:00,  7.37it/s, failures=0, objective=-21.3]


Random Search:: : 3it [00:00,  7.00it/s, failures=0, objective=-21.3]


Random Search:: : 3it [00:00,  7.00it/s, failures=0, objective=-21.3]


Random Search:: : 4it [00:00,  7.00it/s, failures=0, objective=-21]


Random Search:: : 5it [00:00,  7.00it/s, failures=0, objective=-21]


Random Search:: : 6it [00:00, 12.39it/s, failures=0, objective=-21]


Random Search:: : 6it [00:00, 12.39it/s, failures=0, objective=-21]


Random Search:: : 7it [00:00, 12.39it/s, failures=0, objective=-21]


Random Search:: : 8it [00:00, 12.39it/s, failures=0, objective=-21]


Random Search:: : 9it [00:00, 12.39it/s, failures=0, objective=-21]


Random Search:: : 10it [00:00, 19.31it/s, failures=0, objective=-21]


Random Search:: : 10it [00:00, 19.31it/s, failures=0, objective=-19.9]


Random Search:: : 11it [00:00, 19.31it/s, failures=0, objective=-19.9]


Random Search:: : 12it [00:00, 19.31it/s, failures=0, objective=-19.9]


Random Search:: : 13it [00:00, 17.87it/s, failures=0, objective=-19.9]


Random Search:: : 13it [00:00, 17.87it/s, failures=0, objective=-19.9]


Random Search:: : 14it [00:00, 17.87it/s, failures=0, objective=-19.3]


Random Search:: : 15it [00:00, 17.87it/s, failures=0, objective=-19.3]


Random Search:: : 16it [00:00, 17.87it/s, failures=0, objective=-19.3]


Random Search:: : 17it [00:00, 17.87it/s, failures=0, objective=-19.3]


Random Search:: : 18it [00:00, 25.21it/s, failures=0, objective=-19.3]


Random Search:: : 18it [00:00, 25.21it/s, failures=0, objective=-19.3]


Random Search:: : 19it [00:00, 25.21it/s, failures=0, objective=-19.3]


Random Search:: : 20it [00:00, 25.21it/s, failures=0, objective=-19.3]


Random Search:: : 21it [00:00, 25.21it/s, failures=0, objective=-19.3]


Random Search:: : 22it [00:01, 25.21it/s, failures=0, objective=-19.3]


Random Search:: : 23it [00:01, 25.21it/s, failures=0, objective=-19.3]


Random Search:: : 24it [00:01, 25.21it/s, failures=0, objective=-19.3]


Random Search:: : 25it [00:01, 25.21it/s, failures=0, objective=-19.3]


Random Search:: : 26it [00:01, 36.02it/s, failures=0, objective=-19.3]


Random Search:: : 26it [00:01, 36.02it/s, failures=0, objective=-19.3]


Random Search:: : 27it [00:01, 36.02it/s, failures=0, objective=-19.3]


Random Search:: : 28it [00:01, 36.02it/s, failures=0, objective=-19.3]


Random Search:: : 29it [00:01, 36.02it/s, failures=0, objective=-19.3]


Random Search:: : 30it [00:01, 36.02it/s, failures=0, objective=-19.3]


Random Search:: : 31it [00:01, 36.02it/s, failures=0, objective=-19.3]


Random Search:: : 32it [00:01, 36.02it/s, failures=0, objective=-19.3]


Random Search:: : 33it [00:01, 36.02it/s, failures=0, objective=-19.3]


Random Search:: : 34it [00:01, 46.30it/s, failures=0, objective=-19.3]


Random Search:: : 34it [00:01, 46.30it/s, failures=0, objective=-19.3]


Random Search:: : 35it [00:01, 46.30it/s, failures=0, objective=-19.3]


Random Search:: : 36it [00:01, 46.30it/s, failures=0, objective=-19.3]


Random Search:: : 37it [00:01, 46.30it/s, failures=0, objective=-19.3]


Random Search:: : 38it [00:01, 46.30it/s, failures=0, objective=-19.3]


Random Search:: : 39it [00:01, 46.30it/s, failures=0, objective=-19.3]


Random Search:: : 40it [00:01, 46.30it/s, failures=0, objective=-19.3]


Random Search:: : 41it [00:01, 46.30it/s, failures=0, objective=-19.3]


Random Search:: : 42it [00:01, 46.30it/s, failures=0, objective=-19.3]


Random Search:: : 43it [00:01, 54.91it/s, failures=0, objective=-19.3]


Random Search:: : 43it [00:01, 54.91it/s, failures=0, objective=-19.3]


Random Search:: : 44it [00:01, 54.91it/s, failures=0, objective=-19.3]


Random Search:: : 45it [00:01, 54.91it/s, failures=0, objective=-19.3]


Random Search:: : 46it [00:01, 54.91it/s, failures=0, objective=-19.3]


Random Search:: : 47it [00:01, 54.91it/s, failures=0, objective=-19.3]


Random Search:: : 48it [00:01, 54.91it/s, failures=0, objective=-19.3]


Random Search:: : 49it [00:01, 54.91it/s, failures=0, objective=-19.3]


Random Search:: : 50it [00:01, 54.91it/s, failures=0, objective=-19.3]


Random Search:: : 51it [00:01, 54.91it/s, failures=0, objective=-19.3]


Random Search:: : 52it [00:01, 54.91it/s, failures=0, objective=-19.3]


Random Search:: : 53it [00:01, 66.48it/s, failures=0, objective=-19.3]


Random Search:: : 53it [00:01, 66.48it/s, failures=0, objective=-19.3]


Random Search:: : 54it [00:01, 66.48it/s, failures=0, objective=-19.3]


Random Search:: : 55it [00:01, 66.48it/s, failures=0, objective=-19.3]


Random Search:: : 56it [00:01, 66.48it/s, failures=0, objective=-19.3]


Random Search:: : 57it [00:01, 66.48it/s, failures=0, objective=-19.3]


Random Search:: : 58it [00:01, 66.48it/s, failures=0, objective=-19.3]


Random Search:: : 59it [00:01, 66.48it/s, failures=0, objective=-19.3]


Random Search:: : 60it [00:01, 66.48it/s, failures=0, objective=-19.3]


Random Search:: : 61it [00:01, 66.48it/s, failures=0, objective=-19.3]


Random Search:: : 62it [00:01, 66.48it/s, failures=0, objective=-19.3]


Random Search:: : 63it [00:01, 72.06it/s, failures=0, objective=-19.3]


Random Search:: : 63it [00:01, 72.06it/s, failures=0, objective=-19.3]


Random Search:: : 64it [00:01, 72.06it/s, failures=0, objective=-19]


Random Search:: : 65it [00:01, 72.06it/s, failures=0, objective=-19]


Random Search:: : 66it [00:01, 72.06it/s, failures=0, objective=-19]


Random Search:: : 67it [00:01, 72.06it/s, failures=0, objective=-19]


Random Search:: : 68it [00:01, 72.06it/s, failures=0, objective=-19]


Random Search:: : 69it [00:01, 72.06it/s, failures=0, objective=-19]


Random Search:: : 70it [00:01, 72.06it/s, failures=0, objective=-19]


Random Search:: : 71it [00:01, 71.54it/s, failures=0, objective=-19]


Random Search:: : 71it [00:01, 71.54it/s, failures=0, objective=-19]


Random Search:: : 72it [00:01, 71.54it/s, failures=0, objective=-19]


Random Search:: : 73it [00:01, 71.54it/s, failures=0, objective=-19]


Random Search:: : 74it [00:01, 71.54it/s, failures=0, objective=-19]


Random Search:: : 75it [00:01, 71.54it/s, failures=0, objective=-19]


Random Search:: : 76it [00:01, 71.54it/s, failures=0, objective=-19]


Random Search:: : 77it [00:01, 71.54it/s, failures=0, objective=-19]


Random Search:: : 78it [00:01, 71.54it/s, failures=0, objective=-19]


Random Search:: : 79it [00:01, 71.54it/s, failures=0, objective=-19]


Random Search:: : 80it [00:01, 71.54it/s, failures=0, objective=-19]


Random Search:: : 81it [00:01, 77.26it/s, failures=0, objective=-19]


Random Search:: : 81it [00:01, 77.26it/s, failures=0, objective=-19]


Random Search:: : 82it [00:01, 77.26it/s, failures=0, objective=-19]


Random Search:: : 83it [00:01, 77.26it/s, failures=0, objective=-19]


Random Search:: : 84it [00:01, 77.26it/s, failures=0, objective=-19]


Random Search:: : 85it [00:01, 77.26it/s, failures=0, objective=-16.7]


Random Search:: : 86it [00:01, 77.26it/s, failures=0, objective=-16.7]


Random Search:: : 87it [00:01, 77.26it/s, failures=0, objective=-16.7]


Random Search:: : 88it [00:01, 77.26it/s, failures=0, objective=-16.7]


Random Search:: : 89it [00:01, 70.94it/s, failures=0, objective=-16.7]


Random Search:: : 89it [00:01, 70.94it/s, failures=0, objective=-16.7]


Random Search:: : 90it [00:01, 70.94it/s, failures=0, objective=-16.7]


Random Search:: : 91it [00:01, 70.94it/s, failures=0, objective=-16.7]


Random Search:: : 92it [00:01, 70.94it/s, failures=0, objective=-16.7]


Random Search:: : 93it [00:01, 70.94it/s, failures=0, objective=-16.7]


Random Search:: : 94it [00:01, 70.94it/s, failures=0, objective=-16.7]


Random Search:: : 95it [00:01, 70.94it/s, failures=0, objective=-16.7]


Random Search:: : 96it [00:02, 70.94it/s, failures=0, objective=-16.7]


Random Search:: : 97it [00:02, 65.23it/s, failures=0, objective=-16.7]


Random Search:: : 97it [00:02, 65.23it/s, failures=0, objective=-16.7]


Random Search:: : 98it [00:02, 65.23it/s, failures=0, objective=-16.7]


Random Search:: : 99it [00:02, 65.23it/s, failures=0, objective=-16.7]


Random Search:: : 100it [00:02, 65.23it/s, failures=0, objective=-16.7]


Random Search:: : 101it [00:02, 65.23it/s, failures=0, objective=-16.7]


Random Search:: : 102it [00:02, 65.23it/s, failures=0, objective=-16.7]


Random Search:: : 103it [00:02, 65.23it/s, failures=0, objective=-16.7]


Random Search:: : 104it [00:02, 49.10it/s, failures=0, objective=-16.7]


Random Search:: : 104it [00:02, 49.10it/s, failures=0, objective=-16.7]


Random Search:: : 105it [00:02, 49.10it/s, failures=0, objective=-16.7]


Random Search:: : 106it [00:02, 49.10it/s, failures=0, objective=-16.7]


Random Search:: : 107it [00:02, 49.10it/s, failures=0, objective=-16.7]


Random Search:: : 108it [00:02, 49.10it/s, failures=0, objective=-16.7]


Random Search:: : 109it [00:02, 49.10it/s, failures=0, objective=-16.7]


Random Search:: : 110it [00:02, 46.34it/s, failures=0, objective=-16.7]


Random Search:: : 110it [00:02, 46.34it/s, failures=0, objective=-16.7]


Random Search:: : 111it [00:02, 46.34it/s, failures=0, objective=-16.7]


Random Search:: : 112it [00:02, 46.34it/s, failures=0, objective=-16.7]


Random Search:: : 113it [00:02, 46.34it/s, failures=0, objective=-16.7]


Random Search:: : 114it [00:02, 46.34it/s, failures=0, objective=-16.7]


Random Search:: : 115it [00:02, 46.34it/s, failures=0, objective=-16.7]


Random Search:: : 116it [00:02, 34.30it/s, failures=0, objective=-16.7]


Random Search:: : 116it [00:02, 34.30it/s, failures=0, objective=-16.7]


Random Search:: : 117it [00:02, 34.30it/s, failures=0, objective=-16.7]


Random Search:: : 118it [00:02, 34.30it/s, failures=0, objective=-16.7]


Random Search:: : 119it [00:02, 34.30it/s, failures=0, objective=-16.7]


Random Search:: : 120it [00:02, 34.30it/s, failures=0, objective=-16.7]


Random Search:: : 121it [00:02, 33.04it/s, failures=0, objective=-16.7]


Random Search:: : 121it [00:02, 33.04it/s, failures=0, objective=-16.7]


Random Search:: : 122it [00:02, 33.04it/s, failures=0, objective=-16.7]


Random Search:: : 123it [00:02, 33.04it/s, failures=0, objective=-16.7]


Random Search:: : 124it [00:03, 33.04it/s, failures=0, objective=-16.7]


Random Search:: : 125it [00:03, 31.57it/s, failures=0, objective=-16.7]


Random Search:: : 125it [00:03, 31.57it/s, failures=0, objective=-16.7]


Random Search:: : 126it [00:03, 31.57it/s, failures=0, objective=-16.7]


Random Search:: : 127it [00:03, 31.57it/s, failures=0, objective=-16.7]


Random Search:: : 128it [00:03, 31.57it/s, failures=0, objective=-16.7]


Random Search:: : 129it [00:03, 31.57it/s, failures=0, objective=-16.7]


Random Search:: : 130it [00:03, 31.57it/s, failures=0, objective=-16.7]


Random Search:: : 131it [00:03, 31.57it/s, failures=0, objective=-16.7]


Random Search:: : 132it [00:03, 38.67it/s, failures=0, objective=-16.7]


Random Search:: : 132it [00:03, 38.67it/s, failures=0, objective=-16.7]


Random Search:: : 133it [00:03, 38.67it/s, failures=0, objective=-16.7]


Random Search:: : 134it [00:03, 38.67it/s, failures=0, objective=-16.7]


Random Search:: : 135it [00:03, 38.67it/s, failures=0, objective=-16.7]


Random Search:: : 136it [00:03, 38.67it/s, failures=0, objective=-16.7]


Random Search:: : 137it [00:03, 38.67it/s, failures=0, objective=-16.7]


Random Search:: : 138it [00:03, 38.67it/s, failures=0, objective=-16.7]


Random Search:: : 139it [00:03, 38.67it/s, failures=0, objective=-16.7]


Random Search:: : 140it [00:03, 43.42it/s, failures=0, objective=-16.7]


Random Search:: : 140it [00:03, 43.42it/s, failures=0, objective=-16.7]


Random Search:: : 141it [00:03, 43.42it/s, failures=0, objective=-16.7]


Random Search:: : 142it [00:03, 43.42it/s, failures=0, objective=-16.7]


Random Search:: : 143it [00:03, 43.42it/s, failures=0, objective=-16.7]


Random Search:: : 144it [00:03, 43.42it/s, failures=0, objective=-16.7]


Random Search:: : 145it [00:03, 43.42it/s, failures=0, objective=-16.7]


Random Search:: : 146it [00:03, 43.42it/s, failures=0, objective=-16.7]


Random Search:: : 147it [00:03, 47.58it/s, failures=0, objective=-16.7]


Random Search:: : 147it [00:03, 47.58it/s, failures=0, objective=-16.7]


Random Search:: : 148it [00:03, 47.58it/s, failures=0, objective=-16.7]


Random Search:: : 149it [00:03, 47.58it/s, failures=0, objective=-16.7]


Random Search:: : 150it [00:03, 47.58it/s, failures=0, objective=-16.7]


Random Search:: : 151it [00:03, 47.58it/s, failures=0, objective=-16.7]


Random Search:: : 152it [00:03, 47.58it/s, failures=0, objective=-16.7]


Random Search:: : 153it [00:03, 47.58it/s, failures=0, objective=-16.7]


Random Search:: : 154it [00:03, 47.58it/s, failures=0, objective=-16.7]


Random Search:: : 155it [00:03, 47.58it/s, failures=0, objective=-16.7]


Random Search:: : 156it [00:03, 47.58it/s, failures=0, objective=-16.7]


Random Search:: : 157it [00:03, 47.58it/s, failures=0, objective=-16.7]


Random Search:: : 158it [00:03, 47.58it/s, failures=0, objective=-16.7]


Random Search:: : 159it [00:03, 64.21it/s, failures=0, objective=-16.7]


Random Search:: : 159it [00:03, 64.21it/s, failures=0, objective=-16.7]


Random Search:: : 160it [00:03, 64.21it/s, failures=0, objective=-16.7]


Random Search:: : 161it [00:03, 64.21it/s, failures=0, objective=-16.7]


Random Search:: : 162it [00:03, 64.21it/s, failures=0, objective=-16.7]


Random Search:: : 163it [00:03, 64.21it/s, failures=0, objective=-16.7]


Random Search:: : 164it [00:03, 64.21it/s, failures=0, objective=-16.7]


Random Search:: : 165it [00:03, 64.21it/s, failures=0, objective=-16.7]


Random Search:: : 166it [00:03, 64.21it/s, failures=0, objective=-16.7]


Random Search:: : 167it [00:03, 64.21it/s, failures=0, objective=-16.7]


Random Search:: : 168it [00:03, 67.70it/s, failures=0, objective=-16.7]


Random Search:: : 168it [00:03, 67.70it/s, failures=0, objective=-16.7]


Random Search:: : 169it [00:03, 67.70it/s, failures=0, objective=-16.7]


Random Search:: : 170it [00:03, 67.70it/s, failures=0, objective=-16.7]


Random Search:: : 171it [00:03, 67.70it/s, failures=0, objective=-16.7]


Random Search:: : 172it [00:03, 67.70it/s, failures=0, objective=-16.7]


Random Search:: : 173it [00:03, 67.70it/s, failures=0, objective=-16.7]


Random Search:: : 174it [00:03, 67.70it/s, failures=0, objective=-16.7]


Random Search:: : 175it [00:03, 67.70it/s, failures=0, objective=-16.7]


Random Search:: : 176it [00:03, 58.60it/s, failures=0, objective=-16.7]


Random Search:: : 176it [00:03, 58.60it/s, failures=0, objective=-16.7]


Random Search:: : 177it [00:03, 58.60it/s, failures=0, objective=-16.7]


Random Search:: : 178it [00:03, 58.60it/s, failures=0, objective=-16.7]


Random Search:: : 179it [00:03, 58.60it/s, failures=0, objective=-16.7]


Random Search:: : 180it [00:03, 58.60it/s, failures=0, objective=-16.7]


Random Search:: : 181it [00:03, 58.60it/s, failures=0, objective=-16.7]


Random Search:: : 182it [00:03, 58.60it/s, failures=0, objective=-16.7]


Random Search:: : 183it [00:03, 58.60it/s, failures=0, objective=-16.7]


Random Search:: : 184it [00:03, 62.88it/s, failures=0, objective=-16.7]


Random Search:: : 184it [00:03, 62.88it/s, failures=0, objective=-16.7]


Random Search:: : 185it [00:03, 62.88it/s, failures=0, objective=-16.7]


Random Search:: : 186it [00:03, 62.88it/s, failures=0, objective=-16.7]


Random Search:: : 187it [00:03, 62.88it/s, failures=0, objective=-16.7]


Random Search:: : 188it [00:04, 62.88it/s, failures=0, objective=-16.7]


Random Search:: : 189it [00:04, 62.88it/s, failures=0, objective=-16.7]


Random Search:: : 190it [00:04, 62.88it/s, failures=0, objective=-16.7]


Random Search:: : 191it [00:04, 59.11it/s, failures=0, objective=-16.7]


Random Search:: : 191it [00:04, 59.11it/s, failures=0, objective=-16.7]


Random Search:: : 192it [00:04, 59.11it/s, failures=0, objective=-16.7]


Random Search:: : 193it [00:04, 59.11it/s, failures=0, objective=-16.7]


Random Search:: : 194it [00:04, 59.11it/s, failures=0, objective=-16.7]


Random Search:: : 195it [00:04, 59.11it/s, failures=0, objective=-16.7]


Random Search:: : 196it [00:04, 59.11it/s, failures=0, objective=-16.7]


Random Search:: : 197it [00:04, 59.11it/s, failures=0, objective=-16.7]


Random Search:: : 198it [00:04, 55.19it/s, failures=0, objective=-16.7]


Random Search:: : 198it [00:04, 55.19it/s, failures=0, objective=-16.7]


Random Search:: : 199it [00:04, 55.19it/s, failures=0, objective=-16.7]


Random Search:: : 200it [00:04, 55.19it/s, failures=0, objective=-16.7]


Random Search:: : 201it [00:04, 55.19it/s, failures=0, objective=-16.7]


Random Search:: : 202it [00:04, 55.19it/s, failures=0, objective=-16.7]


Random Search:: : 203it [00:04, 55.19it/s, failures=0, objective=-16.7]


Random Search:: : 204it [00:04, 55.15it/s, failures=0, objective=-16.7]


Random Search:: : 204it [00:04, 55.15it/s, failures=0, objective=-16.7]


Random Search:: : 205it [00:04, 55.15it/s, failures=0, objective=-16.7]


Random Search:: : 206it [00:04, 55.15it/s, failures=0, objective=-16.7]


Random Search:: : 207it [00:04, 55.15it/s, failures=0, objective=-16.7]


Random Search:: : 208it [00:04, 55.15it/s, failures=0, objective=-16.7]


Random Search:: : 209it [00:04, 55.15it/s, failures=0, objective=-16.7]


Random Search:: : 210it [00:04, 55.15it/s, failures=0, objective=-16.7]


Random Search:: : 211it [00:04, 58.81it/s, failures=0, objective=-16.7]


Random Search:: : 211it [00:04, 58.81it/s, failures=0, objective=-16.7]


Random Search:: : 212it [00:04, 58.81it/s, failures=0, objective=-16.7]


Random Search:: : 213it [00:04, 58.81it/s, failures=0, objective=-16.7]


Random Search:: : 214it [00:04, 58.81it/s, failures=0, objective=-16.7]


Random Search:: : 215it [00:04, 58.81it/s, failures=0, objective=-16.7]


Random Search:: : 216it [00:04, 58.81it/s, failures=0, objective=-16.7]


Random Search:: : 217it [00:04, 58.81it/s, failures=0, objective=-16.7]


Random Search:: : 218it [00:04, 50.54it/s, failures=0, objective=-16.7]


Random Search:: : 218it [00:04, 50.54it/s, failures=0, objective=-16.7]


Random Search:: : 219it [00:04, 50.54it/s, failures=0, objective=-16.7]


Random Search:: : 220it [00:04, 50.54it/s, failures=0, objective=-16.7]


Random Search:: : 221it [00:04, 50.54it/s, failures=0, objective=-16.7]


Random Search:: : 222it [00:04, 50.54it/s, failures=0, objective=-16.7]


Random Search:: : 223it [00:04, 50.54it/s, failures=0, objective=-16.7]


Random Search:: : 224it [00:04, 50.05it/s, failures=0, objective=-16.7]


Random Search:: : 224it [00:04, 50.05it/s, failures=0, objective=-16.7]


Random Search:: : 225it [00:04, 50.05it/s, failures=0, objective=-16.7]


Random Search:: : 226it [00:04, 50.05it/s, failures=0, objective=-16.7]


Random Search:: : 227it [00:04, 50.05it/s, failures=0, objective=-16.7]


Random Search:: : 228it [00:04, 50.05it/s, failures=0, objective=-16.7]


Random Search:: : 229it [00:04, 50.05it/s, failures=0, objective=-16.7]


Random Search:: : 230it [00:04, 50.05it/s, failures=0, objective=-16.7]


Random Search:: : 231it [00:04, 54.60it/s, failures=0, objective=-16.7]


Random Search:: : 231it [00:04, 54.60it/s, failures=0, objective=-16.7]


Random Search:: : 232it [00:04, 54.60it/s, failures=0, objective=-16.7]


Random Search:: : 233it [00:04, 54.60it/s, failures=0, objective=-16.7]


Random Search:: : 234it [00:04, 54.60it/s, failures=0, objective=-16.7]


Random Search:: : 235it [00:05, 54.60it/s, failures=0, objective=-16.7]


Random Search:: : 236it [00:05, 54.60it/s, failures=0, objective=-16.7]


Random Search:: : 237it [00:05, 46.30it/s, failures=0, objective=-16.7]


Random Search:: : 237it [00:05, 46.30it/s, failures=0, objective=-16.7]


Random Search:: : 238it [00:05, 46.30it/s, failures=0, objective=-16.7]


Random Search:: : 239it [00:05, 46.30it/s, failures=0, objective=-16.7]


Random Search:: : 240it [00:05, 46.30it/s, failures=0, objective=-16.7]


Random Search:: : 241it [00:05, 46.30it/s, failures=0, objective=-16.7]


Random Search:: : 242it [00:05, 46.30it/s, failures=0, objective=-16.7]


Random Search:: : 243it [00:05, 47.06it/s, failures=0, objective=-16.7]


Random Search:: : 243it [00:05, 47.06it/s, failures=0, objective=-16.7]


Random Search:: : 244it [00:05, 47.06it/s, failures=0, objective=-16.7]


Random Search:: : 245it [00:05, 47.06it/s, failures=0, objective=-16.7]


Random Search:: : 246it [00:05, 47.06it/s, failures=0, objective=-16.7]


Random Search:: : 247it [00:05, 47.06it/s, failures=0, objective=-16.7]


Random Search:: : 248it [00:05, 45.38it/s, failures=0, objective=-16.7]


Random Search:: : 248it [00:05, 45.38it/s, failures=0, objective=-16.7]


Random Search:: : 249it [00:05, 45.38it/s, failures=0, objective=-16.7]


Random Search:: : 250it [00:05, 45.38it/s, failures=0, objective=-16.7]


Random Search:: : 251it [00:05, 45.38it/s, failures=0, objective=-16.7]


Random Search:: : 252it [00:05, 45.38it/s, failures=0, objective=-16.7]


Random Search:: : 253it [00:05, 45.38it/s, failures=0, objective=-16.7]


Random Search:: : 254it [00:05, 47.26it/s, failures=0, objective=-16.7]


Random Search:: : 254it [00:05, 47.26it/s, failures=0, objective=-16.7]


Random Search:: : 255it [00:05, 47.26it/s, failures=0, objective=-16.7]


Random Search:: : 256it [00:05, 47.26it/s, failures=0, objective=-16.7]


Random Search:: : 257it [00:05, 47.26it/s, failures=0, objective=-16.7]


Random Search:: : 258it [00:05, 47.26it/s, failures=0, objective=-16.7]


Random Search:: : 259it [00:05, 47.26it/s, failures=0, objective=-16.7]


Random Search:: : 260it [00:05, 47.26it/s, failures=0, objective=-16.7]


Random Search:: : 261it [00:05, 47.26it/s, failures=0, objective=-16.7]


Random Search:: : 262it [00:05, 54.70it/s, failures=0, objective=-16.7]


Random Search:: : 262it [00:05, 54.70it/s, failures=0, objective=-16.7]


Random Search:: : 263it [00:05, 54.70it/s, failures=0, objective=-16.7]


Random Search:: : 264it [00:05, 54.70it/s, failures=0, objective=-16.7]


Random Search:: : 265it [00:05, 54.70it/s, failures=0, objective=-16.7]


Random Search:: : 266it [00:05, 54.70it/s, failures=0, objective=-16.7]


Random Search:: : 267it [00:05, 54.70it/s, failures=0, objective=-16.7]


Random Search:: : 268it [00:05, 54.11it/s, failures=0, objective=-16.7]


Random Search:: : 268it [00:05, 54.11it/s, failures=0, objective=-16.7]


Random Search:: : 269it [00:05, 54.11it/s, failures=0, objective=-16.7]


Random Search:: : 270it [00:05, 54.11it/s, failures=0, objective=-16.7]


Random Search:: : 271it [00:05, 54.11it/s, failures=0, objective=-16.7]


Random Search:: : 272it [00:05, 54.11it/s, failures=0, objective=-16.7]


Random Search:: : 273it [00:05, 54.11it/s, failures=0, objective=-16.7]


Random Search:: : 274it [00:05, 54.11it/s, failures=0, objective=-16.7]


Random Search:: : 275it [00:05, 48.21it/s, failures=0, objective=-16.7]


Random Search:: : 275it [00:05, 48.21it/s, failures=0, objective=-16.7]


Random Search:: : 276it [00:05, 48.21it/s, failures=0, objective=-16.7]


Random Search:: : 277it [00:05, 48.21it/s, failures=0, objective=-16.7]


Random Search:: : 278it [00:05, 48.21it/s, failures=0, objective=-16.7]


Random Search:: : 279it [00:05, 48.21it/s, failures=0, objective=-16.7]


Random Search:: : 280it [00:05, 48.21it/s, failures=0, objective=-16.7]


Random Search:: : 281it [00:05, 48.21it/s, failures=0, objective=-16.7]


Random Search:: : 282it [00:05, 48.43it/s, failures=0, objective=-16.7]


Random Search:: : 282it [00:05, 48.43it/s, failures=0, objective=-16.7]


Random Search:: : 283it [00:05, 48.43it/s, failures=0, objective=-16.7]


Random Search:: : 284it [00:05, 48.43it/s, failures=0, objective=-16.7]


Random Search:: : 285it [00:05, 48.43it/s, failures=0, objective=-16.7]


Random Search:: : 286it [00:05, 48.43it/s, failures=0, objective=-16.7]


Random Search:: : 287it [00:05, 48.43it/s, failures=0, objective=-16.7]


Random Search:: : 288it [00:06, 48.43it/s, failures=0, objective=-16.7]


Random Search:: : 289it [00:06, 48.43it/s, failures=0, objective=-16.7]


Random Search:: : 290it [00:06, 46.02it/s, failures=0, objective=-16.7]


Random Search:: : 290it [00:06, 46.02it/s, failures=0, objective=-16.7]


Random Search:: : 291it [00:06, 46.02it/s, failures=0, objective=-16.7]


Random Search:: : 292it [00:06, 46.02it/s, failures=0, objective=-16.7]


Random Search:: : 293it [00:06, 46.02it/s, failures=0, objective=-16.7]


Random Search:: : 294it [00:06, 46.02it/s, failures=0, objective=-16.7]


Random Search:: : 295it [00:06, 46.02it/s, failures=0, objective=-16.7]


Random Search:: : 296it [00:06, 47.17it/s, failures=0, objective=-16.7]


Random Search:: : 296it [00:06, 47.17it/s, failures=0, objective=-16.7]


Random Search:: : 297it [00:06, 47.17it/s, failures=0, objective=-16.7]


Random Search:: : 298it [00:06, 47.17it/s, failures=0, objective=-16.7]


Random Search:: : 299it [00:06, 47.17it/s, failures=0, objective=-16.7]


Random Search:: : 300it [00:06, 47.17it/s, failures=0, objective=-16.7]


Random Search:: : 301it [00:06, 47.17it/s, failures=0, objective=-16.7]


Random Search:: : 302it [00:06, 47.17it/s, failures=0, objective=-16.7]


Random Search:: : 303it [00:06, 49.94it/s, failures=0, objective=-16.7]


Random Search:: : 303it [00:06, 49.94it/s, failures=0, objective=-16.7]


Random Search:: : 304it [00:06, 49.94it/s, failures=0, objective=-16.7]


Random Search:: : 305it [00:06, 49.94it/s, failures=0, objective=-16.7]


Random Search:: : 306it [00:06, 49.94it/s, failures=0, objective=-16.7]


Random Search:: : 307it [00:06, 49.94it/s, failures=0, objective=-16.7]


Random Search:: : 308it [00:06, 49.94it/s, failures=0, objective=-16.7]


Random Search:: : 309it [00:06, 49.94it/s, failures=0, objective=-16.7]


Random Search:: : 310it [00:06, 49.94it/s, failures=0, objective=-16.7]


Random Search:: : 311it [00:06, 49.94it/s, failures=0, objective=-16.7]


Random Search:: : 312it [00:06, 58.99it/s, failures=0, objective=-16.7]


Random Search:: : 312it [00:06, 58.99it/s, failures=0, objective=-16.7]


Random Search:: : 313it [00:06, 58.99it/s, failures=0, objective=-16.7]


Random Search:: : 314it [00:06, 58.99it/s, failures=0, objective=-16.7]


Random Search:: : 315it [00:06, 58.99it/s, failures=0, objective=-16.7]


Random Search:: : 316it [00:06, 58.99it/s, failures=0, objective=-16.7]


Random Search:: : 317it [00:06, 58.99it/s, failures=0, objective=-16.7]


Random Search:: : 318it [00:06, 58.99it/s, failures=0, objective=-16.7]


Random Search:: : 319it [00:06, 46.82it/s, failures=0, objective=-16.7]


Random Search:: : 319it [00:06, 46.82it/s, failures=0, objective=-16.7]


Random Search:: : 320it [00:06, 46.82it/s, failures=0, objective=-16.7]


Random Search:: : 321it [00:06, 46.82it/s, failures=0, objective=-16.7]


Random Search:: : 322it [00:06, 46.82it/s, failures=0, objective=-16.7]


Random Search:: : 323it [00:06, 46.82it/s, failures=0, objective=-16.7]


Random Search:: : 324it [00:06, 46.82it/s, failures=0, objective=-16.7]


Random Search:: : 325it [00:06, 46.82it/s, failures=0, objective=-16.7]


Random Search:: : 326it [00:06, 46.82it/s, failures=0, objective=-16.7]


Random Search:: : 327it [00:06, 51.87it/s, failures=0, objective=-16.7]


Random Search:: : 327it [00:06, 51.87it/s, failures=0, objective=-16.7]


Random Search:: : 328it [00:06, 51.87it/s, failures=0, objective=-16.7]


Random Search:: : 329it [00:06, 51.87it/s, failures=0, objective=-16.7]


Random Search:: : 330it [00:06, 51.87it/s, failures=0, objective=-16.7]


Random Search:: : 331it [00:06, 51.87it/s, failures=0, objective=-16.7]


Random Search:: : 332it [00:06, 51.87it/s, failures=0, objective=-16.7]


Random Search:: : 333it [00:06, 53.61it/s, failures=0, objective=-16.7]


Random Search:: : 333it [00:06, 53.61it/s, failures=0, objective=-16.7]


Random Search:: : 334it [00:06, 53.61it/s, failures=0, objective=-16.7]


Random Search:: : 335it [00:06, 53.61it/s, failures=0, objective=-16.7]


Random Search:: : 336it [00:06, 53.61it/s, failures=0, objective=-16.7]


Random Search:: : 337it [00:06, 53.61it/s, failures=0, objective=-16.7]


Random Search:: : 338it [00:06, 53.61it/s, failures=0, objective=-16.7]


Random Search:: : 339it [00:07, 53.30it/s, failures=0, objective=-16.7]


Random Search:: : 339it [00:07, 53.30it/s, failures=0, objective=-16.7]


Random Search:: : 340it [00:07, 53.30it/s, failures=0, objective=-16.7]


Random Search:: : 341it [00:07, 53.30it/s, failures=0, objective=-16.7]


Random Search:: : 342it [00:07, 53.30it/s, failures=0, objective=-16.7]


Random Search:: : 343it [00:07, 53.30it/s, failures=0, objective=-16.7]


Random Search:: : 344it [00:07, 53.30it/s, failures=0, objective=-16.7]


Random Search:: : 345it [00:07, 45.95it/s, failures=0, objective=-16.7]


Random Search:: : 345it [00:07, 45.95it/s, failures=0, objective=-16.7]


Random Search:: : 346it [00:07, 45.95it/s, failures=0, objective=-16.7]


Random Search:: : 347it [00:07, 45.95it/s, failures=0, objective=-16.7]


Random Search:: : 348it [00:07, 45.95it/s, failures=0, objective=-16.7]


Random Search:: : 349it [00:07, 45.95it/s, failures=0, objective=-16.7]


Random Search:: : 350it [00:07, 45.95it/s, failures=0, objective=-16.7]


Random Search:: : 351it [00:07, 47.40it/s, failures=0, objective=-16.7]


Random Search:: : 351it [00:07, 47.40it/s, failures=0, objective=-16.7]


Random Search:: : 352it [00:07, 47.40it/s, failures=0, objective=-16.7]


Random Search:: : 353it [00:07, 47.40it/s, failures=0, objective=-16.7]


Random Search:: : 354it [00:07, 47.40it/s, failures=0, objective=-16.7]


Random Search:: : 355it [00:07, 47.40it/s, failures=0, objective=-16.7]


Random Search:: : 356it [00:07, 47.40it/s, failures=0, objective=-16.7]


Random Search:: : 357it [00:07, 48.99it/s, failures=0, objective=-16.7]


Random Search:: : 357it [00:07, 48.99it/s, failures=0, objective=-16.7]


Random Search:: : 358it [00:07, 48.99it/s, failures=0, objective=-16.7]


Random Search:: : 359it [00:07, 48.99it/s, failures=0, objective=-16.7]


Random Search:: : 360it [00:07, 48.99it/s, failures=0, objective=-16.7]


Random Search:: : 361it [00:07, 48.99it/s, failures=0, objective=-16.7]


Random Search:: : 362it [00:07, 48.99it/s, failures=0, objective=-16.7]


Random Search:: : 363it [00:07, 48.99it/s, failures=0, objective=-16.7]


Random Search:: : 364it [00:07, 47.03it/s, failures=0, objective=-16.7]


Random Search:: : 364it [00:07, 47.03it/s, failures=0, objective=-16.7]


Random Search:: : 365it [00:07, 47.03it/s, failures=0, objective=-16.7]


Random Search:: : 366it [00:07, 47.03it/s, failures=0, objective=-16.7]


Random Search:: : 367it [00:07, 47.03it/s, failures=0, objective=-16.7]


Random Search:: : 368it [00:07, 47.03it/s, failures=0, objective=-16.7]


Random Search:: : 369it [00:07, 45.31it/s, failures=0, objective=-16.7]


Random Search:: : 369it [00:07, 45.31it/s, failures=0, objective=-16.7]


Random Search:: : 370it [00:07, 45.31it/s, failures=0, objective=-16.7]


Random Search:: : 371it [00:07, 45.31it/s, failures=0, objective=-16.7]


Random Search:: : 372it [00:07, 45.31it/s, failures=0, objective=-16.7]


Random Search:: : 373it [00:07, 45.31it/s, failures=0, objective=-16.7]


Random Search:: : 374it [00:07, 45.31it/s, failures=0, objective=-16.7]


Random Search:: : 375it [00:07, 45.31it/s, failures=0, objective=-16.7]


Random Search:: : 376it [00:07, 45.31it/s, failures=0, objective=-16.7]


Random Search:: : 377it [00:07, 53.44it/s, failures=0, objective=-16.7]


Random Search:: : 377it [00:07, 53.44it/s, failures=0, objective=-16.7]


Random Search:: : 378it [00:07, 53.44it/s, failures=0, objective=-16.7]


Random Search:: : 379it [00:07, 53.44it/s, failures=0, objective=-16.7]


Random Search:: : 380it [00:07, 53.44it/s, failures=0, objective=-16.7]


Random Search:: : 381it [00:07, 53.44it/s, failures=0, objective=-16.7]


Random Search:: : 382it [00:07, 53.44it/s, failures=0, objective=-16.7]


Random Search:: : 383it [00:07, 53.32it/s, failures=0, objective=-16.7]


Random Search:: : 383it [00:07, 53.32it/s, failures=0, objective=-16.7]


Random Search:: : 384it [00:07, 53.32it/s, failures=0, objective=-16.7]


Random Search:: : 385it [00:07, 53.32it/s, failures=0, objective=-16.7]


Random Search:: : 386it [00:07, 53.32it/s, failures=0, objective=-16.7]


Random Search:: : 387it [00:07, 53.32it/s, failures=0, objective=-16.7]


Random Search:: : 388it [00:08, 53.32it/s, failures=0, objective=-16.7]


Random Search:: : 389it [00:08, 43.36it/s, failures=0, objective=-16.7]


Random Search:: : 389it [00:08, 43.36it/s, failures=0, objective=-16.7]


Random Search:: : 390it [00:08, 43.36it/s, failures=0, objective=-16.7]


Random Search:: : 391it [00:08, 43.36it/s, failures=0, objective=-16.7]


Random Search:: : 392it [00:08, 43.36it/s, failures=0, objective=-16.7]


Random Search:: : 393it [00:08, 43.36it/s, failures=0, objective=-16.7]


Random Search:: : 394it [00:08, 43.36it/s, failures=0, objective=-16.7]


Random Search:: : 395it [00:08, 43.36it/s, failures=0, objective=-16.7]


Random Search:: : 396it [00:08, 43.36it/s, failures=0, objective=-16.7]


Random Search:: : 397it [00:08, 47.99it/s, failures=0, objective=-16.7]


Random Search:: : 397it [00:08, 47.99it/s, failures=0, objective=-16.7]


Random Search:: : 398it [00:08, 47.99it/s, failures=0, objective=-16.7]


Random Search:: : 399it [00:08, 47.99it/s, failures=0, objective=-16.7]


Random Search:: : 400it [00:08, 47.99it/s, failures=0, objective=-16.7]


Random Search:: : 401it [00:08, 47.99it/s, failures=0, objective=-16.7]


Random Search:: : 402it [00:08, 47.99it/s, failures=0, objective=-16.7]


Random Search:: : 403it [00:08, 46.46it/s, failures=0, objective=-16.7]


Random Search:: : 403it [00:08, 46.46it/s, failures=0, objective=-16.7]


Random Search:: : 404it [00:08, 46.46it/s, failures=0, objective=-16.7]


Random Search:: : 405it [00:08, 46.46it/s, failures=0, objective=-13.8]


Random Search:: : 406it [00:08, 46.46it/s, failures=0, objective=-13.8]


Random Search:: : 407it [00:08, 46.46it/s, failures=0, objective=-13.8]


Random Search:: : 408it [00:08, 46.46it/s, failures=0, objective=-13.8]


Random Search:: : 409it [00:08, 45.06it/s, failures=0, objective=-13.8]


Random Search:: : 409it [00:08, 45.06it/s, failures=0, objective=-13.8]


Random Search:: : 410it [00:08, 45.06it/s, failures=0, objective=-13.8]


Random Search:: : 411it [00:08, 45.06it/s, failures=0, objective=-13.8]


Random Search:: : 412it [00:08, 45.06it/s, failures=0, objective=-13.8]


Random Search:: : 413it [00:08, 45.06it/s, failures=0, objective=-13.8]


Random Search:: : 414it [00:08, 45.06it/s, failures=0, objective=-13.8]


Random Search:: : 415it [00:08, 45.06it/s, failures=0, objective=-13.8]


Random Search:: : 416it [00:08, 45.06it/s, failures=0, objective=-13.8]


Random Search:: : 417it [00:08, 45.06it/s, failures=0, objective=-13.8]


Random Search:: : 418it [00:08, 45.06it/s, failures=0, objective=-13.8]


Random Search:: : 419it [00:08, 55.79it/s, failures=0, objective=-13.8]


Random Search:: : 419it [00:08, 55.79it/s, failures=0, objective=-13.8]


Random Search:: : 420it [00:08, 55.79it/s, failures=0, objective=-13.8]


Random Search:: : 421it [00:08, 55.79it/s, failures=0, objective=-13.8]


Random Search:: : 422it [00:08, 55.79it/s, failures=0, objective=-13.8]


Random Search:: : 423it [00:08, 55.79it/s, failures=0, objective=-13.8]


Random Search:: : 424it [00:08, 55.79it/s, failures=0, objective=-13.8]


Random Search:: : 425it [00:08, 55.79it/s, failures=0, objective=-13.8]


Random Search:: : 426it [00:08, 55.79it/s, failures=0, objective=-13.8]


Random Search:: : 427it [00:08, 55.79it/s, failures=0, objective=-13.8]


Random Search:: : 428it [00:08, 50.66it/s, failures=0, objective=-13.8]


Random Search:: : 428it [00:08, 50.66it/s, failures=0, objective=-13.8]


Random Search:: : 429it [00:08, 50.66it/s, failures=0, objective=-13.8]


Random Search:: : 430it [00:08, 50.66it/s, failures=0, objective=-13.8]


Random Search:: : 431it [00:08, 50.66it/s, failures=0, objective=-13.8]


Random Search:: : 432it [00:08, 50.66it/s, failures=0, objective=-13.8]


Random Search:: : 433it [00:08, 50.66it/s, failures=0, objective=-13.8]


Random Search:: : 434it [00:08, 52.66it/s, failures=0, objective=-13.8]


Random Search:: : 434it [00:08, 52.66it/s, failures=0, objective=-13.8]


Random Search:: : 435it [00:08, 52.66it/s, failures=0, objective=-13.8]


Random Search:: : 436it [00:08, 52.66it/s, failures=0, objective=-13.8]


Random Search:: : 437it [00:09, 52.66it/s, failures=0, objective=-13.8]


Random Search:: : 438it [00:09, 52.66it/s, failures=0, objective=-13.8]


Random Search:: : 439it [00:09, 52.66it/s, failures=0, objective=-13.8]


Random Search:: : 440it [00:09, 52.66it/s, failures=0, objective=-13.8]


Random Search:: : 441it [00:09, 52.66it/s, failures=0, objective=-13.8]


Random Search:: : 442it [00:09, 59.00it/s, failures=0, objective=-13.8]


Random Search:: : 442it [00:09, 59.00it/s, failures=0, objective=-13.8]


Random Search:: : 443it [00:09, 59.00it/s, failures=0, objective=-13.8]


Random Search:: : 444it [00:09, 59.00it/s, failures=0, objective=-13.8]


Random Search:: : 445it [00:09, 59.00it/s, failures=0, objective=-13.8]


Random Search:: : 446it [00:09, 59.00it/s, failures=0, objective=-13.8]


Random Search:: : 447it [00:09, 59.00it/s, failures=0, objective=-13.8]


Random Search:: : 448it [00:09, 59.00it/s, failures=0, objective=-13.8]


Random Search:: : 449it [00:09, 60.21it/s, failures=0, objective=-13.8]


Random Search:: : 449it [00:09, 60.21it/s, failures=0, objective=-13.8]


Random Search:: : 450it [00:09, 60.21it/s, failures=0, objective=-13.8]


Random Search:: : 451it [00:09, 60.21it/s, failures=0, objective=-13.8]


Random Search:: : 452it [00:09, 60.21it/s, failures=0, objective=-13.8]


Random Search:: : 453it [00:09, 60.21it/s, failures=0, objective=-13.8]


Random Search:: : 454it [00:09, 60.21it/s, failures=0, objective=-13.8]


Random Search:: : 455it [00:09, 60.21it/s, failures=0, objective=-13.8]


Random Search:: : 456it [00:09, 62.56it/s, failures=0, objective=-13.8]


Random Search:: : 456it [00:09, 62.56it/s, failures=0, objective=-13.8]


Random Search:: : 457it [00:09, 62.56it/s, failures=0, objective=-13.8]


Random Search:: : 458it [00:09, 62.56it/s, failures=0, objective=-13.8]


Random Search:: : 459it [00:09, 62.56it/s, failures=0, objective=-13.8]


Random Search:: : 460it [00:09, 62.56it/s, failures=0, objective=-13.8]


Random Search:: : 461it [00:09, 62.56it/s, failures=0, objective=-13.8]


Random Search:: : 462it [00:09, 62.56it/s, failures=0, objective=-13.8]


Random Search:: : 463it [00:09, 55.99it/s, failures=0, objective=-13.8]


Random Search:: : 463it [00:09, 55.99it/s, failures=0, objective=-13.8]


Random Search:: : 464it [00:09, 55.99it/s, failures=0, objective=-13.8]


Random Search:: : 465it [00:09, 55.99it/s, failures=0, objective=-13.8]


Random Search:: : 466it [00:09, 55.99it/s, failures=0, objective=-13.8]


Random Search:: : 467it [00:09, 55.99it/s, failures=0, objective=-13.8]


Random Search:: : 468it [00:09, 55.99it/s, failures=0, objective=-13.8]


Random Search:: : 469it [00:09, 50.98it/s, failures=0, objective=-13.8]


Random Search:: : 469it [00:09, 50.98it/s, failures=0, objective=-13.8]


Random Search:: : 470it [00:09, 50.98it/s, failures=0, objective=-13.8]


Random Search:: : 471it [00:09, 50.98it/s, failures=0, objective=-13.8]


Random Search:: : 472it [00:09, 50.98it/s, failures=0, objective=-13.8]


Random Search:: : 473it [00:09, 50.98it/s, failures=0, objective=-13.8]


Random Search:: : 474it [00:09, 50.98it/s, failures=0, objective=-13.8]


Random Search:: : 475it [00:09, 41.35it/s, failures=0, objective=-13.8]


Random Search:: : 475it [00:09, 41.35it/s, failures=0, objective=-13.8]


Random Search:: : 476it [00:09, 41.35it/s, failures=0, objective=-13.8]


Random Search:: : 477it [00:09, 41.35it/s, failures=0, objective=-13.8]


Random Search:: : 478it [00:09, 41.35it/s, failures=0, objective=-13.8]


Random Search:: : 479it [00:09, 41.35it/s, failures=0, objective=-13.8]


Random Search:: : 480it [00:09, 41.35it/s, failures=0, objective=-13.8]


Random Search:: : 481it [00:09, 41.35it/s, failures=0, objective=-13.8]


Random Search:: : 482it [00:09, 41.35it/s, failures=0, objective=-13.8]


Random Search:: : 483it [00:09, 41.35it/s, failures=0, objective=-13.8]


Random Search:: : 484it [00:09, 41.35it/s, failures=0, objective=-13.8]


Random Search:: : 485it [00:09, 49.48it/s, failures=0, objective=-13.8]


Random Search:: : 485it [00:09, 49.48it/s, failures=0, objective=-13.8]


Random Search:: : 486it [00:09, 49.48it/s, failures=0, objective=-13.8]


Random Search:: : 487it [00:09, 49.48it/s, failures=0, objective=-13.8]


Random Search:: : 488it [00:09, 49.48it/s, failures=0, objective=-13.8]


Random Search:: : 489it [00:10, 49.48it/s, failures=0, objective=-13.8]


Random Search:: : 490it [00:10, 49.48it/s, failures=0, objective=-13.8]


Random Search:: : 491it [00:10, 46.25it/s, failures=0, objective=-13.8]


Random Search:: : 491it [00:10, 46.25it/s, failures=0, objective=-13.8]


Random Search:: : 492it [00:10, 46.25it/s, failures=0, objective=-13.8]


Random Search:: : 493it [00:10, 46.25it/s, failures=0, objective=-13.8]


Random Search:: : 494it [00:10, 46.25it/s, failures=0, objective=-13.8]


Random Search:: : 495it [00:10, 46.25it/s, failures=0, objective=-13.8]


Random Search:: : 496it [00:10, 46.25it/s, failures=0, objective=-13.8]


Random Search:: : 497it [00:10, 47.54it/s, failures=0, objective=-13.8]


Random Search:: : 497it [00:10, 47.54it/s, failures=0, objective=-13.8]


Random Search:: : 498it [00:10, 47.54it/s, failures=0, objective=-13.8]


Random Search:: : 499it [00:10, 47.54it/s, failures=0, objective=-13.8]


Random Search:: : 500it [00:10, 47.54it/s, failures=0, objective=-13.8]


Random Search:: : 501it [00:10, 47.54it/s, failures=0, objective=-13.8]


Random Search:: : 502it [00:10, 47.54it/s, failures=0, objective=-13.8]


Random Search:: : 503it [00:10, 47.54it/s, failures=0, objective=-13.8]


Random Search:: : 504it [00:10, 47.69it/s, failures=0, objective=-13.8]


Random Search:: : 504it [00:10, 47.69it/s, failures=0, objective=-13.8]


Random Search:: : 505it [00:10, 47.69it/s, failures=0, objective=-13.8]


Random Search:: : 506it [00:10, 47.69it/s, failures=0, objective=-13.8]


Random Search:: : 507it [00:10, 47.69it/s, failures=0, objective=-13.8]


Random Search:: : 508it [00:10, 47.69it/s, failures=0, objective=-13.8]


Random Search:: : 509it [00:10, 47.69it/s, failures=0, objective=-13.8]


Random Search:: : 510it [00:10, 47.69it/s, failures=0, objective=-13.8]


Random Search:: : 511it [00:10, 47.69it/s, failures=0, objective=-13.8]


Random Search:: : 512it [00:10, 47.69it/s, failures=0, objective=-13.8]


Random Search:: : 513it [00:10, 47.69it/s, failures=0, objective=-13.8]


Random Search:: : 514it [00:10, 47.69it/s, failures=0, objective=-13.8]


Random Search:: : 515it [00:10, 47.69it/s, failures=0, objective=-13.8]


Random Search:: : 516it [00:10, 58.39it/s, failures=0, objective=-13.8]


Random Search:: : 516it [00:10, 58.39it/s, failures=0, objective=-13.8]


Random Search:: : 517it [00:10, 58.39it/s, failures=0, objective=-13.8]


Random Search:: : 518it [00:10, 58.39it/s, failures=0, objective=-13.8]


Random Search:: : 519it [00:10, 58.39it/s, failures=0, objective=-13.8]


Random Search:: : 520it [00:10, 58.39it/s, failures=0, objective=-13.8]


Random Search:: : 521it [00:10, 58.39it/s, failures=0, objective=-13.8]


Random Search:: : 522it [00:10, 42.77it/s, failures=0, objective=-13.8]


Random Search:: : 522it [00:10, 42.77it/s, failures=0, objective=-13.8]


Random Search:: : 523it [00:10, 42.77it/s, failures=0, objective=-13.8]


Random Search:: : 524it [00:10, 42.77it/s, failures=0, objective=-13.8]


Random Search:: : 525it [00:10, 42.77it/s, failures=0, objective=-13.8]


Random Search:: : 526it [00:10, 42.77it/s, failures=0, objective=-13.8]


Random Search:: : 527it [00:10, 41.33it/s, failures=0, objective=-13.8]


Random Search:: : 527it [00:10, 41.33it/s, failures=0, objective=-13.8]


Random Search:: : 528it [00:10, 41.33it/s, failures=0, objective=-13.8]


Random Search:: : 529it [00:10, 41.33it/s, failures=0, objective=-13.8]


Random Search:: : 530it [00:10, 41.33it/s, failures=0, objective=-13.8]


Random Search:: : 531it [00:10, 41.33it/s, failures=0, objective=-13.8]


Random Search:: : 532it [00:10, 41.33it/s, failures=0, objective=-13.8]


Random Search:: : 533it [00:10, 41.33it/s, failures=0, objective=-13.8]


Random Search:: : 534it [00:11, 44.24it/s, failures=0, objective=-13.8]


Random Search:: : 534it [00:11, 44.24it/s, failures=0, objective=-13.8]


Random Search:: : 535it [00:11, 44.24it/s, failures=0, objective=-13.8]


Random Search:: : 536it [00:11, 44.24it/s, failures=0, objective=-13.8]


Random Search:: : 537it [00:11, 44.24it/s, failures=0, objective=-13.8]


Random Search:: : 538it [00:11, 44.24it/s, failures=0, objective=-13.8]


Random Search:: : 539it [00:11, 43.34it/s, failures=0, objective=-13.8]


Random Search:: : 539it [00:11, 43.34it/s, failures=0, objective=-13.8]


Random Search:: : 540it [00:11, 43.34it/s, failures=0, objective=-13.8]


Random Search:: : 541it [00:11, 43.34it/s, failures=0, objective=-13.8]


Random Search:: : 542it [00:11, 43.34it/s, failures=0, objective=-13.8]


Random Search:: : 543it [00:11, 43.34it/s, failures=0, objective=-13.8]


Random Search:: : 544it [00:11, 43.34it/s, failures=0, objective=-13.8]


Random Search:: : 545it [00:11, 43.34it/s, failures=0, objective=-13.8]


Random Search:: : 546it [00:11, 43.34it/s, failures=0, objective=-13.8]


Random Search:: : 547it [00:11, 43.34it/s, failures=0, objective=-13.8]


Random Search:: : 548it [00:11, 53.87it/s, failures=0, objective=-13.8]


Random Search:: : 548it [00:11, 53.87it/s, failures=0, objective=-13.8]


Random Search:: : 549it [00:11, 53.87it/s, failures=0, objective=-13.8]


Random Search:: : 550it [00:11, 53.87it/s, failures=0, objective=-13.8]


Random Search:: : 551it [00:11, 53.87it/s, failures=0, objective=-13.8]


Random Search:: : 552it [00:11, 53.87it/s, failures=0, objective=-13.8]


Random Search:: : 553it [00:11, 53.87it/s, failures=0, objective=-13.8]


Random Search:: : 554it [00:11, 53.23it/s, failures=0, objective=-13.8]


Random Search:: : 554it [00:11, 53.23it/s, failures=0, objective=-13.8]


Random Search:: : 555it [00:11, 53.23it/s, failures=0, objective=-13.8]


Random Search:: : 556it [00:11, 53.23it/s, failures=0, objective=-13.8]


Random Search:: : 557it [00:11, 53.23it/s, failures=0, objective=-13.8]


Random Search:: : 558it [00:11, 53.23it/s, failures=0, objective=-13.8]


Random Search:: : 559it [00:11, 53.23it/s, failures=0, objective=-13.8]


Random Search:: : 560it [00:11, 53.23it/s, failures=0, objective=-13.8]


Random Search:: : 561it [00:11, 56.93it/s, failures=0, objective=-13.8]


Random Search:: : 561it [00:11, 56.93it/s, failures=0, objective=-13.8]


Random Search:: : 562it [00:11, 56.93it/s, failures=0, objective=-13.8]


Random Search:: : 563it [00:11, 56.93it/s, failures=0, objective=-13.8]


Random Search:: : 564it [00:11, 56.93it/s, failures=0, objective=-13.8]


Random Search:: : 565it [00:11, 56.93it/s, failures=0, objective=-13.8]


Random Search:: : 566it [00:11, 56.93it/s, failures=0, objective=-13.8]


Random Search:: : 567it [00:11, 56.95it/s, failures=0, objective=-13.8]


Random Search:: : 567it [00:11, 56.95it/s, failures=0, objective=-13.8]


Random Search:: : 568it [00:11, 56.95it/s, failures=0, objective=-13.8]


Random Search:: : 569it [00:11, 56.95it/s, failures=0, objective=-13.8]


Random Search:: : 570it [00:11, 56.95it/s, failures=0, objective=-13.8]


Random Search:: : 571it [00:11, 56.95it/s, failures=0, objective=-13.8]


Random Search:: : 572it [00:11, 56.95it/s, failures=0, objective=-13.8]


Random Search:: : 573it [00:11, 56.95it/s, failures=0, objective=-13.8]


Random Search:: : 574it [00:11, 59.81it/s, failures=0, objective=-13.8]


Random Search:: : 574it [00:11, 59.81it/s, failures=0, objective=-13.8]


Random Search:: : 575it [00:11, 59.81it/s, failures=0, objective=-13.8]


Random Search:: : 576it [00:11, 59.81it/s, failures=0, objective=-13.8]


Random Search:: : 577it [00:11, 59.81it/s, failures=0, objective=-13.8]


Random Search:: : 578it [00:11, 59.81it/s, failures=0, objective=-13.8]


Random Search:: : 579it [00:11, 59.81it/s, failures=0, objective=-13.8]


Random Search:: : 580it [00:11, 59.81it/s, failures=0, objective=-13.8]


Random Search:: : 581it [00:11, 59.81it/s, failures=0, objective=-13.8]


Random Search:: : 582it [00:11, 65.17it/s, failures=0, objective=-13.8]


Random Search:: : 582it [00:11, 65.17it/s, failures=0, objective=-13.8]


Random Search:: : 583it [00:11, 65.17it/s, failures=0, objective=-13.8]


Random Search:: : 584it [00:11, 65.17it/s, failures=0, objective=-13.8]


Random Search:: : 585it [00:11, 65.17it/s, failures=0, objective=-13.8]


Random Search:: : 586it [00:11, 65.17it/s, failures=0, objective=-13.8]


Random Search:: : 587it [00:11, 65.17it/s, failures=0, objective=-13.8]


Random Search:: : 588it [00:11, 65.17it/s, failures=0, objective=-13.8]


Random Search:: : 589it [00:11, 57.66it/s, failures=0, objective=-13.8]


Random Search:: : 589it [00:11, 57.66it/s, failures=0, objective=-13.8]


Random Search:: : 590it [00:11, 57.66it/s, failures=0, objective=-13.8]


Random Search:: : 591it [00:11, 57.66it/s, failures=0, objective=-13.8]


Random Search:: : 592it [00:12, 57.66it/s, failures=0, objective=-13.8]


Random Search:: : 593it [00:12, 57.66it/s, failures=0, objective=-13.8]


Random Search:: : 594it [00:12, 57.66it/s, failures=0, objective=-13.8]


Random Search:: : 595it [00:12, 57.66it/s, failures=0, objective=-13.8]


Random Search:: : 596it [00:12, 51.30it/s, failures=0, objective=-13.8]


Random Search:: : 596it [00:12, 51.30it/s, failures=0, objective=-13.8]


Random Search:: : 597it [00:12, 51.30it/s, failures=0, objective=-13.8]


Random Search:: : 598it [00:12, 51.30it/s, failures=0, objective=-13.8]


Random Search:: : 599it [00:12, 51.30it/s, failures=0, objective=-13.8]


Random Search:: : 600it [00:12, 51.30it/s, failures=0, objective=-13.8]


Random Search:: : 601it [00:12, 51.30it/s, failures=0, objective=-13.8]


Random Search:: : 602it [00:12, 51.30it/s, failures=0, objective=-13.8]


Random Search:: : 603it [00:12, 51.30it/s, failures=0, objective=-13.8]


Random Search:: : 604it [00:12, 57.27it/s, failures=0, objective=-13.8]


Random Search:: : 604it [00:12, 57.27it/s, failures=0, objective=-13.8]


Random Search:: : 605it [00:12, 57.27it/s, failures=0, objective=-13.8]


Random Search:: : 606it [00:12, 57.27it/s, failures=0, objective=-13.8]


Random Search:: : 607it [00:12, 57.27it/s, failures=0, objective=-13.8]


Random Search:: : 608it [00:12, 57.27it/s, failures=0, objective=-13.8]


Random Search:: : 609it [00:12, 57.27it/s, failures=0, objective=-13.8]


Random Search:: : 610it [00:12, 57.27it/s, failures=0, objective=-13.8]


Random Search:: : 611it [00:12, 53.04it/s, failures=0, objective=-13.8]


Random Search:: : 611it [00:12, 53.04it/s, failures=0, objective=-13.8]


Random Search:: : 612it [00:12, 53.04it/s, failures=0, objective=-13.8]


Random Search:: : 613it [00:12, 53.04it/s, failures=0, objective=-13.8]


Random Search:: : 614it [00:12, 53.04it/s, failures=0, objective=-13.8]


Random Search:: : 615it [00:12, 53.04it/s, failures=0, objective=-13.8]


Random Search:: : 616it [00:12, 53.04it/s, failures=0, objective=-13.8]


Random Search:: : 617it [00:12, 48.61it/s, failures=0, objective=-13.8]


Random Search:: : 617it [00:12, 48.61it/s, failures=0, objective=-13.8]


Random Search:: : 618it [00:12, 48.61it/s, failures=0, objective=-13.8]


Random Search:: : 619it [00:12, 48.61it/s, failures=0, objective=-13.8]


Random Search:: : 620it [00:12, 48.61it/s, failures=0, objective=-13.8]


Random Search:: : 621it [00:12, 48.61it/s, failures=0, objective=-13.8]


Random Search:: : 622it [00:12, 48.61it/s, failures=0, objective=-13.8]


Random Search:: : 623it [00:12, 38.11it/s, failures=0, objective=-13.8]


Random Search:: : 623it [00:12, 38.11it/s, failures=0, objective=-13.8]


Random Search:: : 624it [00:12, 38.11it/s, failures=0, objective=-13.8]


Random Search:: : 625it [00:12, 38.11it/s, failures=0, objective=-13.8]


Random Search:: : 626it [00:12, 38.11it/s, failures=0, objective=-13.8]


Random Search:: : 627it [00:12, 38.11it/s, failures=0, objective=-13.8]


Random Search:: : 628it [00:12, 38.11it/s, failures=0, objective=-13.8]


Random Search:: : 629it [00:12, 38.11it/s, failures=0, objective=-13.8]


Random Search:: : 630it [00:12, 38.11it/s, failures=0, objective=-13.8]


Random Search:: : 631it [00:12, 38.11it/s, failures=0, objective=-13.8]


Random Search:: : 632it [00:12, 46.84it/s, failures=0, objective=-13.8]


Random Search:: : 632it [00:12, 46.84it/s, failures=0, objective=-13.8]


Random Search:: : 633it [00:12, 46.84it/s, failures=0, objective=-13.8]


Random Search:: : 634it [00:12, 46.84it/s, failures=0, objective=-13.8]


Random Search:: : 635it [00:12, 46.84it/s, failures=0, objective=-13.8]


Random Search:: : 636it [00:12, 46.84it/s, failures=0, objective=-13.8]


Random Search:: : 637it [00:12, 46.84it/s, failures=0, objective=-13.8]


Random Search:: : 638it [00:13, 49.29it/s, failures=0, objective=-13.8]


Random Search:: : 638it [00:13, 49.29it/s, failures=0, objective=-13.8]


Random Search:: : 639it [00:13, 49.29it/s, failures=0, objective=-13.8]


Random Search:: : 640it [00:13, 49.29it/s, failures=0, objective=-13.8]


Random Search:: : 641it [00:13, 49.29it/s, failures=0, objective=-13.8]


Random Search:: : 642it [00:13, 49.29it/s, failures=0, objective=-13.8]


Random Search:: : 643it [00:13, 49.29it/s, failures=0, objective=-13.8]


Random Search:: : 644it [00:13, 50.79it/s, failures=0, objective=-13.8]


Random Search:: : 644it [00:13, 50.79it/s, failures=0, objective=-13.8]


Random Search:: : 645it [00:13, 50.79it/s, failures=0, objective=-13.8]


Random Search:: : 646it [00:13, 50.79it/s, failures=0, objective=-13.8]


Random Search:: : 647it [00:13, 50.79it/s, failures=0, objective=-13.8]


Random Search:: : 648it [00:13, 50.79it/s, failures=0, objective=-13.8]


Random Search:: : 649it [00:13, 50.79it/s, failures=0, objective=-13.8]


Random Search:: : 650it [00:13, 51.78it/s, failures=0, objective=-13.8]


Random Search:: : 650it [00:13, 51.78it/s, failures=0, objective=-13.8]


Random Search:: : 651it [00:13, 51.78it/s, failures=0, objective=-13.8]


Random Search:: : 652it [00:13, 51.78it/s, failures=0, objective=-13.8]


Random Search:: : 653it [00:13, 51.78it/s, failures=0, objective=-13.8]


Random Search:: : 654it [00:13, 51.78it/s, failures=0, objective=-13.8]


Random Search:: : 655it [00:13, 51.78it/s, failures=0, objective=-13.8]


Random Search:: : 656it [00:13, 51.78it/s, failures=0, objective=-13.8]


Random Search:: : 657it [00:13, 51.78it/s, failures=0, objective=-13.8]


Random Search:: : 658it [00:13, 55.94it/s, failures=0, objective=-13.8]


Random Search:: : 658it [00:13, 55.94it/s, failures=0, objective=-13.8]


Random Search:: : 659it [00:13, 55.94it/s, failures=0, objective=-13.8]


Random Search:: : 660it [00:13, 55.94it/s, failures=0, objective=-13.8]


Random Search:: : 661it [00:13, 55.94it/s, failures=0, objective=-13.8]


Random Search:: : 662it [00:13, 55.94it/s, failures=0, objective=-13.8]


Random Search:: : 663it [00:13, 55.94it/s, failures=0, objective=-13.8]


Random Search:: : 664it [00:13, 52.23it/s, failures=0, objective=-13.8]


Random Search:: : 664it [00:13, 52.23it/s, failures=0, objective=-13.8]


Random Search:: : 665it [00:13, 52.23it/s, failures=0, objective=-13.8]


Random Search:: : 666it [00:13, 52.23it/s, failures=0, objective=-13.8]


Random Search:: : 667it [00:13, 52.23it/s, failures=0, objective=-13.8]


Random Search:: : 668it [00:13, 52.23it/s, failures=0, objective=-13.8]


Random Search:: : 669it [00:13, 52.23it/s, failures=0, objective=-13.8]


Random Search:: : 670it [00:13, 52.23it/s, failures=0, objective=-13.8]


Random Search:: : 671it [00:13, 54.64it/s, failures=0, objective=-13.8]


Random Search:: : 671it [00:13, 54.64it/s, failures=0, objective=-13.8]


Random Search:: : 672it [00:13, 54.64it/s, failures=0, objective=-13.8]


Random Search:: : 673it [00:13, 54.64it/s, failures=0, objective=-13.8]


Random Search:: : 674it [00:13, 54.64it/s, failures=0, objective=-13.8]


Random Search:: : 675it [00:13, 54.64it/s, failures=0, objective=-13.8]


Random Search:: : 676it [00:13, 54.64it/s, failures=0, objective=-13.8]


Random Search:: : 677it [00:13, 54.43it/s, failures=0, objective=-13.8]


Random Search:: : 677it [00:13, 54.43it/s, failures=0, objective=-13.8]


Random Search:: : 678it [00:13, 54.43it/s, failures=0, objective=-13.8]


Random Search:: : 679it [00:13, 54.43it/s, failures=0, objective=-13.8]


Random Search:: : 680it [00:13, 54.43it/s, failures=0, objective=-13.8]


Random Search:: : 681it [00:13, 54.43it/s, failures=0, objective=-13.8]


Random Search:: : 682it [00:13, 54.43it/s, failures=0, objective=-13.8]


Random Search:: : 683it [00:13, 54.43it/s, failures=0, objective=-13.8]


Random Search:: : 684it [00:13, 57.61it/s, failures=0, objective=-13.8]


Random Search:: : 684it [00:13, 57.61it/s, failures=0, objective=-13.8]


Random Search:: : 685it [00:13, 57.61it/s, failures=0, objective=-13.8]


Random Search:: : 686it [00:13, 57.61it/s, failures=0, objective=-13.8]


Random Search:: : 687it [00:13, 57.61it/s, failures=0, objective=-13.8]


Random Search:: : 688it [00:13, 57.61it/s, failures=0, objective=-13.8]


Random Search:: : 689it [00:13, 57.61it/s, failures=0, objective=-13.8]


Random Search:: : 690it [00:13, 56.87it/s, failures=0, objective=-13.8]


Random Search:: : 690it [00:13, 56.87it/s, failures=0, objective=-13.8]


Random Search:: : 691it [00:13, 56.87it/s, failures=0, objective=-13.8]


Random Search:: : 692it [00:14, 56.87it/s, failures=0, objective=-13.8]


Random Search:: : 693it [00:14, 56.87it/s, failures=0, objective=-13.8]


Random Search:: : 694it [00:14, 56.87it/s, failures=0, objective=-13.8]


Random Search:: : 695it [00:14, 56.87it/s, failures=0, objective=-13.8]


Random Search:: : 696it [00:14, 53.36it/s, failures=0, objective=-13.8]


Random Search:: : 696it [00:14, 53.36it/s, failures=0, objective=-13.8]


Random Search:: : 697it [00:14, 53.36it/s, failures=0, objective=-13.8]


Random Search:: : 698it [00:14, 53.36it/s, failures=0, objective=-13.8]


Random Search:: : 699it [00:14, 53.36it/s, failures=0, objective=-13.8]


Random Search:: : 700it [00:14, 53.36it/s, failures=0, objective=-13.8]


Random Search:: : 701it [00:14, 53.36it/s, failures=0, objective=-13.8]


Random Search:: : 702it [00:14, 47.87it/s, failures=0, objective=-13.8]


Random Search:: : 702it [00:14, 47.87it/s, failures=0, objective=-13.8]


Random Search:: : 703it [00:14, 47.87it/s, failures=0, objective=-13.8]


Random Search:: : 704it [00:14, 47.87it/s, failures=0, objective=-13.8]


Random Search:: : 705it [00:14, 47.87it/s, failures=0, objective=-13.8]


Random Search:: : 706it [00:14, 47.87it/s, failures=0, objective=-13.8]


Random Search:: : 707it [00:14, 47.87it/s, failures=0, objective=-13.8]


Random Search:: : 708it [00:14, 47.87it/s, failures=0, objective=-13.8]


Random Search:: : 709it [00:14, 52.51it/s, failures=0, objective=-13.8]


Random Search:: : 709it [00:14, 52.51it/s, failures=0, objective=-13.8]


Random Search:: : 710it [00:14, 52.51it/s, failures=0, objective=-13.8]


Random Search:: : 711it [00:14, 52.51it/s, failures=0, objective=-13.8]


Random Search:: : 712it [00:14, 52.51it/s, failures=0, objective=-13.8]


Random Search:: : 713it [00:14, 52.51it/s, failures=0, objective=-13.8]


Random Search:: : 714it [00:14, 52.51it/s, failures=0, objective=-13.8]


Random Search:: : 715it [00:14, 51.74it/s, failures=0, objective=-13.8]


Random Search:: : 715it [00:14, 51.74it/s, failures=0, objective=-13.8]


Random Search:: : 716it [00:14, 51.74it/s, failures=0, objective=-13.8]


Random Search:: : 717it [00:14, 51.74it/s, failures=0, objective=-13.8]


Random Search:: : 718it [00:14, 51.74it/s, failures=0, objective=-13.8]


Random Search:: : 719it [00:14, 51.74it/s, failures=0, objective=-13.8]


Random Search:: : 720it [00:14, 51.74it/s, failures=0, objective=-13.8]


Random Search:: : 721it [00:14, 51.69it/s, failures=0, objective=-13.8]


Random Search:: : 721it [00:14, 51.69it/s, failures=0, objective=-13.8]


Random Search:: : 722it [00:14, 51.69it/s, failures=0, objective=-13.8]


Random Search:: : 723it [00:14, 51.69it/s, failures=0, objective=-13.8]


Random Search:: : 724it [00:14, 51.69it/s, failures=0, objective=-13.8]


Random Search:: : 725it [00:14, 51.69it/s, failures=0, objective=-13.8]


Random Search:: : 726it [00:14, 51.69it/s, failures=0, objective=-13.8]


Random Search:: : 727it [00:14, 47.27it/s, failures=0, objective=-13.8]


Random Search:: : 727it [00:14, 47.27it/s, failures=0, objective=-13.8]


Random Search:: : 728it [00:14, 47.27it/s, failures=0, objective=-13.8]


Random Search:: : 729it [00:14, 47.27it/s, failures=0, objective=-13.8]


Random Search:: : 730it [00:14, 47.27it/s, failures=0, objective=-13.8]


Random Search:: : 731it [00:14, 47.27it/s, failures=0, objective=-13.8]


Random Search:: : 732it [00:14, 47.84it/s, failures=0, objective=-13.8]


Random Search:: : 732it [00:14, 47.84it/s, failures=0, objective=-13.8]


Random Search:: : 733it [00:14, 47.84it/s, failures=0, objective=-13.8]


Random Search:: : 734it [00:14, 47.84it/s, failures=0, objective=-13.8]


Random Search:: : 735it [00:14, 47.84it/s, failures=0, objective=-13.8]


Random Search:: : 736it [00:14, 47.84it/s, failures=0, objective=-13.8]


Random Search:: : 737it [00:14, 40.75it/s, failures=0, objective=-13.8]


Random Search:: : 737it [00:14, 40.75it/s, failures=0, objective=-13.8]


Random Search:: : 738it [00:14, 40.75it/s, failures=0, objective=-13.8]


Random Search:: : 739it [00:14, 40.75it/s, failures=0, objective=-13.8]


Random Search:: : 740it [00:14, 40.75it/s, failures=0, objective=-13.8]


Random Search:: : 741it [00:14, 40.75it/s, failures=0, objective=-13.8]


Random Search:: : 742it [00:15, 40.75it/s, failures=0, objective=-13.8]


Random Search:: : 743it [00:15, 40.75it/s, failures=0, objective=-13.8]


Random Search:: : 744it [00:15, 40.75it/s, failures=0, objective=-13.8]


Random Search:: : 745it [00:15, 40.75it/s, failures=0, objective=-13.8]


Random Search:: : 746it [00:15, 40.75it/s, failures=0, objective=-13.8]


Random Search:: : 747it [00:15, 53.81it/s, failures=0, objective=-13.8]


Random Search:: : 747it [00:15, 53.81it/s, failures=0, objective=-13.8]


Random Search:: : 748it [00:15, 53.81it/s, failures=0, objective=-13.8]


Random Search:: : 749it [00:15, 53.81it/s, failures=0, objective=-13.8]


Random Search:: : 750it [00:15, 53.81it/s, failures=0, objective=-13.8]


Random Search:: : 751it [00:15, 53.81it/s, failures=0, objective=-13.8]


Random Search:: : 752it [00:15, 53.81it/s, failures=0, objective=-13.8]


Random Search:: : 753it [00:15, 45.45it/s, failures=0, objective=-13.8]


Random Search:: : 753it [00:15, 45.45it/s, failures=0, objective=-13.8]


Random Search:: : 754it [00:15, 45.45it/s, failures=0, objective=-13.8]


Random Search:: : 755it [00:15, 45.45it/s, failures=0, objective=-13.8]


Random Search:: : 756it [00:15, 45.45it/s, failures=0, objective=-13.8]


Random Search:: : 757it [00:15, 45.45it/s, failures=0, objective=-13.8]


Random Search:: : 758it [00:15, 45.45it/s, failures=0, objective=-13.8]


Random Search:: : 759it [00:15, 45.45it/s, failures=0, objective=-13.8]


Random Search:: : 760it [00:15, 45.45it/s, failures=0, objective=-13.8]


Random Search:: : 761it [00:15, 51.55it/s, failures=0, objective=-13.8]


Random Search:: : 761it [00:15, 51.55it/s, failures=0, objective=-13.8]


Random Search:: : 762it [00:15, 51.55it/s, failures=0, objective=-13.8]


Random Search:: : 763it [00:15, 51.55it/s, failures=0, objective=-13.8]


Random Search:: : 764it [00:15, 51.55it/s, failures=0, objective=-13.8]


Random Search:: : 765it [00:15, 51.55it/s, failures=0, objective=-13.8]


Random Search:: : 766it [00:15, 51.55it/s, failures=0, objective=-13.8]


Random Search:: : 767it [00:15, 48.03it/s, failures=0, objective=-13.8]


Random Search:: : 767it [00:15, 48.03it/s, failures=0, objective=-13.8]


Random Search:: : 768it [00:15, 48.03it/s, failures=0, objective=-13.8]


Random Search:: : 769it [00:15, 48.03it/s, failures=0, objective=-13.8]


Random Search:: : 770it [00:15, 48.03it/s, failures=0, objective=-13.8]


Random Search:: : 771it [00:15, 48.03it/s, failures=0, objective=-13.8]


Random Search:: : 772it [00:15, 48.03it/s, failures=0, objective=-13.8]


Random Search:: : 773it [00:15, 48.03it/s, failures=0, objective=-13.8]


Random Search:: : 774it [00:15, 51.52it/s, failures=0, objective=-13.8]


Random Search:: : 774it [00:15, 51.52it/s, failures=0, objective=-13.8]


Random Search:: : 775it [00:15, 51.52it/s, failures=0, objective=-13.8]


Random Search:: : 776it [00:15, 51.52it/s, failures=0, objective=-13.8]


Random Search:: : 777it [00:15, 51.52it/s, failures=0, objective=-13.8]


Random Search:: : 778it [00:15, 51.52it/s, failures=0, objective=-13.8]


Random Search:: : 779it [00:15, 51.52it/s, failures=0, objective=-13.8]


Random Search:: : 780it [00:15, 47.39it/s, failures=0, objective=-13.8]


Random Search:: : 780it [00:15, 47.39it/s, failures=0, objective=-13.8]


Random Search:: : 781it [00:15, 47.39it/s, failures=0, objective=-13.8]


Random Search:: : 782it [00:15, 47.39it/s, failures=0, objective=-13.8]


Random Search:: : 783it [00:15, 47.39it/s, failures=0, objective=-13.8]


Random Search:: : 784it [00:15, 47.39it/s, failures=0, objective=-13.8]


Random Search:: : 785it [00:15, 47.39it/s, failures=0, objective=-13.8]


Random Search:: : 786it [00:15, 47.39it/s, failures=0, objective=-13.8]


Random Search:: : 787it [00:15, 47.39it/s, failures=0, objective=-13.8]


Random Search:: : 788it [00:15, 47.39it/s, failures=0, objective=-13.8]


Random Search:: : 789it [00:15, 54.31it/s, failures=0, objective=-13.8]


Random Search:: : 789it [00:15, 54.31it/s, failures=0, objective=-13.8]


Random Search:: : 790it [00:15, 54.31it/s, failures=0, objective=-13.8]


Random Search:: : 791it [00:15, 54.31it/s, failures=0, objective=-13.8]


Random Search:: : 792it [00:15, 54.31it/s, failures=0, objective=-13.8]


Random Search:: : 793it [00:16, 54.31it/s, failures=0, objective=-13.8]


Random Search:: : 794it [00:16, 54.31it/s, failures=0, objective=-13.8]


Random Search:: : 795it [00:16, 54.31it/s, failures=0, objective=-13.8]


Random Search:: : 796it [00:16, 56.96it/s, failures=0, objective=-13.8]


Random Search:: : 796it [00:16, 56.96it/s, failures=0, objective=-13.8]


Random Search:: : 797it [00:16, 56.96it/s, failures=0, objective=-13.8]


Random Search:: : 798it [00:16, 56.96it/s, failures=0, objective=-13.8]


Random Search:: : 799it [00:16, 56.96it/s, failures=0, objective=-13.8]


Random Search:: : 800it [00:16, 56.96it/s, failures=0, objective=-13.8]


Random Search:: : 801it [00:16, 56.96it/s, failures=0, objective=-13.8]


Random Search:: : 802it [00:16, 51.19it/s, failures=0, objective=-13.8]


Random Search:: : 802it [00:16, 51.19it/s, failures=0, objective=-13.8]


Random Search:: : 803it [00:16, 51.19it/s, failures=0, objective=-13.8]


Random Search:: : 804it [00:16, 51.19it/s, failures=0, objective=-13.8]


Random Search:: : 805it [00:16, 51.19it/s, failures=0, objective=-13.8]


Random Search:: : 806it [00:16, 51.19it/s, failures=0, objective=-13.8]


Random Search:: : 807it [00:16, 51.19it/s, failures=0, objective=-13.8]


Random Search:: : 808it [00:16, 51.19it/s, failures=0, objective=-13.8]


Random Search:: : 809it [00:16, 55.45it/s, failures=0, objective=-13.8]


Random Search:: : 809it [00:16, 55.45it/s, failures=0, objective=-13.8]


Random Search:: : 810it [00:16, 55.45it/s, failures=0, objective=-13.8]


Random Search:: : 811it [00:16, 55.45it/s, failures=0, objective=-13.8]


Random Search:: : 812it [00:16, 55.45it/s, failures=0, objective=-13.8]


Random Search:: : 813it [00:16, 55.45it/s, failures=0, objective=-13.8]


Random Search:: : 814it [00:16, 55.45it/s, failures=0, objective=-13.8]


Random Search:: : 815it [00:16, 51.89it/s, failures=0, objective=-13.8]


Random Search:: : 815it [00:16, 51.89it/s, failures=0, objective=-13.8]


Random Search:: : 816it [00:16, 51.89it/s, failures=0, objective=-13.8]


Random Search:: : 817it [00:16, 51.89it/s, failures=0, objective=-13.8]


Random Search:: : 818it [00:16, 51.89it/s, failures=0, objective=-13.8]


Random Search:: : 819it [00:16, 51.89it/s, failures=0, objective=-13.8]


Random Search:: : 820it [00:16, 51.89it/s, failures=0, objective=-13.8]


Random Search:: : 821it [00:16, 44.68it/s, failures=0, objective=-13.8]


Random Search:: : 821it [00:16, 44.68it/s, failures=0, objective=-13.8]


Random Search:: : 822it [00:16, 44.68it/s, failures=0, objective=-13.8]


Random Search:: : 823it [00:16, 44.68it/s, failures=0, objective=-13.8]


Random Search:: : 824it [00:16, 44.68it/s, failures=0, objective=-13.8]


Random Search:: : 825it [00:16, 44.68it/s, failures=0, objective=-13.8]


Random Search:: : 826it [00:16, 43.45it/s, failures=0, objective=-13.8]


Random Search:: : 826it [00:16, 43.45it/s, failures=0, objective=-13.8]


Random Search:: : 827it [00:16, 43.45it/s, failures=0, objective=-13.8]


Random Search:: : 828it [00:16, 43.45it/s, failures=0, objective=-13.8]


Random Search:: : 829it [00:16, 43.45it/s, failures=0, objective=-13.8]


Random Search:: : 830it [00:16, 43.45it/s, failures=0, objective=-13.8]


Random Search:: : 831it [00:16, 43.45it/s, failures=0, objective=-13.8]


Random Search:: : 832it [00:16, 43.45it/s, failures=0, objective=-13.8]


Random Search:: : 833it [00:16, 49.23it/s, failures=0, objective=-13.8]


Random Search:: : 833it [00:16, 49.23it/s, failures=0, objective=-13.8]


Random Search:: : 834it [00:16, 49.23it/s, failures=0, objective=-13.8]


Random Search:: : 835it [00:16, 49.23it/s, failures=0, objective=-13.8]


Random Search:: : 836it [00:16, 49.23it/s, failures=0, objective=-13.8]


Random Search:: : 837it [00:16, 49.23it/s, failures=0, objective=-13.8]


Random Search:: : 838it [00:16, 49.23it/s, failures=0, objective=-13.8]


Random Search:: : 839it [00:16, 51.68it/s, failures=0, objective=-13.8]


Random Search:: : 839it [00:16, 51.68it/s, failures=0, objective=-13.8]


Random Search:: : 840it [00:16, 51.68it/s, failures=0, objective=-13.8]


Random Search:: : 841it [00:17, 51.68it/s, failures=0, objective=-13.8]


Random Search:: : 842it [00:17, 51.68it/s, failures=0, objective=-13.8]


Random Search:: : 843it [00:17, 51.68it/s, failures=0, objective=-13.8]


Random Search:: : 844it [00:17, 51.68it/s, failures=0, objective=-13.8]


Random Search:: : 845it [00:17, 43.91it/s, failures=0, objective=-13.8]


Random Search:: : 845it [00:17, 43.91it/s, failures=0, objective=-13.8]


Random Search:: : 846it [00:17, 43.91it/s, failures=0, objective=-13.8]


Random Search:: : 847it [00:17, 43.91it/s, failures=0, objective=-13.8]


Random Search:: : 848it [00:17, 43.91it/s, failures=0, objective=-13.8]


Random Search:: : 849it [00:17, 43.91it/s, failures=0, objective=-13.8]


Random Search:: : 850it [00:17, 43.91it/s, failures=0, objective=-13.8]


Random Search:: : 851it [00:17, 43.91it/s, failures=0, objective=-13.8]


Random Search:: : 852it [00:17, 43.91it/s, failures=0, objective=-13.8]


Random Search:: : 853it [00:17, 48.78it/s, failures=0, objective=-13.8]


Random Search:: : 853it [00:17, 48.78it/s, failures=0, objective=-13.8]


Random Search:: : 854it [00:17, 48.78it/s, failures=0, objective=-13.8]

Parallel BO:: : 2454it [01:20, 14.71it/s, failures=0, objective=-1.88]


Random Search:: : 855it [00:17, 48.78it/s, failures=0, objective=-13.8]


Random Search:: : 856it [00:17, 48.78it/s, failures=0, objective=-13.8]


Random Search:: : 857it [00:17, 48.78it/s, failures=0, objective=-13.8]


Random Search:: : 858it [00:17, 48.78it/s, failures=0, objective=-13.8]


Random Search:: : 859it [00:17, 48.78it/s, failures=0, objective=-13.8]


Random Search:: : 860it [00:17, 53.23it/s, failures=0, objective=-13.8]


Random Search:: : 860it [00:17, 53.23it/s, failures=0, objective=-13.8]


Random Search:: : 861it [00:17, 53.23it/s, failures=0, objective=-13.8]


Random Search:: : 862it [00:17, 53.23it/s, failures=0, objective=-13.8]


Random Search:: : 863it [00:17, 53.23it/s, failures=0, objective=-13.8]


Random Search:: : 864it [00:17, 53.23it/s, failures=0, objective=-13.8]


Random Search:: : 865it [00:17, 53.23it/s, failures=0, objective=-13.8]


Random Search:: : 866it [00:17, 46.59it/s, failures=0, objective=-13.8]


Random Search:: : 866it [00:17, 46.59it/s, failures=0, objective=-13.8]


Random Search:: : 867it [00:17, 46.59it/s, failures=0, objective=-13.8]


Random Search:: : 868it [00:17, 46.59it/s, failures=0, objective=-12.7]


Random Search:: : 869it [00:17, 46.59it/s, failures=0, objective=-12.7]


Random Search:: : 870it [00:17, 46.59it/s, failures=0, objective=-12.7]


Random Search:: : 871it [00:17, 47.24it/s, failures=0, objective=-12.7]


Random Search:: : 871it [00:17, 47.24it/s, failures=0, objective=-12.7]


Random Search:: : 872it [00:17, 47.24it/s, failures=0, objective=-12.7]


Random Search:: : 873it [00:17, 47.24it/s, failures=0, objective=-12.7]


Random Search:: : 874it [00:17, 47.24it/s, failures=0, objective=-12.7]


Random Search:: : 875it [00:17, 47.24it/s, failures=0, objective=-12.7]


Random Search:: : 876it [00:17, 47.24it/s, failures=0, objective=-12.7]


Random Search:: : 877it [00:17, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 877it [00:17, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 878it [00:17, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 879it [00:17, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 880it [00:17, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 881it [00:17, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 882it [00:17, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 883it [00:17, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 884it [00:17, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 885it [00:17, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 886it [00:17, 53.29it/s, failures=0, objective=-12.7]


Random Search:: : 886it [00:17, 53.29it/s, failures=0, objective=-12.7]


Random Search:: : 887it [00:17, 53.29it/s, failures=0, objective=-12.7]


Random Search:: : 888it [00:17, 53.29it/s, failures=0, objective=-12.7]


Random Search:: : 889it [00:17, 53.29it/s, failures=0, objective=-12.7]


Random Search:: : 890it [00:17, 53.29it/s, failures=0, objective=-12.7]


Random Search:: : 891it [00:18, 53.29it/s, failures=0, objective=-12.7]


Random Search:: : 892it [00:18, 52.10it/s, failures=0, objective=-12.7]


Random Search:: : 892it [00:18, 52.10it/s, failures=0, objective=-12.7]


Random Search:: : 893it [00:18, 52.10it/s, failures=0, objective=-12.7]


Random Search:: : 894it [00:18, 52.10it/s, failures=0, objective=-12.7]


Random Search:: : 895it [00:18, 52.10it/s, failures=0, objective=-12.7]


Random Search:: : 896it [00:18, 52.10it/s, failures=0, objective=-12.7]


Random Search:: : 897it [00:18, 52.10it/s, failures=0, objective=-12.7]


Random Search:: : 898it [00:18, 48.36it/s, failures=0, objective=-12.7]


Random Search:: : 898it [00:18, 48.36it/s, failures=0, objective=-12.7]


Random Search:: : 899it [00:18, 48.36it/s, failures=0, objective=-12.7]


Random Search:: : 900it [00:18, 48.36it/s, failures=0, objective=-12.7]


Random Search:: : 901it [00:18, 48.36it/s, failures=0, objective=-12.7]


Random Search:: : 902it [00:18, 48.36it/s, failures=0, objective=-12.7]


Random Search:: : 903it [00:18, 48.36it/s, failures=0, objective=-12.7]


Random Search:: : 904it [00:18, 48.36it/s, failures=0, objective=-12.7]


Random Search:: : 905it [00:18, 48.36it/s, failures=0, objective=-12.7]


Random Search:: : 906it [00:18, 48.36it/s, failures=0, objective=-12.7]


Random Search:: : 907it [00:18, 58.30it/s, failures=0, objective=-12.7]


Random Search:: : 907it [00:18, 58.30it/s, failures=0, objective=-12.7]


Random Search:: : 908it [00:18, 58.30it/s, failures=0, objective=-12.7]


Random Search:: : 909it [00:18, 58.30it/s, failures=0, objective=-12.7]


Random Search:: : 910it [00:18, 58.30it/s, failures=0, objective=-12.7]


Random Search:: : 911it [00:18, 58.30it/s, failures=0, objective=-12.7]


Random Search:: : 912it [00:18, 58.30it/s, failures=0, objective=-12.7]


Random Search:: : 913it [00:18, 58.30it/s, failures=0, objective=-12.7]


Random Search:: : 914it [00:18, 53.91it/s, failures=0, objective=-12.7]


Random Search:: : 914it [00:18, 53.91it/s, failures=0, objective=-12.7]


Random Search:: : 915it [00:18, 53.91it/s, failures=0, objective=-12.7]


Random Search:: : 916it [00:18, 53.91it/s, failures=0, objective=-12.7]


Random Search:: : 917it [00:18, 53.91it/s, failures=0, objective=-12.7]


Random Search:: : 918it [00:18, 53.91it/s, failures=0, objective=-12.7]


Random Search:: : 919it [00:18, 53.91it/s, failures=0, objective=-12.7]


Random Search:: : 920it [00:18, 53.91it/s, failures=0, objective=-12.7]


Random Search:: : 921it [00:18, 53.91it/s, failures=0, objective=-12.7]


Random Search:: : 922it [00:18, 58.61it/s, failures=0, objective=-12.7]


Random Search:: : 922it [00:18, 58.61it/s, failures=0, objective=-12.7]


Random Search:: : 923it [00:18, 58.61it/s, failures=0, objective=-12.7]


Random Search:: : 924it [00:18, 58.61it/s, failures=0, objective=-12.7]


Random Search:: : 925it [00:18, 58.61it/s, failures=0, objective=-12.7]


Random Search:: : 926it [00:18, 58.61it/s, failures=0, objective=-12.7]


Random Search:: : 927it [00:18, 58.61it/s, failures=0, objective=-12.7]


Random Search:: : 928it [00:18, 58.61it/s, failures=0, objective=-12.7]


Random Search:: : 929it [00:18, 53.69it/s, failures=0, objective=-12.7]


Random Search:: : 929it [00:18, 53.69it/s, failures=0, objective=-12.7]


Random Search:: : 930it [00:18, 53.69it/s, failures=0, objective=-12.7]


Random Search:: : 931it [00:18, 53.69it/s, failures=0, objective=-12.7]


Random Search:: : 932it [00:18, 53.69it/s, failures=0, objective=-12.7]


Random Search:: : 933it [00:18, 53.69it/s, failures=0, objective=-12.7]


Random Search:: : 934it [00:18, 53.69it/s, failures=0, objective=-12.7]


Random Search:: : 935it [00:18, 52.42it/s, failures=0, objective=-12.7]


Random Search:: : 935it [00:18, 52.42it/s, failures=0, objective=-12.7]


Random Search:: : 936it [00:18, 52.42it/s, failures=0, objective=-12.7]


Random Search:: : 937it [00:18, 52.42it/s, failures=0, objective=-12.7]


Random Search:: : 938it [00:18, 52.42it/s, failures=0, objective=-12.7]


Random Search:: : 939it [00:18, 52.42it/s, failures=0, objective=-12.7]


Random Search:: : 940it [00:18, 52.42it/s, failures=0, objective=-12.7]


Random Search:: : 941it [00:18, 52.42it/s, failures=0, objective=-12.7]


Random Search:: : 942it [00:18, 52.42it/s, failures=0, objective=-12.7]


Random Search:: : 943it [00:18, 58.16it/s, failures=0, objective=-12.7]


Random Search:: : 943it [00:18, 58.16it/s, failures=0, objective=-12.7]


Random Search:: : 944it [00:18, 58.16it/s, failures=0, objective=-12.7]


Random Search:: : 945it [00:18, 58.16it/s, failures=0, objective=-12.7]


Random Search:: : 946it [00:19, 58.16it/s, failures=0, objective=-12.7]


Random Search:: : 947it [00:19, 58.16it/s, failures=0, objective=-12.7]


Random Search:: : 948it [00:19, 58.16it/s, failures=0, objective=-12.7]


Random Search:: : 949it [00:19, 58.16it/s, failures=0, objective=-12.7]


Random Search:: : 950it [00:19, 51.72it/s, failures=0, objective=-12.7]


Random Search:: : 950it [00:19, 51.72it/s, failures=0, objective=-12.7]


Random Search:: : 951it [00:19, 51.72it/s, failures=0, objective=-12.7]


Random Search:: : 952it [00:19, 51.72it/s, failures=0, objective=-12.7]


Random Search:: : 953it [00:19, 51.72it/s, failures=0, objective=-12.7]


Random Search:: : 954it [00:19, 51.72it/s, failures=0, objective=-12.7]


Random Search:: : 955it [00:19, 51.72it/s, failures=0, objective=-12.7]


Random Search:: : 956it [00:19, 44.51it/s, failures=0, objective=-12.7]


Random Search:: : 956it [00:19, 44.51it/s, failures=0, objective=-12.7]


Random Search:: : 957it [00:19, 44.51it/s, failures=0, objective=-12.7]


Random Search:: : 958it [00:19, 44.51it/s, failures=0, objective=-12.7]


Random Search:: : 959it [00:19, 44.51it/s, failures=0, objective=-12.7]


Random Search:: : 960it [00:19, 44.51it/s, failures=0, objective=-12.7]


Random Search:: : 961it [00:19, 44.51it/s, failures=0, objective=-12.7]


Random Search:: : 962it [00:19, 45.00it/s, failures=0, objective=-12.7]


Random Search:: : 962it [00:19, 45.00it/s, failures=0, objective=-12.7]


Random Search:: : 963it [00:19, 45.00it/s, failures=0, objective=-12.7]


Random Search:: : 964it [00:19, 45.00it/s, failures=0, objective=-12.7]


Random Search:: : 965it [00:19, 45.00it/s, failures=0, objective=-12.7]


Random Search:: : 966it [00:19, 45.00it/s, failures=0, objective=-12.7]


Random Search:: : 967it [00:19, 45.00it/s, failures=0, objective=-12.7]


Random Search:: : 968it [00:19, 45.00it/s, failures=0, objective=-12.7]


Random Search:: : 969it [00:19, 38.89it/s, failures=0, objective=-12.7]


Random Search:: : 969it [00:19, 38.89it/s, failures=0, objective=-12.7]


Random Search:: : 970it [00:19, 38.89it/s, failures=0, objective=-12.7]


Random Search:: : 971it [00:19, 38.89it/s, failures=0, objective=-12.7]


Random Search:: : 972it [00:19, 38.89it/s, failures=0, objective=-12.7]


Random Search:: : 973it [00:19, 38.89it/s, failures=0, objective=-12.7]


Random Search:: : 974it [00:19, 38.89it/s, failures=0, objective=-12.7]


Random Search:: : 975it [00:19, 38.89it/s, failures=0, objective=-12.7]


Random Search:: : 976it [00:19, 38.89it/s, failures=0, objective=-12.7]


Random Search:: : 977it [00:19, 38.89it/s, failures=0, objective=-12.7]


Random Search:: : 978it [00:19, 38.89it/s, failures=0, objective=-12.7]


Random Search:: : 979it [00:19, 38.89it/s, failures=0, objective=-12.7]


Random Search:: : 980it [00:19, 38.89it/s, failures=0, objective=-12.7]


Random Search:: : 981it [00:19, 54.75it/s, failures=0, objective=-12.7]


Random Search:: : 981it [00:19, 54.75it/s, failures=0, objective=-12.7]


Random Search:: : 982it [00:19, 54.75it/s, failures=0, objective=-12.7]


Random Search:: : 983it [00:19, 54.75it/s, failures=0, objective=-12.7]


Random Search:: : 984it [00:19, 54.75it/s, failures=0, objective=-12.7]


Random Search:: : 985it [00:19, 54.75it/s, failures=0, objective=-12.7]


Random Search:: : 986it [00:19, 54.75it/s, failures=0, objective=-12.7]


Random Search:: : 987it [00:19, 54.75it/s, failures=0, objective=-12.7]


Random Search:: : 988it [00:19, 56.79it/s, failures=0, objective=-12.7]


Random Search:: : 988it [00:19, 56.79it/s, failures=0, objective=-12.7]


Random Search:: : 989it [00:19, 56.79it/s, failures=0, objective=-12.7]


Random Search:: : 990it [00:19, 56.79it/s, failures=0, objective=-12.7]


Random Search:: : 991it [00:19, 56.79it/s, failures=0, objective=-12.7]


Random Search:: : 992it [00:19, 56.79it/s, failures=0, objective=-12.7]


Random Search:: : 993it [00:19, 56.79it/s, failures=0, objective=-12.7]


Random Search:: : 994it [00:19, 56.79it/s, failures=0, objective=-12.7]


Random Search:: : 995it [00:19, 55.38it/s, failures=0, objective=-12.7]


Random Search:: : 995it [00:19, 55.38it/s, failures=0, objective=-12.7]


Random Search:: : 996it [00:20, 55.38it/s, failures=0, objective=-12.7]


Random Search:: : 997it [00:20, 55.38it/s, failures=0, objective=-12.7]


Random Search:: : 998it [00:20, 55.38it/s, failures=0, objective=-12.7]


Random Search:: : 999it [00:20, 55.38it/s, failures=0, objective=-12.7]


Random Search:: : 1000it [00:20, 55.38it/s, failures=0, objective=-12.7]


Random Search:: : 1001it [00:20, 55.38it/s, failures=0, objective=-12.7]


Random Search:: : 1002it [00:20, 45.93it/s, failures=0, objective=-12.7]


Random Search:: : 1002it [00:20, 45.93it/s, failures=0, objective=-12.7]


Random Search:: : 1003it [00:20, 45.93it/s, failures=0, objective=-12.7]


Random Search:: : 1004it [00:20, 45.93it/s, failures=0, objective=-12.7]


Random Search:: : 1005it [00:20, 45.93it/s, failures=0, objective=-12.7]


Random Search:: : 1006it [00:20, 45.93it/s, failures=0, objective=-12.7]


Random Search:: : 1007it [00:20, 45.93it/s, failures=0, objective=-12.7]


Random Search:: : 1008it [00:20, 45.93it/s, failures=0, objective=-12.7]


Random Search:: : 1009it [00:20, 47.53it/s, failures=0, objective=-12.7]


Random Search:: : 1009it [00:20, 47.53it/s, failures=0, objective=-12.7]


Random Search:: : 1010it [00:20, 47.53it/s, failures=0, objective=-12.7]


Random Search:: : 1011it [00:20, 47.53it/s, failures=0, objective=-12.7]


Random Search:: : 1012it [00:20, 47.53it/s, failures=0, objective=-12.7]


Random Search:: : 1013it [00:20, 47.53it/s, failures=0, objective=-12.7]


Random Search:: : 1014it [00:20, 47.53it/s, failures=0, objective=-12.7]


Random Search:: : 1015it [00:20, 47.53it/s, failures=0, objective=-12.7]


Random Search:: : 1016it [00:20, 47.53it/s, failures=0, objective=-12.7]


Random Search:: : 1017it [00:20, 50.98it/s, failures=0, objective=-12.7]


Random Search:: : 1017it [00:20, 50.98it/s, failures=0, objective=-12.7]


Random Search:: : 1018it [00:20, 50.98it/s, failures=0, objective=-12.7]


Random Search:: : 1019it [00:20, 50.98it/s, failures=0, objective=-12.7]


Random Search:: : 1020it [00:20, 50.98it/s, failures=0, objective=-12.7]


Random Search:: : 1021it [00:20, 50.98it/s, failures=0, objective=-12.7]


Random Search:: : 1022it [00:20, 50.98it/s, failures=0, objective=-12.7]


Random Search:: : 1023it [00:20, 52.44it/s, failures=0, objective=-12.7]


Random Search:: : 1023it [00:20, 52.44it/s, failures=0, objective=-12.7]


Random Search:: : 1024it [00:20, 52.44it/s, failures=0, objective=-12.7]


Random Search:: : 1025it [00:20, 52.44it/s, failures=0, objective=-12.7]


Random Search:: : 1026it [00:20, 52.44it/s, failures=0, objective=-12.7]


Random Search:: : 1027it [00:20, 52.44it/s, failures=0, objective=-12.7]


Random Search:: : 1028it [00:20, 52.44it/s, failures=0, objective=-12.7]


Random Search:: : 1029it [00:20, 52.44it/s, failures=0, objective=-12.7]


Random Search:: : 1030it [00:20, 54.62it/s, failures=0, objective=-12.7]


Random Search:: : 1030it [00:20, 54.62it/s, failures=0, objective=-12.7]


Random Search:: : 1031it [00:20, 54.62it/s, failures=0, objective=-12.7]


Random Search:: : 1032it [00:20, 54.62it/s, failures=0, objective=-12.7]


Random Search:: : 1033it [00:20, 54.62it/s, failures=0, objective=-12.7]


Random Search:: : 1034it [00:20, 54.62it/s, failures=0, objective=-12.7]


Random Search:: : 1035it [00:20, 54.62it/s, failures=0, objective=-12.7]


Random Search:: : 1036it [00:20, 53.84it/s, failures=0, objective=-12.7]


Random Search:: : 1036it [00:20, 53.84it/s, failures=0, objective=-12.7]


Random Search:: : 1037it [00:20, 53.84it/s, failures=0, objective=-12.7]


Random Search:: : 1038it [00:20, 53.84it/s, failures=0, objective=-12.7]


Random Search:: : 1039it [00:20, 53.84it/s, failures=0, objective=-12.7]


Random Search:: : 1040it [00:20, 53.84it/s, failures=0, objective=-12.7]


Random Search:: : 1041it [00:20, 53.84it/s, failures=0, objective=-12.7]


Random Search:: : 1042it [00:20, 53.84it/s, failures=0, objective=-12.7]


Random Search:: : 1043it [00:20, 53.84it/s, failures=0, objective=-12.7]


Random Search:: : 1044it [00:20, 53.84it/s, failures=0, objective=-12.7]


Random Search:: : 1045it [00:20, 62.75it/s, failures=0, objective=-12.7]


Random Search:: : 1045it [00:20, 62.75it/s, failures=0, objective=-12.7]


Random Search:: : 1046it [00:20, 62.75it/s, failures=0, objective=-12.7]


Random Search:: : 1047it [00:20, 62.75it/s, failures=0, objective=-12.7]


Random Search:: : 1048it [00:20, 62.75it/s, failures=0, objective=-12.7]


Random Search:: : 1049it [00:20, 62.75it/s, failures=0, objective=-12.7]


Random Search:: : 1050it [00:20, 62.75it/s, failures=0, objective=-12.7]


Random Search:: : 1051it [00:20, 62.75it/s, failures=0, objective=-12.7]


Random Search:: : 1052it [00:21, 62.75it/s, failures=0, objective=-12.7]


Random Search:: : 1053it [00:21, 65.85it/s, failures=0, objective=-12.7]


Random Search:: : 1053it [00:21, 65.85it/s, failures=0, objective=-12.7]


Random Search:: : 1054it [00:21, 65.85it/s, failures=0, objective=-12.7]


Random Search:: : 1055it [00:21, 65.85it/s, failures=0, objective=-12.7]


Random Search:: : 1056it [00:21, 65.85it/s, failures=0, objective=-12.7]


Random Search:: : 1057it [00:21, 65.85it/s, failures=0, objective=-12.7]


Random Search:: : 1058it [00:21, 65.85it/s, failures=0, objective=-12.7]


Random Search:: : 1059it [00:21, 65.85it/s, failures=0, objective=-12.7]


Random Search:: : 1060it [00:21, 57.47it/s, failures=0, objective=-12.7]


Random Search:: : 1060it [00:21, 57.47it/s, failures=0, objective=-12.7]


Random Search:: : 1061it [00:21, 57.47it/s, failures=0, objective=-12.7]


Random Search:: : 1062it [00:21, 57.47it/s, failures=0, objective=-12.7]


Random Search:: : 1063it [00:21, 57.47it/s, failures=0, objective=-12.7]


Random Search:: : 1064it [00:21, 57.47it/s, failures=0, objective=-12.7]


Random Search:: : 1065it [00:21, 57.47it/s, failures=0, objective=-12.7]


Random Search:: : 1066it [00:21, 57.47it/s, failures=0, objective=-12.7]


Random Search:: : 1067it [00:21, 47.97it/s, failures=0, objective=-12.7]


Random Search:: : 1067it [00:21, 47.97it/s, failures=0, objective=-12.7]


Random Search:: : 1068it [00:21, 47.97it/s, failures=0, objective=-12.7]


Random Search:: : 1069it [00:21, 47.97it/s, failures=0, objective=-12.7]


Random Search:: : 1070it [00:21, 47.97it/s, failures=0, objective=-12.7]


Random Search:: : 1071it [00:21, 47.97it/s, failures=0, objective=-12.7]


Random Search:: : 1072it [00:21, 47.97it/s, failures=0, objective=-12.7]


Random Search:: : 1073it [00:21, 46.02it/s, failures=0, objective=-12.7]


Random Search:: : 1073it [00:21, 46.02it/s, failures=0, objective=-12.7]


Random Search:: : 1074it [00:21, 46.02it/s, failures=0, objective=-12.7]


Random Search:: : 1075it [00:21, 46.02it/s, failures=0, objective=-12.7]


Random Search:: : 1076it [00:21, 46.02it/s, failures=0, objective=-12.7]


Random Search:: : 1077it [00:21, 46.02it/s, failures=0, objective=-12.7]


Random Search:: : 1078it [00:21, 46.02it/s, failures=0, objective=-12.7]


Random Search:: : 1079it [00:21, 46.02it/s, failures=0, objective=-12.7]


Random Search:: : 1080it [00:21, 46.02it/s, failures=0, objective=-12.7]


Random Search:: : 1081it [00:21, 52.55it/s, failures=0, objective=-12.7]


Random Search:: : 1081it [00:21, 52.55it/s, failures=0, objective=-12.7]


Random Search:: : 1082it [00:21, 52.55it/s, failures=0, objective=-12.7]


Random Search:: : 1083it [00:21, 52.55it/s, failures=0, objective=-12.7]


Random Search:: : 1084it [00:21, 52.55it/s, failures=0, objective=-12.7]


Random Search:: : 1085it [00:21, 52.55it/s, failures=0, objective=-12.7]


Random Search:: : 1086it [00:21, 52.55it/s, failures=0, objective=-12.7]


Random Search:: : 1087it [00:21, 42.19it/s, failures=0, objective=-12.7]


Random Search:: : 1087it [00:21, 42.19it/s, failures=0, objective=-12.7]


Random Search:: : 1088it [00:21, 42.19it/s, failures=0, objective=-12.7]


Random Search:: : 1089it [00:21, 42.19it/s, failures=0, objective=-12.7]


Random Search:: : 1090it [00:21, 42.19it/s, failures=0, objective=-12.7]


Random Search:: : 1091it [00:21, 42.19it/s, failures=0, objective=-12.7]


Random Search:: : 1092it [00:22, 39.75it/s, failures=0, objective=-12.7]


Random Search:: : 1092it [00:22, 39.75it/s, failures=0, objective=-12.7]


Random Search:: : 1093it [00:22, 39.75it/s, failures=0, objective=-12.7]


Random Search:: : 1094it [00:22, 39.75it/s, failures=0, objective=-12.7]


Random Search:: : 1095it [00:22, 39.75it/s, failures=0, objective=-12.7]


Random Search:: : 1096it [00:22, 39.75it/s, failures=0, objective=-12.7]


Random Search:: : 1097it [00:22, 39.39it/s, failures=0, objective=-12.7]


Random Search:: : 1097it [00:22, 39.39it/s, failures=0, objective=-12.7]


Random Search:: : 1098it [00:22, 39.39it/s, failures=0, objective=-12.7]


Random Search:: : 1099it [00:22, 39.39it/s, failures=0, objective=-12.7]


Random Search:: : 1100it [00:22, 39.39it/s, failures=0, objective=-12.7]


Random Search:: : 1101it [00:22, 39.39it/s, failures=0, objective=-12.7]


Random Search:: : 1102it [00:22, 40.74it/s, failures=0, objective=-12.7]


Random Search:: : 1102it [00:22, 40.74it/s, failures=0, objective=-12.7]


Random Search:: : 1103it [00:22, 40.74it/s, failures=0, objective=-12.7]


Random Search:: : 1104it [00:22, 40.74it/s, failures=0, objective=-12.7]


Random Search:: : 1105it [00:22, 40.74it/s, failures=0, objective=-12.7]


Random Search:: : 1106it [00:22, 40.74it/s, failures=0, objective=-12.7]


Random Search:: : 1107it [00:22, 42.61it/s, failures=0, objective=-12.7]


Random Search:: : 1107it [00:22, 42.61it/s, failures=0, objective=-12.7]


Random Search:: : 1108it [00:22, 42.61it/s, failures=0, objective=-12.7]


Random Search:: : 1109it [00:22, 42.61it/s, failures=0, objective=-12.7]


Random Search:: : 1110it [00:22, 42.61it/s, failures=0, objective=-12.7]


Random Search:: : 1111it [00:22, 42.61it/s, failures=0, objective=-12.7]


Random Search:: : 1112it [00:22, 39.59it/s, failures=0, objective=-12.7]


Random Search:: : 1112it [00:22, 39.59it/s, failures=0, objective=-12.7]


Random Search:: : 1113it [00:22, 39.59it/s, failures=0, objective=-12.7]


Random Search:: : 1114it [00:22, 39.59it/s, failures=0, objective=-12.7]


Random Search:: : 1115it [00:22, 39.59it/s, failures=0, objective=-12.7]


Random Search:: : 1116it [00:22, 39.59it/s, failures=0, objective=-12.7]


Random Search:: : 1117it [00:22, 39.59it/s, failures=0, objective=-12.7]


Random Search:: : 1118it [00:22, 39.59it/s, failures=0, objective=-12.7]


Random Search:: : 1119it [00:22, 39.59it/s, failures=0, objective=-12.7]


Random Search:: : 1120it [00:22, 49.15it/s, failures=0, objective=-12.7]


Random Search:: : 1120it [00:22, 49.15it/s, failures=0, objective=-12.7]


Random Search:: : 1121it [00:22, 49.15it/s, failures=0, objective=-12.7]


Random Search:: : 1122it [00:22, 49.15it/s, failures=0, objective=-12.7]


Random Search:: : 1123it [00:22, 49.15it/s, failures=0, objective=-12.7]


Random Search:: : 1124it [00:22, 49.15it/s, failures=0, objective=-12.7]


Random Search:: : 1125it [00:22, 49.15it/s, failures=0, objective=-12.7]


Random Search:: : 1126it [00:22, 45.21it/s, failures=0, objective=-12.7]


Random Search:: : 1126it [00:22, 45.21it/s, failures=0, objective=-12.7]


Random Search:: : 1127it [00:22, 45.21it/s, failures=0, objective=-12.7]


Random Search:: : 1128it [00:22, 45.21it/s, failures=0, objective=-12.7]


Random Search:: : 1129it [00:22, 45.21it/s, failures=0, objective=-12.7]


Random Search:: : 1130it [00:22, 45.21it/s, failures=0, objective=-12.7]


Random Search:: : 1131it [00:22, 45.21it/s, failures=0, objective=-12.7]


Random Search:: : 1132it [00:22, 45.21it/s, failures=0, objective=-12.7]


Random Search:: : 1133it [00:22, 45.21it/s, failures=0, objective=-12.7]


Random Search:: : 1134it [00:22, 52.58it/s, failures=0, objective=-12.7]


Random Search:: : 1134it [00:22, 52.58it/s, failures=0, objective=-12.7]


Random Search:: : 1135it [00:22, 52.58it/s, failures=0, objective=-12.7]


Random Search:: : 1136it [00:22, 52.58it/s, failures=0, objective=-12.7]


Random Search:: : 1137it [00:22, 52.58it/s, failures=0, objective=-12.7]


Random Search:: : 1138it [00:22, 52.58it/s, failures=0, objective=-12.7]


Random Search:: : 1139it [00:22, 52.58it/s, failures=0, objective=-12.7]


Random Search:: : 1140it [00:22, 52.58it/s, failures=0, objective=-12.7]


Random Search:: : 1141it [00:22, 52.58it/s, failures=0, objective=-12.7]


Random Search:: : 1142it [00:22, 52.58it/s, failures=0, objective=-12.7]


Random Search:: : 1143it [00:22, 52.58it/s, failures=0, objective=-12.7]


Random Search:: : 1144it [00:22, 52.58it/s, failures=0, objective=-12.7]


Random Search:: : 1145it [00:22, 64.59it/s, failures=0, objective=-12.7]


Random Search:: : 1145it [00:22, 64.59it/s, failures=0, objective=-12.7]


Random Search:: : 1146it [00:23, 64.59it/s, failures=0, objective=-12.7]


Random Search:: : 1147it [00:23, 64.59it/s, failures=0, objective=-12.7]


Random Search:: : 1148it [00:23, 64.59it/s, failures=0, objective=-12.7]


Random Search:: : 1149it [00:23, 64.59it/s, failures=0, objective=-12.7]


Random Search:: : 1150it [00:23, 64.59it/s, failures=0, objective=-12.7]


Random Search:: : 1151it [00:23, 64.59it/s, failures=0, objective=-12.7]


Random Search:: : 1152it [00:23, 52.42it/s, failures=0, objective=-12.7]


Random Search:: : 1152it [00:23, 52.42it/s, failures=0, objective=-12.7]


Random Search:: : 1153it [00:23, 52.42it/s, failures=0, objective=-12.7]


Random Search:: : 1154it [00:23, 52.42it/s, failures=0, objective=-12.7]


Random Search:: : 1155it [00:23, 52.42it/s, failures=0, objective=-12.7]


Random Search:: : 1156it [00:23, 52.42it/s, failures=0, objective=-12.7]


Random Search:: : 1157it [00:23, 52.42it/s, failures=0, objective=-12.7]


Random Search:: : 1158it [00:23, 51.20it/s, failures=0, objective=-12.7]


Random Search:: : 1158it [00:23, 51.20it/s, failures=0, objective=-12.7]


Random Search:: : 1159it [00:23, 51.20it/s, failures=0, objective=-12.7]


Random Search:: : 1160it [00:23, 51.20it/s, failures=0, objective=-12.7]


Random Search:: : 1161it [00:23, 51.20it/s, failures=0, objective=-12.7]


Random Search:: : 1162it [00:23, 51.20it/s, failures=0, objective=-12.7]


Random Search:: : 1163it [00:23, 51.20it/s, failures=0, objective=-12.7]


Random Search:: : 1164it [00:23, 51.20it/s, failures=0, objective=-12.7]


Random Search:: : 1165it [00:23, 51.20it/s, failures=0, objective=-12.7]


Random Search:: : 1166it [00:23, 51.20it/s, failures=0, objective=-12.7]


Random Search:: : 1167it [00:23, 51.20it/s, failures=0, objective=-12.7]


Random Search:: : 1168it [00:23, 58.59it/s, failures=0, objective=-12.7]


Random Search:: : 1168it [00:23, 58.59it/s, failures=0, objective=-12.7]


Random Search:: : 1169it [00:23, 58.59it/s, failures=0, objective=-12.7]


Random Search:: : 1170it [00:23, 58.59it/s, failures=0, objective=-12.7]


Random Search:: : 1171it [00:23, 58.59it/s, failures=0, objective=-12.7]


Random Search:: : 1172it [00:23, 58.59it/s, failures=0, objective=-12.7]


Random Search:: : 1173it [00:23, 58.59it/s, failures=0, objective=-12.7]


Random Search:: : 1174it [00:23, 58.59it/s, failures=0, objective=-12.7]


Random Search:: : 1175it [00:23, 46.87it/s, failures=0, objective=-12.7]


Random Search:: : 1175it [00:23, 46.87it/s, failures=0, objective=-12.7]


Random Search:: : 1176it [00:23, 46.87it/s, failures=0, objective=-12.7]


Random Search:: : 1177it [00:23, 46.87it/s, failures=0, objective=-12.7]


Random Search:: : 1178it [00:23, 46.87it/s, failures=0, objective=-12.7]


Random Search:: : 1179it [00:23, 46.87it/s, failures=0, objective=-12.7]


Random Search:: : 1180it [00:23, 46.87it/s, failures=0, objective=-12.7]


Random Search:: : 1181it [00:23, 46.87it/s, failures=0, objective=-12.7]


Random Search:: : 1182it [00:23, 46.87it/s, failures=0, objective=-12.7]


Random Search:: : 1183it [00:23, 46.87it/s, failures=0, objective=-12.7]


Random Search:: : 1184it [00:23, 52.40it/s, failures=0, objective=-12.7]


Random Search:: : 1184it [00:23, 52.40it/s, failures=0, objective=-12.7]


Random Search:: : 1185it [00:23, 52.40it/s, failures=0, objective=-12.7]


Random Search:: : 1186it [00:23, 52.40it/s, failures=0, objective=-12.7]


Random Search:: : 1187it [00:23, 52.40it/s, failures=0, objective=-12.7]


Random Search:: : 1188it [00:23, 52.40it/s, failures=0, objective=-12.7]


Random Search:: : 1189it [00:23, 52.40it/s, failures=0, objective=-12.7]


Random Search:: : 1190it [00:23, 45.82it/s, failures=0, objective=-12.7]


Random Search:: : 1190it [00:23, 45.82it/s, failures=0, objective=-12.7]


Random Search:: : 1191it [00:24, 45.82it/s, failures=0, objective=-12.7]


Random Search:: : 1192it [00:24, 45.82it/s, failures=0, objective=-12.7]


Random Search:: : 1193it [00:24, 45.82it/s, failures=0, objective=-12.7]


Random Search:: : 1194it [00:24, 45.82it/s, failures=0, objective=-12.7]


Random Search:: : 1195it [00:24, 45.82it/s, failures=0, objective=-12.7]


Random Search:: : 1196it [00:24, 45.82it/s, failures=0, objective=-12.7]


Random Search:: : 1197it [00:24, 50.81it/s, failures=0, objective=-12.7]


Random Search:: : 1197it [00:24, 50.81it/s, failures=0, objective=-12.7]


Random Search:: : 1198it [00:24, 50.81it/s, failures=0, objective=-12.7]


Random Search:: : 1199it [00:24, 50.81it/s, failures=0, objective=-12.7]


Random Search:: : 1200it [00:24, 50.81it/s, failures=0, objective=-12.7]


Random Search:: : 1201it [00:24, 50.81it/s, failures=0, objective=-12.7]


Random Search:: : 1202it [00:24, 50.81it/s, failures=0, objective=-12.7]


Random Search:: : 1203it [00:24, 50.81it/s, failures=0, objective=-12.7]


Random Search:: : 1204it [00:24, 52.79it/s, failures=0, objective=-12.7]


Random Search:: : 1204it [00:24, 52.79it/s, failures=0, objective=-12.7]


Random Search:: : 1205it [00:24, 52.79it/s, failures=0, objective=-12.7]


Random Search:: : 1206it [00:24, 52.79it/s, failures=0, objective=-12.7]


Random Search:: : 1207it [00:24, 52.79it/s, failures=0, objective=-12.7]


Random Search:: : 1208it [00:24, 52.79it/s, failures=0, objective=-12.7]


Random Search:: : 1209it [00:24, 52.79it/s, failures=0, objective=-12.7]


Random Search:: : 1210it [00:24, 52.79it/s, failures=0, objective=-12.7]


Random Search:: : 1211it [00:24, 53.61it/s, failures=0, objective=-12.7]


Random Search:: : 1211it [00:24, 53.61it/s, failures=0, objective=-12.7]


Random Search:: : 1212it [00:24, 53.61it/s, failures=0, objective=-12.7]


Random Search:: : 1213it [00:24, 53.61it/s, failures=0, objective=-12.7]


Random Search:: : 1214it [00:24, 53.61it/s, failures=0, objective=-12.7]


Random Search:: : 1215it [00:24, 53.61it/s, failures=0, objective=-12.7]


Random Search:: : 1216it [00:24, 53.61it/s, failures=0, objective=-12.7]


Random Search:: : 1217it [00:24, 41.60it/s, failures=0, objective=-12.7]


Random Search:: : 1217it [00:24, 41.60it/s, failures=0, objective=-12.7]


Random Search:: : 1218it [00:24, 41.60it/s, failures=0, objective=-12.7]


Random Search:: : 1219it [00:24, 41.60it/s, failures=0, objective=-12.7]


Random Search:: : 1220it [00:24, 41.60it/s, failures=0, objective=-12.7]


Random Search:: : 1221it [00:24, 41.60it/s, failures=0, objective=-12.7]


Random Search:: : 1222it [00:24, 41.33it/s, failures=0, objective=-12.7]


Random Search:: : 1222it [00:24, 41.33it/s, failures=0, objective=-12.7]


Random Search:: : 1223it [00:24, 41.33it/s, failures=0, objective=-12.7]


Random Search:: : 1224it [00:24, 41.33it/s, failures=0, objective=-12.7]


Random Search:: : 1225it [00:24, 41.33it/s, failures=0, objective=-12.7]


Random Search:: : 1226it [00:24, 41.33it/s, failures=0, objective=-12.7]


Random Search:: : 1227it [00:24, 43.06it/s, failures=0, objective=-12.7]


Random Search:: : 1227it [00:24, 43.06it/s, failures=0, objective=-12.7]


Random Search:: : 1228it [00:24, 43.06it/s, failures=0, objective=-12.7]


Random Search:: : 1229it [00:24, 43.06it/s, failures=0, objective=-12.7]


Random Search:: : 1230it [00:24, 43.06it/s, failures=0, objective=-12.7]


Random Search:: : 1231it [00:24, 43.06it/s, failures=0, objective=-12.7]


Random Search:: : 1232it [00:24, 42.29it/s, failures=0, objective=-12.7]


Random Search:: : 1232it [00:24, 42.29it/s, failures=0, objective=-12.7]


Random Search:: : 1233it [00:24, 42.29it/s, failures=0, objective=-12.7]


Random Search:: : 1234it [00:24, 42.29it/s, failures=0, objective=-12.7]


Random Search:: : 1235it [00:24, 42.29it/s, failures=0, objective=-12.7]


Random Search:: : 1236it [00:25, 42.29it/s, failures=0, objective=-12.7]


Random Search:: : 1237it [00:25, 42.29it/s, failures=0, objective=-12.7]


Random Search:: : 1238it [00:25, 42.29it/s, failures=0, objective=-12.7]


Random Search:: : 1239it [00:25, 46.35it/s, failures=0, objective=-12.7]


Random Search:: : 1239it [00:25, 46.35it/s, failures=0, objective=-12.7]


Random Search:: : 1240it [00:25, 46.35it/s, failures=0, objective=-12.7]


Random Search:: : 1241it [00:25, 46.35it/s, failures=0, objective=-12.7]


Random Search:: : 1242it [00:25, 46.35it/s, failures=0, objective=-12.7]


Random Search:: : 1243it [00:25, 46.35it/s, failures=0, objective=-12.7]


Random Search:: : 1244it [00:25, 46.35it/s, failures=0, objective=-12.7]


Random Search:: : 1245it [00:25, 46.35it/s, failures=0, objective=-12.7]


Random Search:: : 1246it [00:25, 50.43it/s, failures=0, objective=-12.7]


Random Search:: : 1246it [00:25, 50.43it/s, failures=0, objective=-12.7]


Random Search:: : 1247it [00:25, 50.43it/s, failures=0, objective=-12.7]


Random Search:: : 1248it [00:25, 50.43it/s, failures=0, objective=-12.7]


Random Search:: : 1249it [00:25, 50.43it/s, failures=0, objective=-12.7]


Random Search:: : 1250it [00:25, 50.43it/s, failures=0, objective=-12.7]


Random Search:: : 1251it [00:25, 50.43it/s, failures=0, objective=-12.7]


Random Search:: : 1252it [00:25, 50.43it/s, failures=0, objective=-12.7]


Random Search:: : 1253it [00:25, 50.43it/s, failures=0, objective=-12.7]


Random Search:: : 1254it [00:25, 56.79it/s, failures=0, objective=-12.7]


Random Search:: : 1254it [00:25, 56.79it/s, failures=0, objective=-12.7]


Random Search:: : 1255it [00:25, 56.79it/s, failures=0, objective=-12.7]


Random Search:: : 1256it [00:25, 56.79it/s, failures=0, objective=-12.7]


Random Search:: : 1257it [00:25, 56.79it/s, failures=0, objective=-12.7]


Random Search:: : 1258it [00:25, 56.79it/s, failures=0, objective=-12.7]


Random Search:: : 1259it [00:25, 56.79it/s, failures=0, objective=-12.7]


Random Search:: : 1260it [00:25, 56.79it/s, failures=0, objective=-12.7]


Random Search:: : 1261it [00:25, 56.79it/s, failures=0, objective=-12.7]


Random Search:: : 1262it [00:25, 61.41it/s, failures=0, objective=-12.7]


Random Search:: : 1262it [00:25, 61.41it/s, failures=0, objective=-12.7]


Random Search:: : 1263it [00:25, 61.41it/s, failures=0, objective=-12.7]


Random Search:: : 1264it [00:25, 61.41it/s, failures=0, objective=-12.7]


Random Search:: : 1265it [00:25, 61.41it/s, failures=0, objective=-12.7]


Random Search:: : 1266it [00:25, 61.41it/s, failures=0, objective=-12.7]


Random Search:: : 1267it [00:25, 61.41it/s, failures=0, objective=-12.7]


Random Search:: : 1268it [00:25, 61.41it/s, failures=0, objective=-12.7]


Random Search:: : 1269it [00:25, 61.54it/s, failures=0, objective=-12.7]


Random Search:: : 1269it [00:25, 61.54it/s, failures=0, objective=-12.7]


Random Search:: : 1270it [00:25, 61.54it/s, failures=0, objective=-12.7]


Random Search:: : 1271it [00:25, 61.54it/s, failures=0, objective=-12.7]


Random Search:: : 1272it [00:25, 61.54it/s, failures=0, objective=-12.7]


Random Search:: : 1273it [00:25, 61.54it/s, failures=0, objective=-12.7]


Random Search:: : 1274it [00:25, 61.54it/s, failures=0, objective=-12.7]


Random Search:: : 1275it [00:25, 61.54it/s, failures=0, objective=-12.7]


Random Search:: : 1276it [00:25, 53.73it/s, failures=0, objective=-12.7]


Random Search:: : 1276it [00:25, 53.73it/s, failures=0, objective=-12.7]


Random Search:: : 1277it [00:25, 53.73it/s, failures=0, objective=-12.7]


Random Search:: : 1278it [00:25, 53.73it/s, failures=0, objective=-12.7]


Random Search:: : 1279it [00:25, 53.73it/s, failures=0, objective=-12.7]


Random Search:: : 1280it [00:25, 53.73it/s, failures=0, objective=-12.7]


Random Search:: : 1281it [00:25, 53.73it/s, failures=0, objective=-12.7]


Random Search:: : 1282it [00:25, 41.55it/s, failures=0, objective=-12.7]


Random Search:: : 1282it [00:25, 41.55it/s, failures=0, objective=-12.7]


Random Search:: : 1283it [00:25, 41.55it/s, failures=0, objective=-12.7]


Random Search:: : 1284it [00:25, 41.55it/s, failures=0, objective=-12.7]


Random Search:: : 1285it [00:25, 41.55it/s, failures=0, objective=-12.7]


Random Search:: : 1286it [00:25, 41.55it/s, failures=0, objective=-12.7]


Random Search:: : 1287it [00:25, 43.12it/s, failures=0, objective=-12.7]


Random Search:: : 1287it [00:26, 43.12it/s, failures=0, objective=-12.7]


Random Search:: : 1288it [00:26, 43.12it/s, failures=0, objective=-12.7]


Random Search:: : 1289it [00:26, 43.12it/s, failures=0, objective=-12.7]


Random Search:: : 1290it [00:26, 43.12it/s, failures=0, objective=-12.7]


Random Search:: : 1291it [00:26, 43.12it/s, failures=0, objective=-12.7]


Random Search:: : 1292it [00:26, 43.12it/s, failures=0, objective=-12.7]


Random Search:: : 1293it [00:26, 43.12it/s, failures=0, objective=-12.7]


Random Search:: : 1294it [00:26, 43.12it/s, failures=0, objective=-12.7]


Random Search:: : 1295it [00:26, 50.06it/s, failures=0, objective=-12.7]


Random Search:: : 1295it [00:26, 50.06it/s, failures=0, objective=-12.7]


Random Search:: : 1296it [00:26, 50.06it/s, failures=0, objective=-12.7]


Random Search:: : 1297it [00:26, 50.06it/s, failures=0, objective=-12.7]


Random Search:: : 1298it [00:26, 50.06it/s, failures=0, objective=-12.7]


Random Search:: : 1299it [00:26, 50.06it/s, failures=0, objective=-12.7]


Random Search:: : 1300it [00:26, 50.06it/s, failures=0, objective=-12.7]


Random Search:: : 1301it [00:26, 50.91it/s, failures=0, objective=-12.7]


Random Search:: : 1301it [00:26, 50.91it/s, failures=0, objective=-12.7]


Random Search:: : 1302it [00:26, 50.91it/s, failures=0, objective=-12.7]


Random Search:: : 1303it [00:26, 50.91it/s, failures=0, objective=-12.7]


Random Search:: : 1304it [00:26, 50.91it/s, failures=0, objective=-12.7]


Random Search:: : 1305it [00:26, 50.91it/s, failures=0, objective=-12.7]


Random Search:: : 1306it [00:26, 50.91it/s, failures=0, objective=-12.7]


Random Search:: : 1307it [00:26, 41.60it/s, failures=0, objective=-12.7]


Random Search:: : 1307it [00:26, 41.60it/s, failures=0, objective=-12.7]


Random Search:: : 1308it [00:26, 41.60it/s, failures=0, objective=-12.7]


Random Search:: : 1309it [00:26, 41.60it/s, failures=0, objective=-12.7]


Random Search:: : 1310it [00:26, 41.60it/s, failures=0, objective=-12.7]


Random Search:: : 1311it [00:26, 41.60it/s, failures=0, objective=-12.7]


Random Search:: : 1312it [00:26, 41.60it/s, failures=0, objective=-12.7]


Random Search:: : 1313it [00:26, 41.60it/s, failures=0, objective=-12.7]


Random Search:: : 1314it [00:26, 41.60it/s, failures=0, objective=-12.7]


Random Search:: : 1315it [00:26, 41.60it/s, failures=0, objective=-12.7]


Random Search:: : 1316it [00:26, 41.60it/s, failures=0, objective=-12.7]


Random Search:: : 1317it [00:26, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1317it [00:26, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1318it [00:26, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1319it [00:26, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1320it [00:26, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1321it [00:26, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1322it [00:26, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1323it [00:26, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1324it [00:26, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1325it [00:26, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1326it [00:26, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1327it [00:26, 60.72it/s, failures=0, objective=-12.7]


Random Search:: : 1327it [00:26, 60.72it/s, failures=0, objective=-12.7]


Random Search:: : 1328it [00:26, 60.72it/s, failures=0, objective=-12.7]


Random Search:: : 1329it [00:26, 60.72it/s, failures=0, objective=-12.7]


Random Search:: : 1330it [00:26, 60.72it/s, failures=0, objective=-12.7]


Random Search:: : 1331it [00:26, 60.72it/s, failures=0, objective=-12.7]


Random Search:: : 1332it [00:26, 60.72it/s, failures=0, objective=-12.7]


Random Search:: : 1333it [00:26, 60.72it/s, failures=0, objective=-12.7]


Random Search:: : 1334it [00:26, 59.20it/s, failures=0, objective=-12.7]


Random Search:: : 1334it [00:26, 59.20it/s, failures=0, objective=-12.7]


Random Search:: : 1335it [00:26, 59.20it/s, failures=0, objective=-12.7]


Random Search:: : 1336it [00:26, 59.20it/s, failures=0, objective=-12.7]


Random Search:: : 1337it [00:26, 59.20it/s, failures=0, objective=-12.7]


Random Search:: : 1338it [00:26, 59.20it/s, failures=0, objective=-12.7]


Random Search:: : 1339it [00:26, 59.20it/s, failures=0, objective=-12.7]


Random Search:: : 1340it [00:26, 59.20it/s, failures=0, objective=-12.7]


Random Search:: : 1341it [00:26, 51.30it/s, failures=0, objective=-12.7]


Random Search:: : 1341it [00:26, 51.30it/s, failures=0, objective=-12.7]


Random Search:: : 1342it [00:26, 51.30it/s, failures=0, objective=-12.7]


Random Search:: : 1343it [00:27, 51.30it/s, failures=0, objective=-12.7]


Random Search:: : 1344it [00:27, 51.30it/s, failures=0, objective=-12.7]


Random Search:: : 1345it [00:27, 51.30it/s, failures=0, objective=-12.7]


Random Search:: : 1346it [00:27, 51.30it/s, failures=0, objective=-12.7]


Random Search:: : 1347it [00:27, 50.22it/s, failures=0, objective=-12.7]


Random Search:: : 1347it [00:27, 50.22it/s, failures=0, objective=-12.7]


Random Search:: : 1348it [00:27, 50.22it/s, failures=0, objective=-12.7]


Random Search:: : 1349it [00:27, 50.22it/s, failures=0, objective=-12.7]


Random Search:: : 1350it [00:27, 50.22it/s, failures=0, objective=-12.7]


Random Search:: : 1351it [00:27, 50.22it/s, failures=0, objective=-12.7]


Random Search:: : 1352it [00:27, 50.22it/s, failures=0, objective=-12.7]


Random Search:: : 1353it [00:27, 50.22it/s, failures=0, objective=-12.7]


Random Search:: : 1354it [00:27, 54.09it/s, failures=0, objective=-12.7]


Random Search:: : 1354it [00:27, 54.09it/s, failures=0, objective=-12.7]


Random Search:: : 1355it [00:27, 54.09it/s, failures=0, objective=-12.7]


Random Search:: : 1356it [00:27, 54.09it/s, failures=0, objective=-12.7]


Random Search:: : 1357it [00:27, 54.09it/s, failures=0, objective=-12.7]


Random Search:: : 1358it [00:27, 54.09it/s, failures=0, objective=-12.7]


Random Search:: : 1359it [00:27, 54.09it/s, failures=0, objective=-12.7]


Random Search:: : 1360it [00:27, 51.37it/s, failures=0, objective=-12.7]


Random Search:: : 1360it [00:27, 51.37it/s, failures=0, objective=-12.7]


Random Search:: : 1361it [00:27, 51.37it/s, failures=0, objective=-12.7]


Random Search:: : 1362it [00:27, 51.37it/s, failures=0, objective=-12.7]


Random Search:: : 1363it [00:27, 51.37it/s, failures=0, objective=-12.7]


Random Search:: : 1364it [00:27, 51.37it/s, failures=0, objective=-12.7]


Random Search:: : 1365it [00:27, 51.37it/s, failures=0, objective=-12.7]


Random Search:: : 1366it [00:27, 51.37it/s, failures=0, objective=-12.7]


Random Search:: : 1367it [00:27, 51.37it/s, failures=0, objective=-12.7]


Random Search:: : 1368it [00:27, 51.37it/s, failures=0, objective=-12.7]


Random Search:: : 1369it [00:27, 58.28it/s, failures=0, objective=-12.7]


Random Search:: : 1369it [00:27, 58.28it/s, failures=0, objective=-12.7]


Random Search:: : 1370it [00:27, 58.28it/s, failures=0, objective=-12.7]


Random Search:: : 1371it [00:27, 58.28it/s, failures=0, objective=-12.7]


Random Search:: : 1372it [00:27, 58.28it/s, failures=0, objective=-12.7]


Random Search:: : 1373it [00:27, 58.28it/s, failures=0, objective=-12.7]


Random Search:: : 1374it [00:27, 58.28it/s, failures=0, objective=-12.7]


Random Search:: : 1375it [00:27, 58.28it/s, failures=0, objective=-12.7]


Random Search:: : 1376it [00:27, 49.77it/s, failures=0, objective=-12.7]


Random Search:: : 1376it [00:27, 49.77it/s, failures=0, objective=-12.7]


Random Search:: : 1377it [00:27, 49.77it/s, failures=0, objective=-12.7]


Random Search:: : 1378it [00:27, 49.77it/s, failures=0, objective=-12.7]


Random Search:: : 1379it [00:27, 49.77it/s, failures=0, objective=-12.7]


Random Search:: : 1380it [00:27, 49.77it/s, failures=0, objective=-12.7]


Random Search:: : 1381it [00:27, 49.77it/s, failures=0, objective=-12.7]


Random Search:: : 1382it [00:27, 48.83it/s, failures=0, objective=-12.7]


Random Search:: : 1382it [00:27, 48.83it/s, failures=0, objective=-12.7]


Random Search:: : 1383it [00:27, 48.83it/s, failures=0, objective=-12.7]


Random Search:: : 1384it [00:27, 48.83it/s, failures=0, objective=-12.7]


Random Search:: : 1385it [00:27, 48.83it/s, failures=0, objective=-12.7]


Random Search:: : 1386it [00:27, 48.83it/s, failures=0, objective=-12.7]


Random Search:: : 1387it [00:27, 48.83it/s, failures=0, objective=-12.7]


Random Search:: : 1388it [00:27, 42.23it/s, failures=0, objective=-12.7]


Random Search:: : 1388it [00:27, 42.23it/s, failures=0, objective=-12.7]


Random Search:: : 1389it [00:28, 42.23it/s, failures=0, objective=-12.7]


Random Search:: : 1390it [00:28, 42.23it/s, failures=0, objective=-12.7]


Random Search:: : 1391it [00:28, 42.23it/s, failures=0, objective=-12.7]


Random Search:: : 1392it [00:28, 42.23it/s, failures=0, objective=-12.7]


Random Search:: : 1393it [00:28, 43.72it/s, failures=0, objective=-12.7]


Random Search:: : 1393it [00:28, 43.72it/s, failures=0, objective=-12.7]


Random Search:: : 1394it [00:28, 43.72it/s, failures=0, objective=-12.7]


Random Search:: : 1395it [00:28, 43.72it/s, failures=0, objective=-12.7]


Random Search:: : 1396it [00:28, 43.72it/s, failures=0, objective=-12.7]


Random Search:: : 1397it [00:28, 43.72it/s, failures=0, objective=-12.7]


Random Search:: : 1398it [00:28, 43.72it/s, failures=0, objective=-12.7]


Random Search:: : 1399it [00:28, 45.45it/s, failures=0, objective=-12.7]


Random Search:: : 1399it [00:28, 45.45it/s, failures=0, objective=-12.7]


Random Search:: : 1400it [00:28, 45.45it/s, failures=0, objective=-12.7]


Random Search:: : 1401it [00:28, 45.45it/s, failures=0, objective=-12.7]


Random Search:: : 1402it [00:28, 45.45it/s, failures=0, objective=-12.7]


Random Search:: : 1403it [00:28, 45.45it/s, failures=0, objective=-12.7]


Random Search:: : 1404it [00:28, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 1404it [00:28, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 1405it [00:28, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 1406it [00:28, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 1407it [00:28, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 1408it [00:28, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 1409it [00:28, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 1410it [00:28, 43.81it/s, failures=0, objective=-12.7]


Random Search:: : 1411it [00:28, 50.16it/s, failures=0, objective=-12.7]


Random Search:: : 1411it [00:28, 50.16it/s, failures=0, objective=-12.7]


Random Search:: : 1412it [00:28, 50.16it/s, failures=0, objective=-12.7]


Random Search:: : 1413it [00:28, 50.16it/s, failures=0, objective=-12.7]


Random Search:: : 1414it [00:28, 50.16it/s, failures=0, objective=-12.7]


Random Search:: : 1415it [00:28, 50.16it/s, failures=0, objective=-12.7]


Random Search:: : 1416it [00:28, 50.16it/s, failures=0, objective=-12.7]


Random Search:: : 1417it [00:28, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1417it [00:28, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1418it [00:28, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1419it [00:28, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1420it [00:28, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1421it [00:28, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1422it [00:28, 38.63it/s, failures=0, objective=-12.7]


Random Search:: : 1422it [00:28, 38.63it/s, failures=0, objective=-12.7]


Random Search:: : 1423it [00:28, 38.63it/s, failures=0, objective=-12.7]


Random Search:: : 1424it [00:28, 38.63it/s, failures=0, objective=-12.7]


Random Search:: : 1425it [00:28, 38.63it/s, failures=0, objective=-12.7]


Random Search:: : 1426it [00:28, 38.63it/s, failures=0, objective=-12.7]


Random Search:: : 1427it [00:28, 38.63it/s, failures=0, objective=-12.7]


Random Search:: : 1428it [00:28, 38.63it/s, failures=0, objective=-12.7]


Random Search:: : 1429it [00:28, 38.63it/s, failures=0, objective=-12.7]


Random Search:: : 1430it [00:28, 38.63it/s, failures=0, objective=-12.7]


Random Search:: : 1431it [00:28, 43.93it/s, failures=0, objective=-12.7]


Random Search:: : 1431it [00:28, 43.93it/s, failures=0, objective=-12.7]


Random Search:: : 1432it [00:28, 43.93it/s, failures=0, objective=-12.7]


Random Search:: : 1433it [00:28, 43.93it/s, failures=0, objective=-12.7]


Random Search:: : 1434it [00:28, 43.93it/s, failures=0, objective=-12.7]


Random Search:: : 1435it [00:28, 43.93it/s, failures=0, objective=-12.7]


Random Search:: : 1436it [00:29, 43.93it/s, failures=0, objective=-12.7]


Random Search:: : 1437it [00:29, 43.93it/s, failures=0, objective=-12.7]


Random Search:: : 1438it [00:29, 43.93it/s, failures=0, objective=-12.7]


Random Search:: : 1439it [00:29, 51.42it/s, failures=0, objective=-12.7]


Random Search:: : 1439it [00:29, 51.42it/s, failures=0, objective=-12.7]


Random Search:: : 1440it [00:29, 51.42it/s, failures=0, objective=-12.7]


Random Search:: : 1441it [00:29, 51.42it/s, failures=0, objective=-12.7]


Random Search:: : 1442it [00:29, 51.42it/s, failures=0, objective=-12.7]


Random Search:: : 1443it [00:29, 51.42it/s, failures=0, objective=-12.7]


Random Search:: : 1444it [00:29, 51.42it/s, failures=0, objective=-12.7]


Random Search:: : 1445it [00:29, 51.42it/s, failures=0, objective=-12.7]


Random Search:: : 1446it [00:29, 51.42it/s, failures=0, objective=-12.7]


Random Search:: : 1447it [00:29, 53.64it/s, failures=0, objective=-12.7]


Random Search:: : 1447it [00:29, 53.64it/s, failures=0, objective=-12.7]


Random Search:: : 1448it [00:29, 53.64it/s, failures=0, objective=-12.7]


Random Search:: : 1449it [00:29, 53.64it/s, failures=0, objective=-12.7]


Random Search:: : 1450it [00:29, 53.64it/s, failures=0, objective=-12.7]


Random Search:: : 1451it [00:29, 53.64it/s, failures=0, objective=-12.7]


Random Search:: : 1452it [00:29, 53.64it/s, failures=0, objective=-12.7]


Random Search:: : 1453it [00:29, 53.64it/s, failures=0, objective=-12.7]


Random Search:: : 1454it [00:29, 57.20it/s, failures=0, objective=-12.7]


Random Search:: : 1454it [00:29, 57.20it/s, failures=0, objective=-12.7]


Random Search:: : 1455it [00:29, 57.20it/s, failures=0, objective=-12.7]


Random Search:: : 1456it [00:29, 57.20it/s, failures=0, objective=-12.7]


Random Search:: : 1457it [00:29, 57.20it/s, failures=0, objective=-12.7]


Random Search:: : 1458it [00:29, 57.20it/s, failures=0, objective=-12.7]


Random Search:: : 1459it [00:29, 57.20it/s, failures=0, objective=-12.7]


Random Search:: : 1460it [00:29, 52.49it/s, failures=0, objective=-12.7]


Random Search:: : 1460it [00:29, 52.49it/s, failures=0, objective=-12.7]


Random Search:: : 1461it [00:29, 52.49it/s, failures=0, objective=-12.7]


Random Search:: : 1462it [00:29, 52.49it/s, failures=0, objective=-12.7]


Random Search:: : 1463it [00:29, 52.49it/s, failures=0, objective=-12.7]


Random Search:: : 1464it [00:29, 52.49it/s, failures=0, objective=-12.7]


Random Search:: : 1465it [00:29, 52.49it/s, failures=0, objective=-12.7]


Random Search:: : 1466it [00:29, 51.61it/s, failures=0, objective=-12.7]


Random Search:: : 1466it [00:29, 51.61it/s, failures=0, objective=-12.7]


Random Search:: : 1467it [00:29, 51.61it/s, failures=0, objective=-12.7]


Random Search:: : 1468it [00:29, 51.61it/s, failures=0, objective=-12.7]


Random Search:: : 1469it [00:29, 51.61it/s, failures=0, objective=-12.7]


Random Search:: : 1470it [00:29, 51.61it/s, failures=0, objective=-12.7]


Random Search:: : 1471it [00:29, 51.61it/s, failures=0, objective=-12.7]


Random Search:: : 1472it [00:29, 49.44it/s, failures=0, objective=-12.7]


Random Search:: : 1472it [00:29, 49.44it/s, failures=0, objective=-12.7]


Random Search:: : 1473it [00:29, 49.44it/s, failures=0, objective=-12.7]


Random Search:: : 1474it [00:29, 49.44it/s, failures=0, objective=-12.7]


Random Search:: : 1475it [00:29, 49.44it/s, failures=0, objective=-12.7]


Random Search:: : 1476it [00:29, 49.44it/s, failures=0, objective=-12.7]


Random Search:: : 1477it [00:29, 49.44it/s, failures=0, objective=-12.7]


Random Search:: : 1478it [00:29, 47.56it/s, failures=0, objective=-12.7]


Random Search:: : 1478it [00:29, 47.56it/s, failures=0, objective=-12.7]


Random Search:: : 1479it [00:29, 47.56it/s, failures=0, objective=-12.7]


Random Search:: : 1480it [00:29, 47.56it/s, failures=0, objective=-12.7]


Random Search:: : 1481it [00:29, 47.56it/s, failures=0, objective=-12.7]


Random Search:: : 1482it [00:29, 47.56it/s, failures=0, objective=-12.7]


Random Search:: : 1483it [00:29, 47.51it/s, failures=0, objective=-12.7]


Random Search:: : 1483it [00:29, 47.51it/s, failures=0, objective=-12.7]


Random Search:: : 1484it [00:29, 47.51it/s, failures=0, objective=-12.7]


Random Search:: : 1485it [00:29, 47.51it/s, failures=0, objective=-12.7]


Random Search:: : 1486it [00:29, 47.51it/s, failures=0, objective=-12.7]


Random Search:: : 1487it [00:30, 47.51it/s, failures=0, objective=-12.7]


Random Search:: : 1488it [00:30, 43.75it/s, failures=0, objective=-12.7]


Random Search:: : 1488it [00:30, 43.75it/s, failures=0, objective=-12.7]


Random Search:: : 1489it [00:30, 43.75it/s, failures=0, objective=-12.7]


Random Search:: : 1490it [00:30, 43.75it/s, failures=0, objective=-12.7]


Random Search:: : 1491it [00:30, 43.75it/s, failures=0, objective=-12.7]


Random Search:: : 1492it [00:30, 43.75it/s, failures=0, objective=-12.7]


Random Search:: : 1493it [00:30, 43.75it/s, failures=0, objective=-12.7]


Random Search:: : 1494it [00:30, 43.75it/s, failures=0, objective=-12.7]


Random Search:: : 1495it [00:30, 43.75it/s, failures=0, objective=-12.7]


Random Search:: : 1496it [00:30, 50.76it/s, failures=0, objective=-12.7]


Random Search:: : 1496it [00:30, 50.76it/s, failures=0, objective=-12.7]


Random Search:: : 1497it [00:30, 50.76it/s, failures=0, objective=-12.7]


Random Search:: : 1498it [00:30, 50.76it/s, failures=0, objective=-12.7]


Random Search:: : 1499it [00:30, 50.76it/s, failures=0, objective=-12.7]


Random Search:: : 1500it [00:30, 50.76it/s, failures=0, objective=-12.7]


Random Search:: : 1501it [00:30, 50.76it/s, failures=0, objective=-12.7]


Random Search:: : 1502it [00:30, 45.59it/s, failures=0, objective=-12.7]


Random Search:: : 1502it [00:30, 45.59it/s, failures=0, objective=-12.7]


Random Search:: : 1503it [00:30, 45.59it/s, failures=0, objective=-12.7]


Random Search:: : 1504it [00:30, 45.59it/s, failures=0, objective=-12.7]


Random Search:: : 1505it [00:30, 45.59it/s, failures=0, objective=-12.7]


Random Search:: : 1506it [00:30, 45.59it/s, failures=0, objective=-12.7]


Random Search:: : 1507it [00:30, 45.59it/s, failures=0, objective=-12.7]


Random Search:: : 1508it [00:30, 45.59it/s, failures=0, objective=-12.7]


Random Search:: : 1509it [00:30, 49.49it/s, failures=0, objective=-12.7]


Random Search:: : 1509it [00:30, 49.49it/s, failures=0, objective=-12.7]


Random Search:: : 1510it [00:30, 49.49it/s, failures=0, objective=-12.7]


Random Search:: : 1511it [00:30, 49.49it/s, failures=0, objective=-12.7]


Random Search:: : 1512it [00:30, 49.49it/s, failures=0, objective=-12.7]


Random Search:: : 1513it [00:30, 49.49it/s, failures=0, objective=-12.7]


Random Search:: : 1514it [00:30, 49.49it/s, failures=0, objective=-12.7]


Random Search:: : 1515it [00:30, 49.49it/s, failures=0, objective=-12.7]


Random Search:: : 1516it [00:30, 49.49it/s, failures=0, objective=-12.7]


Random Search:: : 1517it [00:30, 49.49it/s, failures=0, objective=-12.7]


Random Search:: : 1518it [00:30, 49.49it/s, failures=0, objective=-12.7]


Random Search:: : 1519it [00:30, 59.80it/s, failures=0, objective=-12.7]


Random Search:: : 1519it [00:30, 59.80it/s, failures=0, objective=-12.7]


Random Search:: : 1520it [00:30, 59.80it/s, failures=0, objective=-12.7]


Random Search:: : 1521it [00:30, 59.80it/s, failures=0, objective=-12.7]


Random Search:: : 1522it [00:30, 59.80it/s, failures=0, objective=-12.7]


Random Search:: : 1523it [00:30, 59.80it/s, failures=0, objective=-12.7]


Random Search:: : 1524it [00:30, 59.80it/s, failures=0, objective=-12.7]


Random Search:: : 1525it [00:30, 59.80it/s, failures=0, objective=-12.7]


Random Search:: : 1526it [00:30, 53.22it/s, failures=0, objective=-12.7]


Random Search:: : 1526it [00:30, 53.22it/s, failures=0, objective=-12.7]


Random Search:: : 1527it [00:30, 53.22it/s, failures=0, objective=-12.7]


Random Search:: : 1528it [00:30, 53.22it/s, failures=0, objective=-12.7]


Random Search:: : 1529it [00:30, 53.22it/s, failures=0, objective=-12.7]


Random Search:: : 1530it [00:30, 53.22it/s, failures=0, objective=-12.7]


Random Search:: : 1531it [00:30, 53.22it/s, failures=0, objective=-12.7]


Random Search:: : 1532it [00:30, 48.32it/s, failures=0, objective=-12.7]


Random Search:: : 1532it [00:30, 48.32it/s, failures=0, objective=-12.7]


Random Search:: : 1533it [00:30, 48.32it/s, failures=0, objective=-12.7]


Random Search:: : 1534it [00:30, 48.32it/s, failures=0, objective=-12.7]


Random Search:: : 1535it [00:30, 48.32it/s, failures=0, objective=-12.7]


Random Search:: : 1536it [00:30, 48.32it/s, failures=0, objective=-12.7]


Random Search:: : 1537it [00:31, 48.32it/s, failures=0, objective=-12.7]


Random Search:: : 1538it [00:31, 45.66it/s, failures=0, objective=-12.7]


Random Search:: : 1538it [00:31, 45.66it/s, failures=0, objective=-12.7]


Random Search:: : 1539it [00:31, 45.66it/s, failures=0, objective=-12.7]


Random Search:: : 1540it [00:31, 45.66it/s, failures=0, objective=-12.7]


Random Search:: : 1541it [00:31, 45.66it/s, failures=0, objective=-12.7]


Random Search:: : 1542it [00:31, 45.66it/s, failures=0, objective=-12.7]


Random Search:: : 1543it [00:31, 40.71it/s, failures=0, objective=-12.7]


Random Search:: : 1543it [00:31, 40.71it/s, failures=0, objective=-12.7]


Random Search:: : 1544it [00:31, 40.71it/s, failures=0, objective=-12.7]


Random Search:: : 1545it [00:31, 40.71it/s, failures=0, objective=-12.7]


Random Search:: : 1546it [00:31, 40.71it/s, failures=0, objective=-12.7]


Random Search:: : 1547it [00:31, 40.71it/s, failures=0, objective=-12.7]


Random Search:: : 1548it [00:31, 42.64it/s, failures=0, objective=-12.7]


Random Search:: : 1548it [00:31, 42.64it/s, failures=0, objective=-12.7]


Random Search:: : 1549it [00:31, 42.64it/s, failures=0, objective=-12.7]


Random Search:: : 1550it [00:31, 42.64it/s, failures=0, objective=-12.7]


Random Search:: : 1551it [00:31, 42.64it/s, failures=0, objective=-12.7]


Random Search:: : 1552it [00:31, 42.64it/s, failures=0, objective=-12.7]


Random Search:: : 1553it [00:31, 42.64it/s, failures=0, objective=-12.7]


Random Search:: : 1554it [00:31, 42.64it/s, failures=0, objective=-12.7]


Random Search:: : 1555it [00:31, 42.64it/s, failures=0, objective=-12.7]


Random Search:: : 1556it [00:31, 42.64it/s, failures=0, objective=-12.7]


Random Search:: : 1557it [00:31, 52.09it/s, failures=0, objective=-12.7]


Random Search:: : 1557it [00:31, 52.09it/s, failures=0, objective=-12.7]


Random Search:: : 1558it [00:31, 52.09it/s, failures=0, objective=-12.7]


Random Search:: : 1559it [00:31, 52.09it/s, failures=0, objective=-12.7]


Random Search:: : 1560it [00:31, 52.09it/s, failures=0, objective=-12.7]


Random Search:: : 1561it [00:31, 52.09it/s, failures=0, objective=-12.7]


Random Search:: : 1562it [00:31, 52.09it/s, failures=0, objective=-12.7]


Random Search:: : 1563it [00:31, 44.69it/s, failures=0, objective=-12.7]


Random Search:: : 1563it [00:31, 44.69it/s, failures=0, objective=-12.7]


Random Search:: : 1564it [00:31, 44.69it/s, failures=0, objective=-12.7]


Random Search:: : 1565it [00:31, 44.69it/s, failures=0, objective=-12.7]


Random Search:: : 1566it [00:31, 44.69it/s, failures=0, objective=-12.7]


Random Search:: : 1567it [00:31, 44.69it/s, failures=0, objective=-12.7]


Random Search:: : 1568it [00:31, 42.82it/s, failures=0, objective=-12.7]


Random Search:: : 1568it [00:31, 42.82it/s, failures=0, objective=-12.7]


Random Search:: : 1569it [00:31, 42.82it/s, failures=0, objective=-12.7]


Random Search:: : 1570it [00:31, 42.82it/s, failures=0, objective=-12.7]


Random Search:: : 1571it [00:31, 42.82it/s, failures=0, objective=-12.7]


Random Search:: : 1572it [00:31, 42.82it/s, failures=0, objective=-12.7]


Random Search:: : 1573it [00:31, 42.82it/s, failures=0, objective=-12.7]


Random Search:: : 1574it [00:31, 45.62it/s, failures=0, objective=-12.7]


Random Search:: : 1574it [00:31, 45.62it/s, failures=0, objective=-12.7]


Random Search:: : 1575it [00:31, 45.62it/s, failures=0, objective=-12.7]


Random Search:: : 1576it [00:31, 45.62it/s, failures=0, objective=-12.7]


Random Search:: : 1577it [00:31, 45.62it/s, failures=0, objective=-12.7]


Random Search:: : 1578it [00:31, 45.62it/s, failures=0, objective=-12.7]


Random Search:: : 1579it [00:31, 45.29it/s, failures=0, objective=-12.7]


Random Search:: : 1579it [00:31, 45.29it/s, failures=0, objective=-12.7]


Random Search:: : 1580it [00:31, 45.29it/s, failures=0, objective=-12.7]


Random Search:: : 1581it [00:31, 45.29it/s, failures=0, objective=-12.7]


Random Search:: : 1582it [00:32, 45.29it/s, failures=0, objective=-12.7]


Random Search:: : 1583it [00:32, 45.29it/s, failures=0, objective=-12.7]


Random Search:: : 1584it [00:32, 45.29it/s, failures=0, objective=-12.7]


Random Search:: : 1585it [00:32, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1585it [00:32, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1586it [00:32, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1587it [00:32, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1588it [00:32, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1589it [00:32, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1590it [00:32, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1591it [00:32, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1592it [00:32, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1593it [00:32, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1594it [00:32, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1595it [00:32, 42.43it/s, failures=0, objective=-12.7]


Random Search:: : 1596it [00:32, 58.05it/s, failures=0, objective=-12.7]


Random Search:: : 1596it [00:32, 58.05it/s, failures=0, objective=-12.7]


Random Search:: : 1597it [00:32, 58.05it/s, failures=0, objective=-12.7]


Random Search:: : 1598it [00:32, 58.05it/s, failures=0, objective=-12.7]


Random Search:: : 1599it [00:32, 58.05it/s, failures=0, objective=-12.7]


Random Search:: : 1600it [00:32, 58.05it/s, failures=0, objective=-12.7]


Random Search:: : 1601it [00:32, 58.05it/s, failures=0, objective=-12.7]


Random Search:: : 1602it [00:32, 58.05it/s, failures=0, objective=-12.7]


Random Search:: : 1603it [00:32, 49.72it/s, failures=0, objective=-12.7]


Random Search:: : 1603it [00:32, 49.72it/s, failures=0, objective=-12.7]


Random Search:: : 1604it [00:32, 49.72it/s, failures=0, objective=-12.7]


Random Search:: : 1605it [00:32, 49.72it/s, failures=0, objective=-12.7]


Random Search:: : 1606it [00:32, 49.72it/s, failures=0, objective=-12.7]


Random Search:: : 1607it [00:32, 49.72it/s, failures=0, objective=-12.7]


Random Search:: : 1608it [00:32, 49.72it/s, failures=0, objective=-12.7]


Random Search:: : 1609it [00:32, 49.72it/s, failures=0, objective=-12.7]


Random Search:: : 1610it [00:32, 49.72it/s, failures=0, objective=-12.7]


Random Search:: : 1611it [00:32, 49.72it/s, failures=0, objective=-12.7]


Random Search:: : 1612it [00:32, 49.72it/s, failures=0, objective=-12.7]


Random Search:: : 1613it [00:32, 59.34it/s, failures=0, objective=-12.7]


Random Search:: : 1613it [00:32, 59.34it/s, failures=0, objective=-12.7]


Random Search:: : 1614it [00:32, 59.34it/s, failures=0, objective=-12.7]


Random Search:: : 1615it [00:32, 59.34it/s, failures=0, objective=-12.7]


Random Search:: : 1616it [00:32, 59.34it/s, failures=0, objective=-12.7]


Random Search:: : 1617it [00:32, 59.34it/s, failures=0, objective=-12.7]


Random Search:: : 1618it [00:32, 59.34it/s, failures=0, objective=-12.7]


Random Search:: : 1619it [00:32, 59.34it/s, failures=0, objective=-12.7]


Random Search:: : 1620it [00:32, 59.34it/s, failures=0, objective=-12.7]


Random Search:: : 1621it [00:32, 62.16it/s, failures=0, objective=-12.7]


Random Search:: : 1621it [00:32, 62.16it/s, failures=0, objective=-12.7]


Random Search:: : 1622it [00:32, 62.16it/s, failures=0, objective=-12.7]


Random Search:: : 1623it [00:32, 62.16it/s, failures=0, objective=-12.7]


Random Search:: : 1624it [00:32, 62.16it/s, failures=0, objective=-12.7]


Random Search:: : 1625it [00:32, 62.16it/s, failures=0, objective=-12.7]


Random Search:: : 1626it [00:32, 62.16it/s, failures=0, objective=-12.7]


Random Search:: : 1627it [00:32, 62.16it/s, failures=0, objective=-12.7]


Random Search:: : 1628it [00:32, 54.35it/s, failures=0, objective=-12.7]


Random Search:: : 1628it [00:32, 54.35it/s, failures=0, objective=-12.7]


Random Search:: : 1629it [00:32, 54.35it/s, failures=0, objective=-12.7]


Random Search:: : 1630it [00:32, 54.35it/s, failures=0, objective=-12.7]


Random Search:: : 1631it [00:32, 54.35it/s, failures=0, objective=-12.7]


Random Search:: : 1632it [00:32, 54.35it/s, failures=0, objective=-12.7]


Random Search:: : 1633it [00:32, 54.35it/s, failures=0, objective=-12.7]


Random Search:: : 1634it [00:32, 49.16it/s, failures=0, objective=-12.7]


Random Search:: : 1634it [00:32, 49.16it/s, failures=0, objective=-12.7]


Random Search:: : 1635it [00:32, 49.16it/s, failures=0, objective=-12.7]


Random Search:: : 1636it [00:32, 49.16it/s, failures=0, objective=-12.7]


Random Search:: : 1637it [00:33, 49.16it/s, failures=0, objective=-12.7]


Random Search:: : 1638it [00:33, 49.16it/s, failures=0, objective=-12.7]


Random Search:: : 1639it [00:33, 49.16it/s, failures=0, objective=-12.7]


Random Search:: : 1640it [00:33, 49.16it/s, failures=0, objective=-12.7]


Random Search:: : 1641it [00:33, 49.16it/s, failures=0, objective=-12.7]


Random Search:: : 1642it [00:33, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1642it [00:33, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1643it [00:33, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1644it [00:33, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1645it [00:33, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1646it [00:33, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1647it [00:33, 53.86it/s, failures=0, objective=-12.7]


Random Search:: : 1648it [00:33, 40.31it/s, failures=0, objective=-12.7]


Random Search:: : 1648it [00:33, 40.31it/s, failures=0, objective=-12.7]


Random Search:: : 1649it [00:33, 40.31it/s, failures=0, objective=-12.7]


Random Search:: : 1650it [00:33, 40.31it/s, failures=0, objective=-12.7]


Random Search:: : 1651it [00:33, 40.31it/s, failures=0, objective=-12.7]


Random Search:: : 1652it [00:33, 40.31it/s, failures=0, objective=-12.7]


Random Search:: : 1653it [00:33, 37.12it/s, failures=0, objective=-12.7]


Random Search:: : 1653it [00:33, 37.12it/s, failures=0, objective=-12.7]


Random Search:: : 1654it [00:33, 37.12it/s, failures=0, objective=-12.7]


Random Search:: : 1655it [00:33, 37.12it/s, failures=0, objective=-12.7]


Random Search:: : 1656it [00:33, 37.12it/s, failures=0, objective=-12.7]


Random Search:: : 1657it [00:33, 37.12it/s, failures=0, objective=-12.7]


Random Search:: : 1658it [00:33, 37.97it/s, failures=0, objective=-12.7]


Random Search:: : 1658it [00:33, 37.97it/s, failures=0, objective=-12.7]


Random Search:: : 1659it [00:33, 37.97it/s, failures=0, objective=-12.7]


Random Search:: : 1660it [00:33, 37.97it/s, failures=0, objective=-12.7]


Random Search:: : 1661it [00:33, 37.97it/s, failures=0, objective=-12.7]


Random Search:: : 1662it [00:33, 37.97it/s, failures=0, objective=-12.7]


Random Search:: : 1663it [00:33, 37.97it/s, failures=0, objective=-12.7]


Random Search:: : 1664it [00:33, 37.97it/s, failures=0, objective=-12.7]


Random Search:: : 1665it [00:33, 42.70it/s, failures=0, objective=-12.7]


Random Search:: : 1665it [00:33, 42.70it/s, failures=0, objective=-12.7]


Random Search:: : 1666it [00:33, 42.70it/s, failures=0, objective=-12.7]


Random Search:: : 1667it [00:33, 42.70it/s, failures=0, objective=-12.7]


Random Search:: : 1668it [00:33, 42.70it/s, failures=0, objective=-12.7]


Random Search:: : 1669it [00:33, 42.70it/s, failures=0, objective=-12.7]


Random Search:: : 1670it [00:33, 42.70it/s, failures=0, objective=-12.7]


Random Search:: : 1671it [00:33, 42.70it/s, failures=0, objective=-12.7]


Random Search:: : 1672it [00:33, 48.57it/s, failures=0, objective=-12.7]


Random Search:: : 1672it [00:33, 48.57it/s, failures=0, objective=-12.7]


Random Search:: : 1673it [00:33, 48.57it/s, failures=0, objective=-12.7]


Random Search:: : 1674it [00:33, 48.57it/s, failures=0, objective=-12.7]


Random Search:: : 1675it [00:33, 48.57it/s, failures=0, objective=-12.7]


Random Search:: : 1676it [00:33, 48.57it/s, failures=0, objective=-12.7]


Random Search:: : 1677it [00:34, 48.57it/s, failures=0, objective=-12.7]


Random Search:: : 1678it [00:34, 47.95it/s, failures=0, objective=-12.7]


Random Search:: : 1678it [00:34, 47.95it/s, failures=0, objective=-12.7]


Random Search:: : 1679it [00:34, 47.95it/s, failures=0, objective=-12.7]


Random Search:: : 1680it [00:34, 47.95it/s, failures=0, objective=-12.7]


Random Search:: : 1681it [00:34, 47.95it/s, failures=0, objective=-12.7]


Random Search:: : 1682it [00:34, 47.95it/s, failures=0, objective=-12.7]


Random Search:: : 1683it [00:34, 47.95it/s, failures=0, objective=-12.7]


Random Search:: : 1684it [00:34, 48.35it/s, failures=0, objective=-12.7]


Random Search:: : 1684it [00:34, 48.35it/s, failures=0, objective=-12.7]


Random Search:: : 1685it [00:34, 48.35it/s, failures=0, objective=-12.7]


Random Search:: : 1686it [00:34, 48.35it/s, failures=0, objective=-12.7]


Random Search:: : 1687it [00:34, 48.35it/s, failures=0, objective=-12.7]


Random Search:: : 1688it [00:34, 48.35it/s, failures=0, objective=-12.7]


Random Search:: : 1689it [00:34, 48.35it/s, failures=0, objective=-12.7]


Random Search:: : 1690it [00:34, 48.35it/s, failures=0, objective=-12.7]


Random Search:: : 1691it [00:34, 48.35it/s, failures=0, objective=-12.7]


Random Search:: : 1692it [00:34, 53.25it/s, failures=0, objective=-12.7]


Random Search:: : 1692it [00:34, 53.25it/s, failures=0, objective=-12.7]


Random Search:: : 1693it [00:34, 53.25it/s, failures=0, objective=-12.7]


Random Search:: : 1694it [00:34, 53.25it/s, failures=0, objective=-12.7]


Random Search:: : 1695it [00:34, 53.25it/s, failures=0, objective=-12.7]


Random Search:: : 1696it [00:34, 53.25it/s, failures=0, objective=-12.7]


Random Search:: : 1697it [00:34, 53.25it/s, failures=0, objective=-12.7]


Random Search:: : 1698it [00:34, 53.25it/s, failures=0, objective=-12.7]


Random Search:: : 1699it [00:34, 53.25it/s, failures=0, objective=-12.7]


Random Search:: : 1700it [00:34, 59.45it/s, failures=0, objective=-12.7]


Random Search:: : 1700it [00:34, 59.45it/s, failures=0, objective=-12.7]


Random Search:: : 1701it [00:34, 59.45it/s, failures=0, objective=-12.7]


Random Search:: : 1702it [00:34, 59.45it/s, failures=0, objective=-12.7]


Random Search:: : 1703it [00:34, 59.45it/s, failures=0, objective=-12.7]


Random Search:: : 1704it [00:34, 59.45it/s, failures=0, objective=-12.7]


Random Search:: : 1705it [00:34, 59.45it/s, failures=0, objective=-12.7]


Random Search:: : 1706it [00:34, 59.45it/s, failures=0, objective=-12.7]


Random Search:: : 1707it [00:34, 61.44it/s, failures=0, objective=-12.7]


Random Search:: : 1707it [00:34, 61.44it/s, failures=0, objective=-12.7]


Random Search:: : 1708it [00:34, 61.44it/s, failures=0, objective=-12.7]


Random Search:: : 1709it [00:34, 61.44it/s, failures=0, objective=-12.7]


Random Search:: : 1710it [00:34, 61.44it/s, failures=0, objective=-12.7]


Random Search:: : 1711it [00:34, 61.44it/s, failures=0, objective=-12.7]


Random Search:: : 1712it [00:34, 61.44it/s, failures=0, objective=-12.7]


Random Search:: : 1713it [00:34, 61.44it/s, failures=0, objective=-12.7]


Random Search:: : 1714it [00:34, 53.65it/s, failures=0, objective=-12.7]


Random Search:: : 1714it [00:34, 53.65it/s, failures=0, objective=-12.7]


Random Search:: : 1715it [00:34, 53.65it/s, failures=0, objective=-12.7]


Random Search:: : 1716it [00:34, 53.65it/s, failures=0, objective=-12.7]


Random Search:: : 1717it [00:34, 53.65it/s, failures=0, objective=-12.7]


Random Search:: : 1718it [00:34, 53.65it/s, failures=0, objective=-12.7]


Random Search:: : 1719it [00:34, 53.65it/s, failures=0, objective=-12.7]


Random Search:: : 1720it [00:34, 53.65it/s, failures=0, objective=-12.7]


Random Search:: : 1721it [00:34, 51.59it/s, failures=0, objective=-12.7]


Random Search:: : 1721it [00:34, 51.59it/s, failures=0, objective=-12.7]


Random Search:: : 1722it [00:34, 51.59it/s, failures=0, objective=-12.7]


Random Search:: : 1723it [00:34, 51.59it/s, failures=0, objective=-12.7]


Random Search:: : 1724it [00:34, 51.59it/s, failures=0, objective=-12.7]


Random Search:: : 1725it [00:34, 51.59it/s, failures=0, objective=-12.7]


Random Search:: : 1726it [00:34, 51.59it/s, failures=0, objective=-12.7]


Random Search:: : 1727it [00:34, 48.28it/s, failures=0, objective=-12.7]


Random Search:: : 1727it [00:34, 48.28it/s, failures=0, objective=-12.7]


Random Search:: : 1728it [00:34, 48.28it/s, failures=0, objective=-12.7]


Random Search:: : 1729it [00:34, 48.28it/s, failures=0, objective=-12.7]


Random Search:: : 1730it [00:34, 48.28it/s, failures=0, objective=-12.7]


Random Search:: : 1731it [00:34, 48.28it/s, failures=0, objective=-12.7]


Random Search:: : 1732it [00:34, 48.28it/s, failures=0, objective=-12.7]


Random Search:: : 1733it [00:35, 48.28it/s, failures=0, objective=-12.7]


Random Search:: : 1734it [00:35, 50.52it/s, failures=0, objective=-12.7]


Random Search:: : 1734it [00:35, 50.52it/s, failures=0, objective=-12.7]


Random Search:: : 1735it [00:35, 50.52it/s, failures=0, objective=-12.7]


Random Search:: : 1736it [00:35, 50.52it/s, failures=0, objective=-12.7]


Random Search:: : 1737it [00:35, 50.52it/s, failures=0, objective=-12.7]


Random Search:: : 1738it [00:35, 50.52it/s, failures=0, objective=-12.7]


Random Search:: : 1739it [00:35, 50.52it/s, failures=0, objective=-12.7]


Random Search:: : 1740it [00:35, 50.73it/s, failures=0, objective=-12.7]


Random Search:: : 1740it [00:35, 50.73it/s, failures=0, objective=-12.7]


Random Search:: : 1741it [00:35, 50.73it/s, failures=0, objective=-12.7]


Random Search:: : 1742it [00:35, 50.73it/s, failures=0, objective=-12.7]


Random Search:: : 1743it [00:35, 50.73it/s, failures=0, objective=-12.7]


Random Search:: : 1744it [00:35, 50.73it/s, failures=0, objective=-12.7]


Random Search:: : 1745it [00:35, 50.73it/s, failures=0, objective=-12.7]


Random Search:: : 1746it [00:35, 50.73it/s, failures=0, objective=-12.7]


Random Search:: : 1747it [00:35, 50.73it/s, failures=0, objective=-12.7]


Random Search:: : 1748it [00:35, 55.85it/s, failures=0, objective=-12.7]


Random Search:: : 1748it [00:35, 55.85it/s, failures=0, objective=-12.7]


Random Search:: : 1749it [00:35, 55.85it/s, failures=0, objective=-12.7]


Random Search:: : 1750it [00:35, 55.85it/s, failures=0, objective=-12.7]


Random Search:: : 1751it [00:35, 55.85it/s, failures=0, objective=-12.7]


Random Search:: : 1752it [00:35, 55.85it/s, failures=0, objective=-12.7]


Random Search:: : 1753it [00:35, 55.85it/s, failures=0, objective=-12.7]


Random Search:: : 1754it [00:35, 52.63it/s, failures=0, objective=-12.7]


Random Search:: : 1754it [00:35, 52.63it/s, failures=0, objective=-12.7]


Random Search:: : 1755it [00:35, 52.63it/s, failures=0, objective=-12.7]


Random Search:: : 1756it [00:35, 52.63it/s, failures=0, objective=-12.7]


Random Search:: : 1757it [00:35, 52.63it/s, failures=0, objective=-12.7]


Random Search:: : 1758it [00:35, 52.63it/s, failures=0, objective=-12.7]


Random Search:: : 1759it [00:35, 52.63it/s, failures=0, objective=-12.7]


Random Search:: : 1760it [00:35, 44.56it/s, failures=0, objective=-12.7]


Random Search:: : 1760it [00:35, 44.56it/s, failures=0, objective=-12.7]


Random Search:: : 1761it [00:35, 44.56it/s, failures=0, objective=-12.7]


Random Search:: : 1762it [00:35, 44.56it/s, failures=0, objective=-12.7]


Random Search:: : 1763it [00:35, 44.56it/s, failures=0, objective=-12.7]


Random Search:: : 1764it [00:35, 44.56it/s, failures=0, objective=-12.7]


Random Search:: : 1765it [00:35, 44.56it/s, failures=0, objective=-12.7]


Random Search:: : 1766it [00:35, 47.96it/s, failures=0, objective=-12.7]


Random Search:: : 1766it [00:35, 47.96it/s, failures=0, objective=-12.7]


Random Search:: : 1767it [00:35, 47.96it/s, failures=0, objective=-12.7]


Random Search:: : 1768it [00:35, 47.96it/s, failures=0, objective=-12.7]


Random Search:: : 1769it [00:35, 47.96it/s, failures=0, objective=-12.7]


Random Search:: : 1770it [00:35, 47.96it/s, failures=0, objective=-12.7]


Random Search:: : 1771it [00:35, 47.96it/s, failures=0, objective=-12.7]


Random Search:: : 1772it [00:35, 48.86it/s, failures=0, objective=-12.7]


Random Search:: : 1772it [00:35, 48.86it/s, failures=0, objective=-12.7]


Random Search:: : 1773it [00:35, 48.86it/s, failures=0, objective=-12.7]


Random Search:: : 1774it [00:35, 48.86it/s, failures=0, objective=-12.7]


Random Search:: : 1775it [00:35, 48.86it/s, failures=0, objective=-12.7]


Random Search:: : 1776it [00:35, 48.86it/s, failures=0, objective=-12.7]


Random Search:: : 1777it [00:35, 48.86it/s, failures=0, objective=-12.7]


Random Search:: : 1778it [00:35, 48.86it/s, failures=0, objective=-12.7]


Random Search:: : 1779it [00:35, 53.20it/s, failures=0, objective=-12.7]


Random Search:: : 1779it [00:35, 53.20it/s, failures=0, objective=-12.7]


Random Search:: : 1780it [00:35, 53.20it/s, failures=0, objective=-12.7]


Random Search:: : 1781it [00:36, 53.20it/s, failures=0, objective=-12.7]


Random Search:: : 1782it [00:36, 53.20it/s, failures=0, objective=-12.7]


Random Search:: : 1783it [00:36, 53.20it/s, failures=0, objective=-12.7]


Random Search:: : 1784it [00:36, 53.20it/s, failures=0, objective=-12.7]


Random Search:: : 1785it [00:36, 38.59it/s, failures=0, objective=-12.7]


Random Search:: : 1785it [00:36, 38.59it/s, failures=0, objective=-12.7]


Random Search:: : 1786it [00:36, 38.59it/s, failures=0, objective=-12.7]


Random Search:: : 1787it [00:36, 38.59it/s, failures=0, objective=-12.7]


Random Search:: : 1788it [00:36, 38.59it/s, failures=0, objective=-12.7]


Random Search:: : 1789it [00:36, 38.59it/s, failures=0, objective=-12.7]


Random Search:: : 1790it [00:36, 38.59it/s, failures=0, objective=-12.7]


Random Search:: : 1791it [00:36, 42.62it/s, failures=0, objective=-12.7]


Random Search:: : 1791it [00:36, 42.62it/s, failures=0, objective=-12.7]


Random Search:: : 1792it [00:36, 42.62it/s, failures=0, objective=-12.7]


Random Search:: : 1793it [00:36, 42.62it/s, failures=0, objective=-12.7]


Random Search:: : 1794it [00:36, 42.62it/s, failures=0, objective=-12.7]


Random Search:: : 1795it [00:36, 42.62it/s, failures=0, objective=-12.7]


Random Search:: : 1796it [00:36, 42.62it/s, failures=0, objective=-12.7]


Random Search:: : 1797it [00:36, 42.62it/s, failures=0, objective=-12.7]


Random Search:: : 1798it [00:36, 42.62it/s, failures=0, objective=-12.7]


Random Search:: : 1799it [00:36, 42.62it/s, failures=0, objective=-12.7]


Random Search:: : 1800it [00:36, 42.62it/s, failures=0, objective=-12.7]


Random Search:: : 1801it [00:36, 42.62it/s, failures=0, objective=-12.7]


Random Search:: : 1802it [00:36, 42.62it/s, failures=0, objective=-12.7]


Random Search:: : 1803it [00:36, 59.95it/s, failures=0, objective=-12.7]


Random Search:: : 1803it [00:36, 59.95it/s, failures=0, objective=-12.7]


Random Search:: : 1804it [00:36, 59.95it/s, failures=0, objective=-12.7]


Random Search:: : 1805it [00:36, 59.95it/s, failures=0, objective=-12.7]


Random Search:: : 1806it [00:36, 59.95it/s, failures=0, objective=-12.7]


Random Search:: : 1807it [00:36, 59.95it/s, failures=0, objective=-12.7]


Random Search:: : 1808it [00:36, 59.95it/s, failures=0, objective=-12.7]


Random Search:: : 1809it [00:36, 59.95it/s, failures=0, objective=-12.7]


Random Search:: : 1810it [00:36, 57.32it/s, failures=0, objective=-12.7]


Random Search:: : 1810it [00:36, 57.32it/s, failures=0, objective=-12.7]


Random Search:: : 1811it [00:36, 57.32it/s, failures=0, objective=-12.7]


Random Search:: : 1812it [00:36, 57.32it/s, failures=0, objective=-12.7]


Random Search:: : 1813it [00:36, 57.32it/s, failures=0, objective=-12.7]


Random Search:: : 1814it [00:36, 57.32it/s, failures=0, objective=-12.7]


Random Search:: : 1815it [00:36, 57.32it/s, failures=0, objective=-12.7]


Random Search:: : 1816it [00:36, 57.32it/s, failures=0, objective=-12.7]


Random Search:: : 1817it [00:36, 55.20it/s, failures=0, objective=-12.7]


Random Search:: : 1817it [00:36, 55.20it/s, failures=0, objective=-12.7]


Random Search:: : 1818it [00:36, 55.20it/s, failures=0, objective=-12.7]


Random Search:: : 1819it [00:36, 55.20it/s, failures=0, objective=-12.7]


Random Search:: : 1820it [00:36, 55.20it/s, failures=0, objective=-12.7]


Random Search:: : 1821it [00:36, 55.20it/s, failures=0, objective=-12.7]


Random Search:: : 1822it [00:36, 55.20it/s, failures=0, objective=-12.7]


Random Search:: : 1823it [00:36, 55.20it/s, failures=0, objective=-12.7]


Random Search:: : 1824it [00:36, 56.05it/s, failures=0, objective=-12.7]


Random Search:: : 1824it [00:36, 56.05it/s, failures=0, objective=-12.7]


Random Search:: : 1825it [00:36, 56.05it/s, failures=0, objective=-12.7]


Random Search:: : 1826it [00:36, 56.05it/s, failures=0, objective=-12.7]


Random Search:: : 1827it [00:36, 56.05it/s, failures=0, objective=-12.7]


Random Search:: : 1828it [00:36, 56.05it/s, failures=0, objective=-12.7]


Random Search:: : 1829it [00:36, 56.05it/s, failures=0, objective=-12.7]


Random Search:: : 1830it [00:37, 40.90it/s, failures=0, objective=-12.7]


Random Search:: : 1830it [00:37, 40.90it/s, failures=0, objective=-12.7]


Random Search:: : 1831it [00:37, 40.90it/s, failures=0, objective=-12.7]


Random Search:: : 1832it [00:37, 40.90it/s, failures=0, objective=-12.7]


Random Search:: : 1833it [00:37, 40.90it/s, failures=0, objective=-12.7]


Random Search:: : 1834it [00:37, 40.90it/s, failures=0, objective=-12.7]


Random Search:: : 1835it [00:37, 40.90it/s, failures=0, objective=-12.7]


Random Search:: : 1836it [00:37, 40.90it/s, failures=0, objective=-12.7]


Random Search:: : 1837it [00:37, 40.90it/s, failures=0, objective=-12.7]


Random Search:: : 1838it [00:37, 47.50it/s, failures=0, objective=-12.7]


Random Search:: : 1838it [00:37, 47.50it/s, failures=0, objective=-12.7]


Random Search:: : 1839it [00:37, 47.50it/s, failures=0, objective=-12.7]


Random Search:: : 1840it [00:37, 47.50it/s, failures=0, objective=-12.7]


Random Search:: : 1841it [00:37, 47.50it/s, failures=0, objective=-12.7]


Random Search:: : 1842it [00:37, 47.50it/s, failures=0, objective=-12.7]


Random Search:: : 1843it [00:37, 47.50it/s, failures=0, objective=-12.7]


Random Search:: : 1844it [00:37, 41.15it/s, failures=0, objective=-12.7]


Random Search:: : 1844it [00:37, 41.15it/s, failures=0, objective=-12.7]


Random Search:: : 1845it [00:37, 41.15it/s, failures=0, objective=-12.7]


Random Search:: : 1846it [00:37, 41.15it/s, failures=0, objective=-12.7]


Random Search:: : 1847it [00:37, 41.15it/s, failures=0, objective=-12.7]


Random Search:: : 1848it [00:37, 41.15it/s, failures=0, objective=-12.7]


Random Search:: : 1849it [00:37, 41.15it/s, failures=0, objective=-12.7]


Random Search:: : 1850it [00:37, 41.15it/s, failures=0, objective=-12.7]


Random Search:: : 1851it [00:37, 41.15it/s, failures=0, objective=-12.7]


Random Search:: : 1852it [00:37, 41.15it/s, failures=0, objective=-12.7]


Random Search:: : 1853it [00:37, 41.15it/s, failures=0, objective=-12.7]


Random Search:: : 1854it [00:37, 52.20it/s, failures=0, objective=-12.7]


Random Search:: : 1854it [00:37, 52.20it/s, failures=0, objective=-12.7]


Random Search:: : 1855it [00:37, 52.20it/s, failures=0, objective=-12.7]


Random Search:: : 1856it [00:37, 52.20it/s, failures=0, objective=-12.7]


Random Search:: : 1857it [00:37, 52.20it/s, failures=0, objective=-12.7]


Random Search:: : 1858it [00:37, 52.20it/s, failures=0, objective=-12.7]


Random Search:: : 1859it [00:37, 52.20it/s, failures=0, objective=-12.7]


Random Search:: : 1860it [00:37, 52.20it/s, failures=0, objective=-12.7]


Random Search:: : 1861it [00:37, 52.20it/s, failures=0, objective=-12.7]


Random Search:: : 1862it [00:37, 52.20it/s, failures=0, objective=-12.7]


Random Search:: : 1863it [00:37, 52.20it/s, failures=0, objective=-12.7]


Random Search:: : 1864it [00:37, 58.41it/s, failures=0, objective=-12.7]


Random Search:: : 1864it [00:37, 58.41it/s, failures=0, objective=-12.7]


Random Search:: : 1865it [00:37, 58.41it/s, failures=0, objective=-12.7]


Random Search:: : 1866it [00:37, 58.41it/s, failures=0, objective=-12.7]


Random Search:: : 1867it [00:37, 58.41it/s, failures=0, objective=-12.7]


Random Search:: : 1868it [00:37, 58.41it/s, failures=0, objective=-12.7]


Random Search:: : 1869it [00:37, 58.41it/s, failures=0, objective=-12.7]


Random Search:: : 1870it [00:37, 58.41it/s, failures=0, objective=-12.7]


Random Search:: : 1871it [00:37, 54.02it/s, failures=0, objective=-12.7]


Random Search:: : 1871it [00:37, 54.02it/s, failures=0, objective=-12.7]


Random Search:: : 1872it [00:37, 54.02it/s, failures=0, objective=-12.7]


Random Search:: : 1873it [00:37, 54.02it/s, failures=0, objective=-12.7]


Random Search:: : 1874it [00:37, 54.02it/s, failures=0, objective=-12.7]


Random Search:: : 1875it [00:37, 54.02it/s, failures=0, objective=-12.7]


Random Search:: : 1876it [00:37, 54.02it/s, failures=0, objective=-12.7]


Random Search:: : 1877it [00:37, 50.72it/s, failures=0, objective=-12.7]


Random Search:: : 1877it [00:37, 50.72it/s, failures=0, objective=-12.7]


Random Search:: : 1878it [00:37, 50.72it/s, failures=0, objective=-12.7]


Random Search:: : 1879it [00:37, 50.72it/s, failures=0, objective=-12.7]


Random Search:: : 1880it [00:37, 50.72it/s, failures=0, objective=-12.7]


Random Search:: : 1881it [00:37, 50.72it/s, failures=0, objective=-12.7]


Random Search:: : 1882it [00:37, 50.72it/s, failures=0, objective=-12.7]


Random Search:: : 1883it [00:38, 50.31it/s, failures=0, objective=-12.7]


Random Search:: : 1883it [00:38, 50.31it/s, failures=0, objective=-12.7]


Random Search:: : 1884it [00:38, 50.31it/s, failures=0, objective=-12.7]


Random Search:: : 1885it [00:38, 50.31it/s, failures=0, objective=-12.7]


Random Search:: : 1886it [00:38, 50.31it/s, failures=0, objective=-12.7]


Random Search:: : 1887it [00:38, 50.31it/s, failures=0, objective=-12.7]


Random Search:: : 1888it [00:38, 50.31it/s, failures=0, objective=-12.7]


Random Search:: : 1889it [00:38, 50.28it/s, failures=0, objective=-12.7]


Random Search:: : 1889it [00:38, 50.28it/s, failures=0, objective=-12.7]


Random Search:: : 1890it [00:38, 50.28it/s, failures=0, objective=-12.7]


Random Search:: : 1891it [00:38, 50.28it/s, failures=0, objective=-12.7]


Random Search:: : 1892it [00:38, 50.28it/s, failures=0, objective=-12.7]


Random Search:: : 1893it [00:38, 50.28it/s, failures=0, objective=-12.7]


Random Search:: : 1894it [00:38, 50.28it/s, failures=0, objective=-12.7]


Random Search:: : 1895it [00:38, 50.84it/s, failures=0, objective=-12.7]


Random Search:: : 1895it [00:38, 50.84it/s, failures=0, objective=-12.7]


Random Search:: : 1896it [00:38, 50.84it/s, failures=0, objective=-12.7]


Random Search:: : 1897it [00:38, 50.84it/s, failures=0, objective=-12.7]


Random Search:: : 1898it [00:38, 50.84it/s, failures=0, objective=-12.7]


Random Search:: : 1899it [00:38, 50.84it/s, failures=0, objective=-12.7]


Random Search:: : 1900it [00:38, 50.84it/s, failures=0, objective=-12.7]


Random Search:: : 1901it [00:38, 51.67it/s, failures=0, objective=-12.7]


Random Search:: : 1901it [00:38, 51.67it/s, failures=0, objective=-12.7]


Random Search:: : 1902it [00:38, 51.67it/s, failures=0, objective=-12.7]


Random Search:: : 1903it [00:38, 51.67it/s, failures=0, objective=-12.7]


Random Search:: : 1904it [00:38, 51.67it/s, failures=0, objective=-12.7]


Random Search:: : 1905it [00:38, 51.67it/s, failures=0, objective=-12.7]


Random Search:: : 1906it [00:38, 51.67it/s, failures=0, objective=-12.7]


Random Search:: : 1907it [00:38, 51.67it/s, failures=0, objective=-12.7]


Random Search:: : 1908it [00:38, 51.67it/s, failures=0, objective=-12.7]


Random Search:: : 1909it [00:38, 55.81it/s, failures=0, objective=-12.7]


Random Search:: : 1909it [00:38, 55.81it/s, failures=0, objective=-12.7]


Random Search:: : 1910it [00:38, 55.81it/s, failures=0, objective=-12.7]


Random Search:: : 1911it [00:38, 55.81it/s, failures=0, objective=-12.7]


Random Search:: : 1912it [00:38, 55.81it/s, failures=0, objective=-12.7]


Random Search:: : 1913it [00:38, 55.81it/s, failures=0, objective=-12.7]


Random Search:: : 1914it [00:38, 55.81it/s, failures=0, objective=-12.7]


Random Search:: : 1915it [00:38, 47.15it/s, failures=0, objective=-12.7]


Random Search:: : 1915it [00:38, 47.15it/s, failures=0, objective=-12.7]


Random Search:: : 1916it [00:38, 47.15it/s, failures=0, objective=-12.7]


Random Search:: : 1917it [00:38, 47.15it/s, failures=0, objective=-12.7]


Random Search:: : 1918it [00:38, 47.15it/s, failures=0, objective=-12.7]


Random Search:: : 1919it [00:38, 47.15it/s, failures=0, objective=-12.7]


Random Search:: : 1920it [00:38, 46.94it/s, failures=0, objective=-12.7]


Random Search:: : 1920it [00:38, 46.94it/s, failures=0, objective=-12.7]


Random Search:: : 1921it [00:38, 46.94it/s, failures=0, objective=-12.7]


Random Search:: : 1922it [00:38, 46.94it/s, failures=0, objective=-12.7]


Random Search:: : 1923it [00:38, 46.94it/s, failures=0, objective=-12.7]


Random Search:: : 1924it [00:38, 46.94it/s, failures=0, objective=-12.7]


Random Search:: : 1925it [00:38, 46.94it/s, failures=0, objective=-12.7]


Random Search:: : 1926it [00:38, 46.94it/s, failures=0, objective=-12.7]


Random Search:: : 1927it [00:38, 46.94it/s, failures=0, objective=-12.7]


Random Search:: : 1928it [00:38, 51.85it/s, failures=0, objective=-12.7]


Random Search:: : 1928it [00:38, 51.85it/s, failures=0, objective=-12.7]


Random Search:: : 1929it [00:38, 51.85it/s, failures=0, objective=-12.7]


Random Search:: : 1930it [00:38, 51.85it/s, failures=0, objective=-12.7]


Random Search:: : 1931it [00:38, 51.85it/s, failures=0, objective=-12.7]


Random Search:: : 1932it [00:38, 51.85it/s, failures=0, objective=-12.7]


Random Search:: : 1933it [00:38, 51.85it/s, failures=0, objective=-12.7]


Random Search:: : 1934it [00:38, 51.85it/s, failures=0, objective=-12.7]


Random Search:: : 1935it [00:38, 51.85it/s, failures=0, objective=-12.7]


Random Search:: : 1936it [00:39, 51.85it/s, failures=0, objective=-12.7]


Random Search:: : 1937it [00:39, 57.46it/s, failures=0, objective=-12.7]


Random Search:: : 1937it [00:39, 57.46it/s, failures=0, objective=-12.7]


Random Search:: : 1938it [00:39, 57.46it/s, failures=0, objective=-12.7]


Random Search:: : 1939it [00:39, 57.46it/s, failures=0, objective=-12.7]


Random Search:: : 1940it [00:39, 57.46it/s, failures=0, objective=-12.7]


Random Search:: : 1941it [00:39, 57.46it/s, failures=0, objective=-12.7]


Random Search:: : 1942it [00:39, 57.46it/s, failures=0, objective=-12.7]


Random Search:: : 1943it [00:39, 57.46it/s, failures=0, objective=-12.7]


Random Search:: : 1944it [00:39, 57.46it/s, failures=0, objective=-12.7]


Random Search:: : 1945it [00:39, 57.46it/s, failures=0, objective=-12.7]


Random Search:: : 1946it [00:39, 63.41it/s, failures=0, objective=-12.7]


Random Search:: : 1946it [00:39, 63.41it/s, failures=0, objective=-12.7]


Random Search:: : 1947it [00:39, 63.41it/s, failures=0, objective=-12.7]


Random Search:: : 1948it [00:39, 63.41it/s, failures=0, objective=-12.7]


Random Search:: : 1949it [00:39, 63.41it/s, failures=0, objective=-12.7]


Random Search:: : 1950it [00:39, 63.41it/s, failures=0, objective=-12.7]


Random Search:: : 1951it [00:39, 63.41it/s, failures=0, objective=-12.7]


Random Search:: : 1952it [00:39, 63.41it/s, failures=0, objective=-12.7]


Random Search:: : 1953it [00:39, 54.29it/s, failures=0, objective=-12.7]


Random Search:: : 1953it [00:39, 54.29it/s, failures=0, objective=-12.7]


Random Search:: : 1954it [00:39, 54.29it/s, failures=0, objective=-12.7]


Random Search:: : 1955it [00:39, 54.29it/s, failures=0, objective=-12.7]


Random Search:: : 1956it [00:39, 54.29it/s, failures=0, objective=-12.7]


Random Search:: : 1957it [00:39, 54.29it/s, failures=0, objective=-12.7]


Random Search:: : 1958it [00:39, 54.29it/s, failures=0, objective=-12.7]


Random Search:: : 1959it [00:39, 44.10it/s, failures=0, objective=-12.7]


Random Search:: : 1959it [00:39, 44.10it/s, failures=0, objective=-12.7]


Random Search:: : 1960it [00:39, 44.10it/s, failures=0, objective=-12.7]


Random Search:: : 1961it [00:39, 44.10it/s, failures=0, objective=-12.7]


Random Search:: : 1962it [00:39, 44.10it/s, failures=0, objective=-12.7]


Random Search:: : 1963it [00:39, 44.10it/s, failures=0, objective=-12.7]


Random Search:: : 1964it [00:39, 44.10it/s, failures=0, objective=-12.7]


Random Search:: : 1965it [00:39, 44.10it/s, failures=0, objective=-12.7]


Random Search:: : 1966it [00:39, 44.10it/s, failures=0, objective=-12.7]


Random Search:: : 1967it [00:39, 44.10it/s, failures=0, objective=-12.7]


Random Search:: : 1968it [00:39, 44.10it/s, failures=0, objective=-12.7]


Random Search:: : 1969it [00:39, 52.18it/s, failures=0, objective=-12.7]


Random Search:: : 1969it [00:39, 52.18it/s, failures=0, objective=-12.7]


Random Search:: : 1970it [00:39, 52.18it/s, failures=0, objective=-12.7]


Random Search:: : 1971it [00:39, 52.18it/s, failures=0, objective=-12.7]


Random Search:: : 1972it [00:39, 52.18it/s, failures=0, objective=-12.7]


Random Search:: : 1973it [00:39, 52.18it/s, failures=0, objective=-12.7]


Random Search:: : 1974it [00:39, 52.18it/s, failures=0, objective=-12.7]


Random Search:: : 1975it [00:39, 49.88it/s, failures=0, objective=-12.7]


Random Search:: : 1975it [00:39, 49.88it/s, failures=0, objective=-12.7]


Random Search:: : 1976it [00:39, 49.88it/s, failures=0, objective=-12.7]


Random Search:: : 1977it [00:39, 49.88it/s, failures=0, objective=-12.7]


Random Search:: : 1978it [00:39, 49.88it/s, failures=0, objective=-12.7]


Random Search:: : 1979it [00:40, 49.88it/s, failures=0, objective=-12.7]


Random Search:: : 1980it [00:40, 49.88it/s, failures=0, objective=-12.7]


Random Search:: : 1981it [00:40, 41.92it/s, failures=0, objective=-12.7]


Random Search:: : 1981it [00:40, 41.92it/s, failures=0, objective=-12.7]


Random Search:: : 1982it [00:40, 41.92it/s, failures=0, objective=-12.7]


Random Search:: : 1983it [00:40, 41.92it/s, failures=0, objective=-12.7]


Random Search:: : 1984it [00:40, 41.92it/s, failures=0, objective=-12.7]


Random Search:: : 1985it [00:40, 41.92it/s, failures=0, objective=-12.7]


Random Search:: : 1986it [00:40, 41.92it/s, failures=0, objective=-12.7]


Random Search:: : 1987it [00:40, 41.92it/s, failures=0, objective=-12.7]


Random Search:: : 1988it [00:40, 41.92it/s, failures=0, objective=-12.7]


Random Search:: : 1989it [00:40, 49.47it/s, failures=0, objective=-12.7]


Random Search:: : 1989it [00:40, 49.47it/s, failures=0, objective=-12.7]


Random Search:: : 1990it [00:40, 49.47it/s, failures=0, objective=-12.7]


Random Search:: : 1991it [00:40, 49.47it/s, failures=0, objective=-12.7]


Random Search:: : 1992it [00:40, 49.47it/s, failures=0, objective=-12.7]


Random Search:: : 1993it [00:40, 49.47it/s, failures=0, objective=-12.7]


Random Search:: : 1994it [00:40, 49.47it/s, failures=0, objective=-12.7]


Random Search:: : 1995it [00:40, 47.95it/s, failures=0, objective=-12.7]


Random Search:: : 1995it [00:40, 47.95it/s, failures=0, objective=-12.7]


Random Search:: : 1996it [00:40, 47.95it/s, failures=0, objective=-12.7]


Random Search:: : 1997it [00:40, 47.95it/s, failures=0, objective=-12.7]


Random Search:: : 1998it [00:40, 47.95it/s, failures=0, objective=-12.7]


Random Search:: : 1999it [00:40, 47.95it/s, failures=0, objective=-12.7]


Random Search:: : 2000it [00:40, 47.95it/s, failures=0, objective=-12.7]


Random Search:: : 2001it [00:40, 47.95it/s, failures=0, objective=-12.7]


Random Search:: : 2002it [00:40, 47.95it/s, failures=0, objective=-12.7]


Random Search:: : 2003it [00:40, 52.46it/s, failures=0, objective=-12.7]


Random Search:: : 2003it [00:40, 52.46it/s, failures=0, objective=-12.7]


Random Search:: : 2004it [00:40, 52.46it/s, failures=0, objective=-12.7]


Random Search:: : 2005it [00:40, 52.46it/s, failures=0, objective=-12.7]


Random Search:: : 2006it [00:40, 52.46it/s, failures=0, objective=-12.7]


Random Search:: : 2007it [00:40, 52.46it/s, failures=0, objective=-12.7]


Random Search:: : 2008it [00:40, 52.46it/s, failures=0, objective=-12.7]


Random Search:: : 2009it [00:40, 52.46it/s, failures=0, objective=-12.7]


Random Search:: : 2010it [00:40, 52.46it/s, failures=0, objective=-12.7]


Random Search:: : 2011it [00:40, 52.46it/s, failures=0, objective=-12.7]


Random Search:: : 2012it [00:40, 52.46it/s, failures=0, objective=-12.7]


Random Search:: : 2013it [00:40, 62.13it/s, failures=0, objective=-12.7]


Random Search:: : 2013it [00:40, 62.13it/s, failures=0, objective=-12.7]


Random Search:: : 2014it [00:40, 62.13it/s, failures=0, objective=-12.7]


Random Search:: : 2015it [00:40, 62.13it/s, failures=0, objective=-12.7]


Random Search:: : 2016it [00:40, 62.13it/s, failures=0, objective=-12.7]


Random Search:: : 2017it [00:40, 62.13it/s, failures=0, objective=-12.7]


Random Search:: : 2018it [00:40, 62.13it/s, failures=0, objective=-12.7]


Random Search:: : 2019it [00:40, 62.13it/s, failures=0, objective=-12.7]


Random Search:: : 2020it [00:40, 62.57it/s, failures=0, objective=-12.7]


Random Search:: : 2020it [00:40, 62.57it/s, failures=0, objective=-12.7]


Random Search:: : 2021it [00:40, 62.57it/s, failures=0, objective=-12.7]


Random Search:: : 2022it [00:40, 62.57it/s, failures=0, objective=-12.7]


Random Search:: : 2023it [00:40, 62.57it/s, failures=0, objective=-12.7]


Random Search:: : 2024it [00:40, 62.57it/s, failures=0, objective=-12.7]


Random Search:: : 2025it [00:40, 62.57it/s, failures=0, objective=-12.7]


Random Search:: : 2026it [00:40, 62.57it/s, failures=0, objective=-12.7]


Random Search:: : 2027it [00:40, 48.85it/s, failures=0, objective=-12.7]


Random Search:: : 2027it [00:40, 48.85it/s, failures=0, objective=-12.7]


Random Search:: : 2028it [00:40, 48.85it/s, failures=0, objective=-12.7]


Random Search:: : 2029it [00:40, 48.85it/s, failures=0, objective=-12.7]


Random Search:: : 2030it [00:40, 48.85it/s, failures=0, objective=-12.7]


Random Search:: : 2031it [00:40, 48.85it/s, failures=0, objective=-12.7]


Random Search:: : 2032it [00:40, 48.85it/s, failures=0, objective=-12.7]


Random Search:: : 2033it [00:40, 48.85it/s, failures=0, objective=-12.7]


Random Search:: : 2034it [00:40, 48.85it/s, failures=0, objective=-12.7]


Random Search:: : 2035it [00:40, 48.85it/s, failures=0, objective=-12.7]


Random Search:: : 2036it [00:40, 48.85it/s, failures=0, objective=-12.7]


Random Search:: : 2037it [00:41, 50.23it/s, failures=0, objective=-12.7]


Random Search:: : 2037it [00:41, 50.23it/s, failures=0, objective=-12.7]


Random Search:: : 2038it [00:41, 50.23it/s, failures=0, objective=-12.7]


Random Search:: : 2039it [00:41, 50.23it/s, failures=0, objective=-12.7]


Random Search:: : 2040it [00:41, 50.23it/s, failures=0, objective=-12.7]


Random Search:: : 2041it [00:41, 50.23it/s, failures=0, objective=-12.7]


Random Search:: : 2042it [00:41, 50.23it/s, failures=0, objective=-12.7]


Random Search:: : 2043it [00:41, 50.23it/s, failures=0, objective=-12.7]


Random Search:: : 2044it [00:41, 50.23it/s, failures=0, objective=-12.7]


Random Search:: : 2045it [00:41, 50.23it/s, failures=0, objective=-12.7]


Random Search:: : 2046it [00:41, 58.01it/s, failures=0, objective=-12.7]


Random Search:: : 2046it [00:41, 58.01it/s, failures=0, objective=-12.7]


Random Search:: : 2047it [00:41, 58.01it/s, failures=0, objective=-12.7]


Random Search:: : 2048it [00:41, 58.01it/s, failures=0, objective=-12.7]


Random Search:: : 2049it [00:41, 58.01it/s, failures=0, objective=-12.7]


Random Search:: : 2050it [00:41, 58.01it/s, failures=0, objective=-12.7]


Random Search:: : 2051it [00:41, 58.01it/s, failures=0, objective=-12.7]


Random Search:: : 2052it [00:41, 58.01it/s, failures=0, objective=-12.7]


Random Search:: : 2053it [00:41, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2053it [00:41, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2054it [00:41, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2055it [00:41, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2056it [00:41, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2057it [00:41, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2058it [00:41, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2059it [00:41, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2060it [00:41, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2061it [00:41, 55.96it/s, failures=0, objective=-12.7]


Random Search:: : 2061it [00:41, 55.96it/s, failures=0, objective=-12.7]


Random Search:: : 2062it [00:41, 55.96it/s, failures=0, objective=-12.7]


Random Search:: : 2063it [00:41, 55.96it/s, failures=0, objective=-12.7]


Random Search:: : 2064it [00:41, 55.96it/s, failures=0, objective=-12.7]


Random Search:: : 2065it [00:41, 55.96it/s, failures=0, objective=-12.7]


Random Search:: : 2066it [00:41, 55.96it/s, failures=0, objective=-12.7]


Random Search:: : 2067it [00:41, 55.96it/s, failures=0, objective=-12.7]


Random Search:: : 2068it [00:41, 57.48it/s, failures=0, objective=-12.7]


Random Search:: : 2068it [00:41, 57.48it/s, failures=0, objective=-12.7]


Random Search:: : 2069it [00:41, 57.48it/s, failures=0, objective=-12.7]


Random Search:: : 2070it [00:41, 57.48it/s, failures=0, objective=-12.7]


Random Search:: : 2071it [00:41, 57.48it/s, failures=0, objective=-12.7]


Random Search:: : 2072it [00:41, 57.48it/s, failures=0, objective=-12.7]


Random Search:: : 2073it [00:41, 57.48it/s, failures=0, objective=-12.7]


Random Search:: : 2074it [00:41, 57.48it/s, failures=0, objective=-12.7]


Random Search:: : 2075it [00:41, 45.91it/s, failures=0, objective=-12.7]


Random Search:: : 2075it [00:41, 45.91it/s, failures=0, objective=-12.7]


Random Search:: : 2076it [00:41, 45.91it/s, failures=0, objective=-12.7]


Random Search:: : 2077it [00:41, 45.91it/s, failures=0, objective=-12.7]


Random Search:: : 2078it [00:41, 45.91it/s, failures=0, objective=-12.7]


Random Search:: : 2079it [00:41, 45.91it/s, failures=0, objective=-12.7]


Random Search:: : 2080it [00:41, 45.91it/s, failures=0, objective=-12.7]


Random Search:: : 2081it [00:41, 45.91it/s, failures=0, objective=-12.7]


Random Search:: : 2082it [00:41, 43.16it/s, failures=0, objective=-12.7]


Random Search:: : 2082it [00:41, 43.16it/s, failures=0, objective=-12.7]


Random Search:: : 2083it [00:41, 43.16it/s, failures=0, objective=-12.7]


Random Search:: : 2084it [00:42, 43.16it/s, failures=0, objective=-12.7]


Random Search:: : 2085it [00:42, 43.16it/s, failures=0, objective=-12.7]


Random Search:: : 2086it [00:42, 43.16it/s, failures=0, objective=-12.7]


Random Search:: : 2087it [00:42, 43.94it/s, failures=0, objective=-12.7]


Random Search:: : 2087it [00:42, 43.94it/s, failures=0, objective=-12.7]


Random Search:: : 2088it [00:42, 43.94it/s, failures=0, objective=-12.7]


Random Search:: : 2089it [00:42, 43.94it/s, failures=0, objective=-12.7]


Random Search:: : 2090it [00:42, 43.94it/s, failures=0, objective=-12.7]


Random Search:: : 2091it [00:42, 43.94it/s, failures=0, objective=-12.7]


Random Search:: : 2092it [00:42, 43.94it/s, failures=0, objective=-12.7]


Random Search:: : 2093it [00:42, 43.94it/s, failures=0, objective=-12.7]


Random Search:: : 2094it [00:42, 47.20it/s, failures=0, objective=-12.7]


Random Search:: : 2094it [00:42, 47.20it/s, failures=0, objective=-12.7]


Random Search:: : 2095it [00:42, 47.20it/s, failures=0, objective=-12.7]


Random Search:: : 2096it [00:42, 47.20it/s, failures=0, objective=-12.7]


Random Search:: : 2097it [00:42, 47.20it/s, failures=0, objective=-12.7]


Random Search:: : 2098it [00:42, 47.20it/s, failures=0, objective=-12.7]


Random Search:: : 2099it [00:42, 47.20it/s, failures=0, objective=-12.7]


Random Search:: : 2100it [00:42, 47.20it/s, failures=0, objective=-12.7]


Random Search:: : 2101it [00:42, 51.01it/s, failures=0, objective=-12.7]


Random Search:: : 2101it [00:42, 51.01it/s, failures=0, objective=-12.7]


Random Search:: : 2102it [00:42, 51.01it/s, failures=0, objective=-12.7]


Random Search:: : 2103it [00:42, 51.01it/s, failures=0, objective=-12.7]


Random Search:: : 2104it [00:42, 51.01it/s, failures=0, objective=-12.7]


Random Search:: : 2105it [00:42, 51.01it/s, failures=0, objective=-12.7]


Random Search:: : 2106it [00:42, 51.01it/s, failures=0, objective=-12.7]


Random Search:: : 2107it [00:42, 51.01it/s, failures=0, objective=-12.7]


Random Search:: : 2108it [00:42, 54.45it/s, failures=0, objective=-12.7]


Random Search:: : 2108it [00:42, 54.45it/s, failures=0, objective=-12.7]


Random Search:: : 2109it [00:42, 54.45it/s, failures=0, objective=-12.7]


Random Search:: : 2110it [00:42, 54.45it/s, failures=0, objective=-12.7]


Random Search:: : 2111it [00:42, 54.45it/s, failures=0, objective=-12.7]


Random Search:: : 2112it [00:42, 54.45it/s, failures=0, objective=-12.7]


Random Search:: : 2113it [00:42, 54.45it/s, failures=0, objective=-12.7]


Random Search:: : 2114it [00:42, 53.87it/s, failures=0, objective=-12.7]


Random Search:: : 2114it [00:42, 53.87it/s, failures=0, objective=-12.7]


Random Search:: : 2115it [00:42, 53.87it/s, failures=0, objective=-12.7]


Random Search:: : 2116it [00:42, 53.87it/s, failures=0, objective=-12.7]


Random Search:: : 2117it [00:42, 53.87it/s, failures=0, objective=-12.7]


Random Search:: : 2118it [00:42, 53.87it/s, failures=0, objective=-12.7]


Random Search:: : 2119it [00:42, 53.87it/s, failures=0, objective=-12.7]


Random Search:: : 2120it [00:42, 53.87it/s, failures=0, objective=-12.7]


Random Search:: : 2121it [00:42, 54.47it/s, failures=0, objective=-12.7]


Random Search:: : 2121it [00:42, 54.47it/s, failures=0, objective=-12.7]


Random Search:: : 2122it [00:42, 54.47it/s, failures=0, objective=-12.7]


Random Search:: : 2123it [00:42, 54.47it/s, failures=0, objective=-12.7]


Random Search:: : 2124it [00:42, 54.47it/s, failures=0, objective=-12.7]


Random Search:: : 2125it [00:42, 54.47it/s, failures=0, objective=-12.7]


Random Search:: : 2126it [00:42, 54.47it/s, failures=0, objective=-12.7]


Random Search:: : 2127it [00:42, 44.01it/s, failures=0, objective=-12.7]


Random Search:: : 2127it [00:42, 44.01it/s, failures=0, objective=-12.7]


Random Search:: : 2128it [00:42, 44.01it/s, failures=0, objective=-12.7]


Random Search:: : 2129it [00:42, 44.01it/s, failures=0, objective=-12.7]


Random Search:: : 2130it [00:42, 44.01it/s, failures=0, objective=-12.7]


Random Search:: : 2131it [00:42, 44.01it/s, failures=0, objective=-12.7]


Random Search:: : 2132it [00:42, 42.72it/s, failures=0, objective=-12.7]


Random Search:: : 2132it [00:42, 42.72it/s, failures=0, objective=-12.7]


Random Search:: : 2133it [00:42, 42.72it/s, failures=0, objective=-12.7]


Random Search:: : 2134it [00:42, 42.72it/s, failures=0, objective=-12.7]


Random Search:: : 2135it [00:43, 42.72it/s, failures=0, objective=-12.7]


Random Search:: : 2136it [00:43, 42.72it/s, failures=0, objective=-12.7]


Random Search:: : 2137it [00:43, 40.08it/s, failures=0, objective=-12.7]


Random Search:: : 2137it [00:43, 40.08it/s, failures=0, objective=-12.7]


Random Search:: : 2138it [00:43, 40.08it/s, failures=0, objective=-12.7]


Random Search:: : 2139it [00:43, 40.08it/s, failures=0, objective=-12.7]


Random Search:: : 2140it [00:43, 40.08it/s, failures=0, objective=-12.7]


Random Search:: : 2141it [00:43, 40.08it/s, failures=0, objective=-12.7]


Random Search:: : 2142it [00:43, 42.35it/s, failures=0, objective=-12.7]


Random Search:: : 2142it [00:43, 42.35it/s, failures=0, objective=-12.7]


Random Search:: : 2143it [00:43, 42.35it/s, failures=0, objective=-12.7]


Random Search:: : 2144it [00:43, 42.35it/s, failures=0, objective=-12.7]


Random Search:: : 2145it [00:43, 42.35it/s, failures=0, objective=-12.7]


Random Search:: : 2146it [00:43, 42.35it/s, failures=0, objective=-12.7]


Random Search:: : 2147it [00:43, 42.35it/s, failures=0, objective=-12.7]


Random Search:: : 2148it [00:43, 42.35it/s, failures=0, objective=-12.7]


Random Search:: : 2149it [00:43, 42.35it/s, failures=0, objective=-12.7]


Random Search:: : 2150it [00:43, 42.35it/s, failures=0, objective=-12.7]


Random Search:: : 2151it [00:43, 42.35it/s, failures=0, objective=-12.7]


Random Search:: : 2152it [00:43, 55.17it/s, failures=0, objective=-12.7]


Random Search:: : 2152it [00:43, 55.17it/s, failures=0, objective=-12.7]


Random Search:: : 2153it [00:43, 55.17it/s, failures=0, objective=-12.7]


Random Search:: : 2154it [00:43, 55.17it/s, failures=0, objective=-12.7]


Random Search:: : 2155it [00:43, 55.17it/s, failures=0, objective=-12.7]


Random Search:: : 2156it [00:43, 55.17it/s, failures=0, objective=-12.7]


Random Search:: : 2157it [00:43, 55.17it/s, failures=0, objective=-12.7]


Random Search:: : 2158it [00:43, 55.17it/s, failures=0, objective=-12.7]


Random Search:: : 2159it [00:43, 55.17it/s, failures=0, objective=-12.7]


Random Search:: : 2160it [00:43, 57.33it/s, failures=0, objective=-12.7]


Random Search:: : 2160it [00:43, 57.33it/s, failures=0, objective=-12.7]


Random Search:: : 2161it [00:43, 57.33it/s, failures=0, objective=-12.7]


Random Search:: : 2162it [00:43, 57.33it/s, failures=0, objective=-12.7]


Random Search:: : 2163it [00:43, 57.33it/s, failures=0, objective=-12.7]


Random Search:: : 2164it [00:43, 57.33it/s, failures=0, objective=-12.7]


Random Search:: : 2165it [00:43, 57.33it/s, failures=0, objective=-12.7]


Random Search:: : 2166it [00:43, 57.33it/s, failures=0, objective=-12.7]


Random Search:: : 2167it [00:43, 59.22it/s, failures=0, objective=-12.7]


Random Search:: : 2167it [00:43, 59.22it/s, failures=0, objective=-12.7]


Random Search:: : 2168it [00:43, 59.22it/s, failures=0, objective=-12.7]


Random Search:: : 2169it [00:43, 59.22it/s, failures=0, objective=-12.7]


Random Search:: : 2170it [00:43, 59.22it/s, failures=0, objective=-12.7]


Random Search:: : 2171it [00:43, 59.22it/s, failures=0, objective=-12.7]


Random Search:: : 2172it [00:43, 59.22it/s, failures=0, objective=-12.7]


Random Search:: : 2173it [00:43, 59.22it/s, failures=0, objective=-12.7]


Random Search:: : 2174it [00:43, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2174it [00:43, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2175it [00:43, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2176it [00:43, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2177it [00:43, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2178it [00:43, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2179it [00:43, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2180it [00:43, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2181it [00:43, 51.55it/s, failures=0, objective=-12.7]


Random Search:: : 2182it [00:43, 58.07it/s, failures=0, objective=-12.7]


Random Search:: : 2182it [00:43, 58.07it/s, failures=0, objective=-12.7]


Random Search:: : 2183it [00:43, 58.07it/s, failures=0, objective=-12.7]


Random Search:: : 2184it [00:43, 58.07it/s, failures=0, objective=-12.7]


Random Search:: : 2185it [00:43, 58.07it/s, failures=0, objective=-12.7]


Random Search:: : 2186it [00:43, 58.07it/s, failures=0, objective=-12.7]


Random Search:: : 2187it [00:43, 58.07it/s, failures=0, objective=-12.7]


Random Search:: : 2188it [00:43, 58.07it/s, failures=0, objective=-12.7]


Random Search:: : 2189it [00:43, 58.07it/s, failures=0, objective=-12.7]


Random Search:: : 2190it [00:43, 58.07it/s, failures=0, objective=-12.7]


Random Search:: : 2191it [00:43, 58.07it/s, failures=0, objective=-12.7]


Random Search:: : 2192it [00:43, 58.07it/s, failures=0, objective=-12.7]


Random Search:: : 2193it [00:43, 58.07it/s, failures=0, objective=-12.7]


Random Search:: : 2194it [00:43, 58.07it/s, failures=0, objective=-12.7]


Random Search:: : 2195it [00:43, 76.19it/s, failures=0, objective=-12.7]


Random Search:: : 2195it [00:43, 76.19it/s, failures=0, objective=-12.7]


Random Search:: : 2196it [00:43, 76.19it/s, failures=0, objective=-12.7]


Random Search:: : 2197it [00:43, 76.19it/s, failures=0, objective=-12.7]


Random Search:: : 2198it [00:43, 76.19it/s, failures=0, objective=-12.7]


Random Search:: : 2199it [00:43, 76.19it/s, failures=0, objective=-12.7]


Random Search:: : 2200it [00:44, 76.19it/s, failures=0, objective=-12.7]


Random Search:: : 2201it [00:44, 76.19it/s, failures=0, objective=-12.7]


Random Search:: : 2202it [00:44, 76.19it/s, failures=0, objective=-12.7]


Random Search:: : 2203it [00:44, 76.19it/s, failures=0, objective=-12.7]


Random Search:: : 2204it [00:44, 60.07it/s, failures=0, objective=-12.7]


Random Search:: : 2204it [00:44, 60.07it/s, failures=0, objective=-12.7]


Random Search:: : 2205it [00:44, 60.07it/s, failures=0, objective=-12.7]


Random Search:: : 2206it [00:44, 60.07it/s, failures=0, objective=-12.7]


Random Search:: : 2207it [00:44, 60.07it/s, failures=0, objective=-12.7]


Random Search:: : 2208it [00:44, 60.07it/s, failures=0, objective=-12.7]


Random Search:: : 2209it [00:44, 60.07it/s, failures=0, objective=-12.7]


Random Search:: : 2210it [00:44, 60.07it/s, failures=0, objective=-12.7]


Random Search:: : 2211it [00:44, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2211it [00:44, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2212it [00:44, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2213it [00:44, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2214it [00:44, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2215it [00:44, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2216it [00:44, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2217it [00:44, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2218it [00:44, 55.82it/s, failures=0, objective=-12.7]


Random Search:: : 2218it [00:44, 55.82it/s, failures=0, objective=-12.7]


Random Search:: : 2219it [00:44, 55.82it/s, failures=0, objective=-12.7]


Random Search:: : 2220it [00:44, 55.82it/s, failures=0, objective=-12.7]


Random Search:: : 2221it [00:44, 55.82it/s, failures=0, objective=-12.7]


Random Search:: : 2222it [00:44, 55.82it/s, failures=0, objective=-12.7]


Random Search:: : 2223it [00:44, 55.82it/s, failures=0, objective=-12.7]


Random Search:: : 2224it [00:44, 55.82it/s, failures=0, objective=-12.7]


Random Search:: : 2225it [00:44, 44.82it/s, failures=0, objective=-12.7]


Random Search:: : 2225it [00:44, 44.82it/s, failures=0, objective=-12.7]


Random Search:: : 2226it [00:44, 44.82it/s, failures=0, objective=-12.7]


Random Search:: : 2227it [00:44, 44.82it/s, failures=0, objective=-12.7]


Random Search:: : 2228it [00:44, 44.82it/s, failures=0, objective=-12.7]


Random Search:: : 2229it [00:44, 44.82it/s, failures=0, objective=-12.7]


Random Search:: : 2230it [00:44, 44.82it/s, failures=0, objective=-12.7]


Random Search:: : 2231it [00:44, 45.14it/s, failures=0, objective=-12.7]


Random Search:: : 2231it [00:44, 45.14it/s, failures=0, objective=-12.7]


Random Search:: : 2232it [00:44, 45.14it/s, failures=0, objective=-12.7]


Random Search:: : 2233it [00:44, 45.14it/s, failures=0, objective=-12.7]


Random Search:: : 2234it [00:44, 45.14it/s, failures=0, objective=-12.7]


Random Search:: : 2235it [00:44, 45.14it/s, failures=0, objective=-12.7]


Random Search:: : 2236it [00:44, 41.43it/s, failures=0, objective=-12.7]


Random Search:: : 2236it [00:44, 41.43it/s, failures=0, objective=-12.7]


Random Search:: : 2237it [00:44, 41.43it/s, failures=0, objective=-12.7]


Random Search:: : 2238it [00:44, 41.43it/s, failures=0, objective=-12.7]


Random Search:: : 2239it [00:45, 41.43it/s, failures=0, objective=-12.7]


Random Search:: : 2240it [00:45, 41.43it/s, failures=0, objective=-12.7]


Random Search:: : 2241it [00:45, 41.43it/s, failures=0, objective=-12.7]


Random Search:: : 2242it [00:45, 41.43it/s, failures=0, objective=-12.7]


Random Search:: : 2243it [00:45, 46.43it/s, failures=0, objective=-12.7]


Random Search:: : 2243it [00:45, 46.43it/s, failures=0, objective=-12.7]


Random Search:: : 2244it [00:45, 46.43it/s, failures=0, objective=-12.7]


Random Search:: : 2245it [00:45, 46.43it/s, failures=0, objective=-12.7]


Random Search:: : 2246it [00:45, 46.43it/s, failures=0, objective=-12.7]


Random Search:: : 2247it [00:45, 46.43it/s, failures=0, objective=-12.7]


Random Search:: : 2248it [00:45, 44.80it/s, failures=0, objective=-12.7]


Random Search:: : 2248it [00:45, 44.80it/s, failures=0, objective=-12.7]


Random Search:: : 2249it [00:45, 44.80it/s, failures=0, objective=-12.7]


Random Search:: : 2250it [00:45, 44.80it/s, failures=0, objective=-12.7]


Random Search:: : 2251it [00:45, 44.80it/s, failures=0, objective=-12.7]


Random Search:: : 2252it [00:45, 44.80it/s, failures=0, objective=-12.7]


Random Search:: : 2253it [00:45, 44.80it/s, failures=0, objective=-12.7]


Random Search:: : 2254it [00:45, 45.05it/s, failures=0, objective=-12.7]


Random Search:: : 2254it [00:45, 45.05it/s, failures=0, objective=-12.7]


Random Search:: : 2255it [00:45, 45.05it/s, failures=0, objective=-12.7]


Random Search:: : 2256it [00:45, 45.05it/s, failures=0, objective=-12.7]


Random Search:: : 2257it [00:45, 45.05it/s, failures=0, objective=-12.7]


Random Search:: : 2258it [00:45, 45.05it/s, failures=0, objective=-12.7]


Random Search:: : 2259it [00:45, 44.24it/s, failures=0, objective=-12.7]


Random Search:: : 2259it [00:45, 44.24it/s, failures=0, objective=-12.7]


Random Search:: : 2260it [00:45, 44.24it/s, failures=0, objective=-12.7]


Random Search:: : 2261it [00:45, 44.24it/s, failures=0, objective=-12.7]


Random Search:: : 2262it [00:45, 44.24it/s, failures=0, objective=-12.7]


Random Search:: : 2263it [00:45, 44.24it/s, failures=0, objective=-12.7]


Random Search:: : 2264it [00:45, 44.24it/s, failures=0, objective=-12.7]


Random Search:: : 2265it [00:45, 46.65it/s, failures=0, objective=-12.7]


Random Search:: : 2265it [00:45, 46.65it/s, failures=0, objective=-12.7]


Random Search:: : 2266it [00:45, 46.65it/s, failures=0, objective=-12.7]


Random Search:: : 2267it [00:45, 46.65it/s, failures=0, objective=-12.7]


Random Search:: : 2268it [00:45, 46.65it/s, failures=0, objective=-12.7]


Random Search:: : 2269it [00:45, 46.65it/s, failures=0, objective=-12.7]


Random Search:: : 2270it [00:45, 43.99it/s, failures=0, objective=-12.7]


Random Search:: : 2270it [00:45, 43.99it/s, failures=0, objective=-12.7]


Random Search:: : 2271it [00:45, 43.99it/s, failures=0, objective=-12.7]


Random Search:: : 2272it [00:45, 43.99it/s, failures=0, objective=-12.7]


Random Search:: : 2273it [00:45, 43.99it/s, failures=0, objective=-12.7]


Random Search:: : 2274it [00:45, 43.99it/s, failures=0, objective=-12.7]


Random Search:: : 2275it [00:45, 43.99it/s, failures=0, objective=-12.7]


Random Search:: : 2276it [00:45, 43.99it/s, failures=0, objective=-12.7]


Random Search:: : 2277it [00:45, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2277it [00:45, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2278it [00:45, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2279it [00:45, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2280it [00:45, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2281it [00:45, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2282it [00:45, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2283it [00:45, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2284it [00:45, 55.09it/s, failures=0, objective=-12.7]


Random Search:: : 2284it [00:45, 55.09it/s, failures=0, objective=-12.7]


Random Search:: : 2285it [00:45, 55.09it/s, failures=0, objective=-12.7]


Random Search:: : 2286it [00:45, 55.09it/s, failures=0, objective=-12.7]


Random Search:: : 2287it [00:45, 55.09it/s, failures=0, objective=-12.7]


Random Search:: : 2288it [00:45, 55.09it/s, failures=0, objective=-12.7]


Random Search:: : 2289it [00:45, 55.09it/s, failures=0, objective=-12.7]


Random Search:: : 2290it [00:45, 55.09it/s, failures=0, objective=-12.7]


Random Search:: : 2291it [00:45, 55.09it/s, failures=0, objective=-12.7]


Random Search:: : 2292it [00:45, 55.09it/s, failures=0, objective=-12.7]


Random Search:: : 2293it [00:45, 55.09it/s, failures=0, objective=-12.7]


Random Search:: : 2294it [00:46, 66.11it/s, failures=0, objective=-12.7]


Random Search:: : 2294it [00:46, 66.11it/s, failures=0, objective=-12.7]


Random Search:: : 2295it [00:46, 66.11it/s, failures=0, objective=-12.7]


Random Search:: : 2296it [00:46, 66.11it/s, failures=0, objective=-12.7]


Random Search:: : 2297it [00:46, 66.11it/s, failures=0, objective=-12.7]


Random Search:: : 2298it [00:46, 66.11it/s, failures=0, objective=-12.7]


Random Search:: : 2299it [00:46, 66.11it/s, failures=0, objective=-12.7]


Random Search:: : 2300it [00:46, 66.11it/s, failures=0, objective=-12.7]


Random Search:: : 2301it [00:46, 56.03it/s, failures=0, objective=-12.7]


Random Search:: : 2301it [00:46, 56.03it/s, failures=0, objective=-12.7]


Random Search:: : 2302it [00:46, 56.03it/s, failures=0, objective=-12.7]


Random Search:: : 2303it [00:46, 56.03it/s, failures=0, objective=-12.7]


Random Search:: : 2304it [00:46, 56.03it/s, failures=0, objective=-12.7]


Random Search:: : 2305it [00:46, 56.03it/s, failures=0, objective=-12.7]


Random Search:: : 2306it [00:46, 56.03it/s, failures=0, objective=-12.7]


Random Search:: : 2307it [00:46, 53.92it/s, failures=0, objective=-12.7]


Random Search:: : 2307it [00:46, 53.92it/s, failures=0, objective=-12.7]


Random Search:: : 2308it [00:46, 53.92it/s, failures=0, objective=-12.7]


Random Search:: : 2309it [00:46, 53.92it/s, failures=0, objective=-12.7]


Random Search:: : 2310it [00:46, 53.92it/s, failures=0, objective=-12.7]


Random Search:: : 2311it [00:46, 53.92it/s, failures=0, objective=-12.7]


Random Search:: : 2312it [00:46, 53.92it/s, failures=0, objective=-12.7]


Random Search:: : 2313it [00:46, 48.86it/s, failures=0, objective=-12.7]


Random Search:: : 2313it [00:46, 48.86it/s, failures=0, objective=-12.7]


Random Search:: : 2314it [00:46, 48.86it/s, failures=0, objective=-12.7]


Random Search:: : 2315it [00:46, 48.86it/s, failures=0, objective=-12.7]


Random Search:: : 2316it [00:46, 48.86it/s, failures=0, objective=-12.7]


Random Search:: : 2317it [00:46, 48.86it/s, failures=0, objective=-12.7]


Random Search:: : 2318it [00:46, 48.86it/s, failures=0, objective=-12.7]


Random Search:: : 2319it [00:46, 46.94it/s, failures=0, objective=-12.7]


Random Search:: : 2319it [00:46, 46.94it/s, failures=0, objective=-12.7]


Random Search:: : 2320it [00:46, 46.94it/s, failures=0, objective=-12.7]


Random Search:: : 2321it [00:46, 46.94it/s, failures=0, objective=-12.7]


Random Search:: : 2322it [00:46, 46.94it/s, failures=0, objective=-12.7]


Random Search:: : 2323it [00:46, 46.94it/s, failures=0, objective=-12.7]


Random Search:: : 2324it [00:46, 46.72it/s, failures=0, objective=-12.7]


Random Search:: : 2324it [00:46, 46.72it/s, failures=0, objective=-12.7]


Random Search:: : 2325it [00:46, 46.72it/s, failures=0, objective=-12.7]


Random Search:: : 2326it [00:46, 46.72it/s, failures=0, objective=-12.7]


Random Search:: : 2327it [00:46, 46.72it/s, failures=0, objective=-12.7]


Random Search:: : 2328it [00:46, 46.72it/s, failures=0, objective=-12.7]


Random Search:: : 2329it [00:46, 40.66it/s, failures=0, objective=-12.7]


Random Search:: : 2329it [00:46, 40.66it/s, failures=0, objective=-12.7]


Random Search:: : 2330it [00:46, 40.66it/s, failures=0, objective=-12.7]


Random Search:: : 2331it [00:46, 40.66it/s, failures=0, objective=-12.7]


Random Search:: : 2332it [00:46, 40.66it/s, failures=0, objective=-12.7]


Random Search:: : 2333it [00:46, 40.66it/s, failures=0, objective=-12.7]


Random Search:: : 2334it [00:46, 40.66it/s, failures=0, objective=-12.7]


Random Search:: : 2335it [00:46, 40.66it/s, failures=0, objective=-12.7]


Random Search:: : 2336it [00:47, 43.96it/s, failures=0, objective=-12.7]


Random Search:: : 2336it [00:47, 43.96it/s, failures=0, objective=-12.7]


Random Search:: : 2337it [00:47, 43.96it/s, failures=0, objective=-12.7]


Random Search:: : 2338it [00:47, 43.96it/s, failures=0, objective=-12.7]


Random Search:: : 2339it [00:47, 43.96it/s, failures=0, objective=-12.7]


Random Search:: : 2340it [00:47, 43.96it/s, failures=0, objective=-12.7]


Random Search:: : 2341it [00:47, 44.05it/s, failures=0, objective=-12.7]


Random Search:: : 2341it [00:47, 44.05it/s, failures=0, objective=-12.7]


Random Search:: : 2342it [00:47, 44.05it/s, failures=0, objective=-12.7]


Random Search:: : 2343it [00:47, 44.05it/s, failures=0, objective=-12.7]


Random Search:: : 2344it [00:47, 44.05it/s, failures=0, objective=-12.7]


Random Search:: : 2345it [00:47, 44.05it/s, failures=0, objective=-12.7]


Random Search:: : 2346it [00:47, 44.05it/s, failures=0, objective=-12.7]


Random Search:: : 2347it [00:47, 44.05it/s, failures=0, objective=-12.7]


Random Search:: : 2348it [00:47, 47.27it/s, failures=0, objective=-12.7]


Random Search:: : 2348it [00:47, 47.27it/s, failures=0, objective=-12.7]


Random Search:: : 2349it [00:47, 47.27it/s, failures=0, objective=-12.7]


Random Search:: : 2350it [00:47, 47.27it/s, failures=0, objective=-12.7]


Random Search:: : 2351it [00:47, 47.27it/s, failures=0, objective=-12.7]


Random Search:: : 2352it [00:47, 47.27it/s, failures=0, objective=-12.7]


Random Search:: : 2353it [00:47, 47.27it/s, failures=0, objective=-12.7]


Random Search:: : 2354it [00:47, 47.27it/s, failures=0, objective=-12.7]


Random Search:: : 2355it [00:47, 49.06it/s, failures=0, objective=-12.7]


Random Search:: : 2355it [00:47, 49.06it/s, failures=0, objective=-12.7]


Random Search:: : 2356it [00:47, 49.06it/s, failures=0, objective=-12.7]


Random Search:: : 2357it [00:47, 49.06it/s, failures=0, objective=-12.7]


Random Search:: : 2358it [00:47, 49.06it/s, failures=0, objective=-12.7]


Random Search:: : 2359it [00:47, 49.06it/s, failures=0, objective=-12.7]


Random Search:: : 2360it [00:47, 49.06it/s, failures=0, objective=-12.7]


Random Search:: : 2361it [00:47, 49.06it/s, failures=0, objective=-12.7]


Random Search:: : 2362it [00:47, 49.06it/s, failures=0, objective=-12.7]


Random Search:: : 2363it [00:47, 49.06it/s, failures=0, objective=-12.7]


Random Search:: : 2364it [00:47, 57.39it/s, failures=0, objective=-12.7]


Random Search:: : 2364it [00:47, 57.39it/s, failures=0, objective=-12.7]


Random Search:: : 2365it [00:47, 57.39it/s, failures=0, objective=-12.7]


Random Search:: : 2366it [00:47, 57.39it/s, failures=0, objective=-12.7]


Random Search:: : 2367it [00:47, 57.39it/s, failures=0, objective=-12.7]


Random Search:: : 2368it [00:47, 57.39it/s, failures=0, objective=-12.7]


Random Search:: : 2369it [00:47, 57.39it/s, failures=0, objective=-12.7]


Random Search:: : 2370it [00:47, 50.50it/s, failures=0, objective=-12.7]


Random Search:: : 2370it [00:47, 50.50it/s, failures=0, objective=-12.7]


Random Search:: : 2371it [00:47, 50.50it/s, failures=0, objective=-12.7]


Random Search:: : 2372it [00:47, 50.50it/s, failures=0, objective=-12.7]


Random Search:: : 2373it [00:47, 50.50it/s, failures=0, objective=-12.7]


Random Search:: : 2374it [00:47, 50.50it/s, failures=0, objective=-12.7]


Random Search:: : 2375it [00:47, 50.50it/s, failures=0, objective=-12.7]


Random Search:: : 2376it [00:47, 50.50it/s, failures=0, objective=-12.7]


Random Search:: : 2377it [00:47, 50.50it/s, failures=0, objective=-12.7]


Random Search:: : 2378it [00:47, 55.34it/s, failures=0, objective=-12.7]


Random Search:: : 2378it [00:47, 55.34it/s, failures=0, objective=-12.7]


Random Search:: : 2379it [00:47, 55.34it/s, failures=0, objective=-12.7]


Random Search:: : 2380it [00:47, 55.34it/s, failures=0, objective=-12.7]


Random Search:: : 2381it [00:47, 55.34it/s, failures=0, objective=-12.7]


Random Search:: : 2382it [00:47, 55.34it/s, failures=0, objective=-12.7]


Random Search:: : 2383it [00:47, 55.34it/s, failures=0, objective=-12.7]


Random Search:: : 2384it [00:47, 55.34it/s, failures=0, objective=-12.7]


Random Search:: : 2385it [00:47, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2385it [00:47, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2386it [00:47, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2387it [00:47, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2388it [00:47, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2389it [00:47, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2390it [00:47, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2391it [00:47, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2392it [00:47, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2393it [00:47, 57.01it/s, failures=0, objective=-12.7]


Random Search:: : 2394it [00:48, 61.75it/s, failures=0, objective=-12.7]


Random Search:: : 2394it [00:48, 61.75it/s, failures=0, objective=-12.7]


Random Search:: : 2395it [00:48, 61.75it/s, failures=0, objective=-12.7]


Random Search:: : 2396it [00:48, 61.75it/s, failures=0, objective=-12.7]


Random Search:: : 2397it [00:48, 61.75it/s, failures=0, objective=-12.7]


Random Search:: : 2398it [00:48, 61.75it/s, failures=0, objective=-12.7]


Random Search:: : 2399it [00:48, 61.75it/s, failures=0, objective=-12.7]


Random Search:: : 2400it [00:48, 61.75it/s, failures=0, objective=-12.7]


Random Search:: : 2401it [00:48, 58.83it/s, failures=0, objective=-12.7]


Random Search:: : 2401it [00:48, 58.83it/s, failures=0, objective=-12.7]


Random Search:: : 2402it [00:48, 58.83it/s, failures=0, objective=-12.7]


Random Search:: : 2403it [00:48, 58.83it/s, failures=0, objective=-12.7]


Random Search:: : 2404it [00:48, 58.83it/s, failures=0, objective=-12.7]


Random Search:: : 2405it [00:48, 58.83it/s, failures=0, objective=-12.7]


Random Search:: : 2406it [00:48, 58.83it/s, failures=0, objective=-12.7]


Random Search:: : 2407it [00:48, 50.26it/s, failures=0, objective=-12.7]


Random Search:: : 2407it [00:48, 50.26it/s, failures=0, objective=-12.7]


Random Search:: : 2408it [00:48, 50.26it/s, failures=0, objective=-12.7]


Random Search:: : 2409it [00:48, 50.26it/s, failures=0, objective=-12.7]


Random Search:: : 2410it [00:48, 50.26it/s, failures=0, objective=-12.7]


Random Search:: : 2411it [00:48, 50.26it/s, failures=0, objective=-12.7]


Random Search:: : 2412it [00:48, 50.26it/s, failures=0, objective=-12.7]


Random Search:: : 2413it [00:48, 44.92it/s, failures=0, objective=-12.7]


Random Search:: : 2413it [00:48, 44.92it/s, failures=0, objective=-12.7]


Random Search:: : 2414it [00:48, 44.92it/s, failures=0, objective=-12.7]


Random Search:: : 2415it [00:48, 44.92it/s, failures=0, objective=-12.7]


Random Search:: : 2416it [00:48, 44.92it/s, failures=0, objective=-12.7]


Random Search:: : 2417it [00:48, 44.92it/s, failures=0, objective=-12.7]


Random Search:: : 2418it [00:48, 43.20it/s, failures=0, objective=-12.7]


Random Search:: : 2418it [00:48, 43.20it/s, failures=0, objective=-12.7]


Random Search:: : 2419it [00:48, 43.20it/s, failures=0, objective=-12.7]


Random Search:: : 2420it [00:48, 43.20it/s, failures=0, objective=-12.7]


Random Search:: : 2421it [00:48, 43.20it/s, failures=0, objective=-12.7]


Random Search:: : 2422it [00:48, 43.20it/s, failures=0, objective=-12.7]


Random Search:: : 2423it [00:48, 37.31it/s, failures=0, objective=-12.7]


Random Search:: : 2423it [00:48, 37.31it/s, failures=0, objective=-12.7]


Random Search:: : 2424it [00:48, 37.31it/s, failures=0, objective=-12.7]


Random Search:: : 2425it [00:48, 37.31it/s, failures=0, objective=-12.7]


Random Search:: : 2426it [00:48, 37.31it/s, failures=0, objective=-12.7]


Random Search:: : 2427it [00:48, 37.31it/s, failures=0, objective=-12.7]


Random Search:: : 2428it [00:48, 37.31it/s, failures=0, objective=-12.7]


Random Search:: : 2429it [00:48, 41.13it/s, failures=0, objective=-12.7]


Random Search:: : 2429it [00:48, 41.13it/s, failures=0, objective=-12.7]


Random Search:: : 2430it [00:48, 41.13it/s, failures=0, objective=-12.7]


Random Search:: : 2431it [00:48, 41.13it/s, failures=0, objective=-12.7]


Random Search:: : 2432it [00:48, 41.13it/s, failures=0, objective=-12.7]


Random Search:: : 2433it [00:48, 41.13it/s, failures=0, objective=-12.7]


Random Search:: : 2434it [00:48, 41.13it/s, failures=0, objective=-12.7]


Random Search:: : 2435it [00:48, 41.13it/s, failures=0, objective=-12.7]


Random Search:: : 2436it [00:48, 41.13it/s, failures=0, objective=-12.7]


Random Search:: : 2437it [00:49, 49.24it/s, failures=0, objective=-12.7]


Random Search:: : 2437it [00:49, 49.24it/s, failures=0, objective=-12.7]


Random Search:: : 2438it [00:49, 49.24it/s, failures=0, objective=-12.7]


Random Search:: : 2439it [00:49, 49.24it/s, failures=0, objective=-12.7]


Random Search:: : 2440it [00:49, 49.24it/s, failures=0, objective=-12.7]


Random Search:: : 2441it [00:49, 49.24it/s, failures=0, objective=-12.7]


Random Search:: : 2442it [00:49, 49.24it/s, failures=0, objective=-12.7]


Random Search:: : 2443it [00:49, 49.11it/s, failures=0, objective=-12.7]


Random Search:: : 2443it [00:49, 49.11it/s, failures=0, objective=-12.7]


Random Search:: : 2444it [00:49, 49.11it/s, failures=0, objective=-12.7]


Random Search:: : 2445it [00:49, 49.11it/s, failures=0, objective=-12.7]


Random Search:: : 2446it [00:49, 49.11it/s, failures=0, objective=-12.7]


Random Search:: : 2447it [00:49, 49.11it/s, failures=0, objective=-12.7]


Random Search:: : 2448it [00:49, 49.11it/s, failures=0, objective=-12.7]


Random Search:: : 2449it [00:49, 49.11it/s, failures=0, objective=-12.7]


Random Search:: : 2450it [00:49, 49.11it/s, failures=0, objective=-12.7]


Random Search:: : 2451it [00:49, 49.11it/s, failures=0, objective=-12.7]


Random Search:: : 2452it [00:49, 49.11it/s, failures=0, objective=-12.7]


Random Search:: : 2453it [00:49, 57.74it/s, failures=0, objective=-12.7]


Random Search:: : 2453it [00:49, 57.74it/s, failures=0, objective=-12.7]


Random Search:: : 2454it [00:49, 57.74it/s, failures=0, objective=-12.7]


Random Search:: : 2455it [00:49, 57.74it/s, failures=0, objective=-12.7]


Random Search:: : 2456it [00:49, 57.74it/s, failures=0, objective=-12.7]


Random Search:: : 2457it [00:49, 57.74it/s, failures=0, objective=-12.7]


Random Search:: : 2458it [00:49, 57.74it/s, failures=0, objective=-12.7]


Random Search:: : 2459it [00:49, 57.74it/s, failures=0, objective=-12.7]


Random Search:: : 2460it [00:49, 59.69it/s, failures=0, objective=-12.7]


Random Search:: : 2460it [00:49, 59.69it/s, failures=0, objective=-12.7]


Random Search:: : 2461it [00:49, 59.69it/s, failures=0, objective=-12.7]


Random Search:: : 2462it [00:49, 59.69it/s, failures=0, objective=-12.7]


Random Search:: : 2463it [00:49, 59.69it/s, failures=0, objective=-12.7]


Random Search:: : 2464it [00:49, 59.69it/s, failures=0, objective=-12.7]


Random Search:: : 2465it [00:49, 59.69it/s, failures=0, objective=-12.7]


Random Search:: : 2466it [00:49, 59.69it/s, failures=0, objective=-12.7]


Random Search:: : 2467it [00:49, 49.34it/s, failures=0, objective=-12.7]


Random Search:: : 2467it [00:49, 49.34it/s, failures=0, objective=-12.7]


Random Search:: : 2468it [00:49, 49.34it/s, failures=0, objective=-12.7]


Random Search:: : 2469it [00:49, 49.34it/s, failures=0, objective=-12.7]


Random Search:: : 2470it [00:49, 49.34it/s, failures=0, objective=-12.7]


Random Search:: : 2471it [00:49, 49.34it/s, failures=0, objective=-12.7]


Random Search:: : 2472it [00:49, 49.34it/s, failures=0, objective=-12.7]


Random Search:: : 2473it [00:49, 44.19it/s, failures=0, objective=-12.7]


Random Search:: : 2473it [00:49, 44.19it/s, failures=0, objective=-12.7]


Random Search:: : 2474it [00:49, 44.19it/s, failures=0, objective=-12.7]


Random Search:: : 2475it [00:49, 44.19it/s, failures=0, objective=-12.7]


Random Search:: : 2476it [00:49, 44.19it/s, failures=0, objective=-12.7]


Random Search:: : 2477it [00:49, 44.19it/s, failures=0, objective=-12.7]


Random Search:: : 2478it [00:49, 43.79it/s, failures=0, objective=-12.7]


Random Search:: : 2478it [00:49, 43.79it/s, failures=0, objective=-12.7]


Random Search:: : 2479it [00:49, 43.79it/s, failures=0, objective=-12.7]


Random Search:: : 2480it [00:49, 43.79it/s, failures=0, objective=-12.7]


Random Search:: : 2481it [00:49, 43.79it/s, failures=0, objective=-12.7]


Random Search:: : 2482it [00:49, 43.79it/s, failures=0, objective=-12.7]


Random Search:: : 2483it [00:49, 43.53it/s, failures=0, objective=-12.7]


Random Search:: : 2483it [00:49, 43.53it/s, failures=0, objective=-12.7]


Random Search:: : 2484it [00:50, 43.53it/s, failures=0, objective=-12.7]


Random Search:: : 2485it [00:50, 43.53it/s, failures=0, objective=-12.7]


Random Search:: : 2486it [00:50, 43.53it/s, failures=0, objective=-12.7]


Random Search:: : 2487it [00:50, 43.53it/s, failures=0, objective=-12.7]


Random Search:: : 2488it [00:50, 41.66it/s, failures=0, objective=-12.7]


Random Search:: : 2488it [00:50, 41.66it/s, failures=0, objective=-12.7]


Random Search:: : 2489it [00:50, 41.66it/s, failures=0, objective=-12.7]


Random Search:: : 2490it [00:50, 41.66it/s, failures=0, objective=-12.7]


Random Search:: : 2491it [00:50, 41.66it/s, failures=0, objective=-12.7]


Random Search:: : 2492it [00:50, 41.66it/s, failures=0, objective=-12.7]


Random Search:: : 2493it [00:50, 41.66it/s, failures=0, objective=-12.7]


Random Search:: : 2494it [00:50, 41.66it/s, failures=0, objective=-12.7]


Random Search:: : 2495it [00:50, 41.66it/s, failures=0, objective=-12.7]


Random Search:: : 2496it [00:50, 41.66it/s, failures=0, objective=-12.7]


Random Search:: : 2497it [00:50, 53.10it/s, failures=0, objective=-12.7]


Random Search:: : 2497it [00:50, 53.10it/s, failures=0, objective=-12.7]


Random Search:: : 2498it [00:50, 53.10it/s, failures=0, objective=-12.7]


Random Search:: : 2499it [00:50, 53.10it/s, failures=0, objective=-12.7]


Random Search:: : 2500it [00:50, 53.10it/s, failures=0, objective=-12.7]


Random Search:: : 2501it [00:50, 53.10it/s, failures=0, objective=-12.7]


Random Search:: : 2502it [00:50, 53.10it/s, failures=0, objective=-12.7]


Random Search:: : 2503it [00:50, 53.10it/s, failures=0, objective=-12.7]


Random Search:: : 2504it [00:50, 53.10it/s, failures=0, objective=-12.7]


Random Search:: : 2505it [00:50, 53.10it/s, failures=0, objective=-12.7]


Random Search:: : 2506it [00:50, 53.10it/s, failures=0, objective=-12.7]


Random Search:: : 2507it [00:50, 53.10it/s, failures=0, objective=-12.7]


Random Search:: : 2508it [00:50, 53.10it/s, failures=0, objective=-12.7]


Random Search:: : 2509it [00:50, 66.54it/s, failures=0, objective=-12.7]


Random Search:: : 2509it [00:50, 66.54it/s, failures=0, objective=-12.7]


Random Search:: : 2510it [00:50, 66.54it/s, failures=0, objective=-12.7]


Random Search:: : 2511it [00:50, 66.54it/s, failures=0, objective=-12.7]


Random Search:: : 2512it [00:50, 66.54it/s, failures=0, objective=-12.7]


Random Search:: : 2513it [00:50, 66.54it/s, failures=0, objective=-12.7]


Random Search:: : 2514it [00:50, 66.54it/s, failures=0, objective=-12.7]


Random Search:: : 2515it [00:50, 66.54it/s, failures=0, objective=-12.7]


Random Search:: : 2516it [00:50, 53.23it/s, failures=0, objective=-12.7]


Random Search:: : 2516it [00:50, 53.23it/s, failures=0, objective=-12.7]


Random Search:: : 2517it [00:50, 53.23it/s, failures=0, objective=-12.7]


Random Search:: : 2518it [00:50, 53.23it/s, failures=0, objective=-12.7]


Random Search:: : 2519it [00:50, 53.23it/s, failures=0, objective=-12.7]


Random Search:: : 2520it [00:50, 53.23it/s, failures=0, objective=-12.7]


Random Search:: : 2521it [00:50, 53.23it/s, failures=0, objective=-12.7]


Random Search:: : 2522it [00:50, 48.39it/s, failures=0, objective=-12.7]


Random Search:: : 2522it [00:50, 48.39it/s, failures=0, objective=-12.7]


Random Search:: : 2523it [00:50, 48.39it/s, failures=0, objective=-12.7]


Random Search:: : 2524it [00:50, 48.39it/s, failures=0, objective=-12.7]


Random Search:: : 2525it [00:50, 48.39it/s, failures=0, objective=-12.7]


Random Search:: : 2526it [00:50, 48.39it/s, failures=0, objective=-12.7]


Random Search:: : 2527it [00:50, 48.39it/s, failures=0, objective=-12.7]


Random Search:: : 2528it [00:50, 41.49it/s, failures=0, objective=-12.7]


Random Search:: : 2528it [00:50, 41.49it/s, failures=0, objective=-12.7]


Random Search:: : 2529it [00:50, 41.49it/s, failures=0, objective=-12.7]


Random Search:: : 2530it [00:50, 41.49it/s, failures=0, objective=-12.7]


Random Search:: : 2531it [00:50, 41.49it/s, failures=0, objective=-12.7]


Random Search:: : 2532it [00:50, 41.49it/s, failures=0, objective=-12.7]


Random Search:: : 2533it [00:51, 41.49it/s, failures=0, objective=-12.7]


Random Search:: : 2534it [00:51, 44.74it/s, failures=0, objective=-12.7]


Random Search:: : 2534it [00:51, 44.74it/s, failures=0, objective=-12.7]


Random Search:: : 2535it [00:51, 44.74it/s, failures=0, objective=-12.7]


Random Search:: : 2536it [00:51, 44.74it/s, failures=0, objective=-12.7]


Random Search:: : 2537it [00:51, 44.74it/s, failures=0, objective=-12.7]


Random Search:: : 2538it [00:51, 44.74it/s, failures=0, objective=-12.7]


Random Search:: : 2539it [00:51, 44.74it/s, failures=0, objective=-12.7]


Random Search:: : 2540it [00:51, 44.74it/s, failures=0, objective=-12.7]


Random Search:: : 2541it [00:51, 44.74it/s, failures=0, objective=-12.7]


Random Search:: : 2542it [00:51, 44.74it/s, failures=0, objective=-12.7]


Random Search:: : 2543it [00:51, 53.85it/s, failures=0, objective=-12.7]


Random Search:: : 2543it [00:51, 53.85it/s, failures=0, objective=-12.7]


Random Search:: : 2544it [00:51, 53.85it/s, failures=0, objective=-12.7]


Random Search:: : 2545it [00:51, 53.85it/s, failures=0, objective=-12.7]


Random Search:: : 2546it [00:51, 53.85it/s, failures=0, objective=-12.7]


Random Search:: : 2547it [00:51, 53.85it/s, failures=0, objective=-12.7]


Random Search:: : 2548it [00:51, 53.85it/s, failures=0, objective=-12.7]


Random Search:: : 2549it [00:51, 53.85it/s, failures=0, objective=-12.7]


Random Search:: : 2550it [00:51, 53.85it/s, failures=0, objective=-12.7]


Random Search:: : 2551it [00:51, 53.85it/s, failures=0, objective=-12.7]


Random Search:: : 2552it [00:51, 53.85it/s, failures=0, objective=-12.7]


Random Search:: : 2553it [00:51, 53.85it/s, failures=0, objective=-12.7]


Random Search:: : 2554it [00:51, 53.85it/s, failures=0, objective=-12.7]


Random Search:: : 2555it [00:51, 53.85it/s, failures=0, objective=-12.7]


Random Search:: : 2556it [00:51, 53.85it/s, failures=0, objective=-12.7]


Random Search:: : 2557it [00:51, 73.46it/s, failures=0, objective=-12.7]


Random Search:: : 2557it [00:51, 73.46it/s, failures=0, objective=-12.7]


Random Search:: : 2558it [00:51, 73.46it/s, failures=0, objective=-12.7]


Random Search:: : 2559it [00:51, 73.46it/s, failures=0, objective=-12.7]


Random Search:: : 2560it [00:51, 73.46it/s, failures=0, objective=-12.7]


Random Search:: : 2561it [00:51, 73.46it/s, failures=0, objective=-12.7]


Random Search:: : 2562it [00:51, 73.46it/s, failures=0, objective=-12.7]


Random Search:: : 2563it [00:51, 73.46it/s, failures=0, objective=-12.7]


Random Search:: : 2564it [00:51, 73.46it/s, failures=0, objective=-12.7]


Random Search:: : 2565it [00:51, 73.46it/s, failures=0, objective=-12.7]


Random Search:: : 2566it [00:51, 50.78it/s, failures=0, objective=-12.7]


Random Search:: : 2566it [00:51, 50.78it/s, failures=0, objective=-12.7]


Random Search:: : 2567it [00:51, 50.78it/s, failures=0, objective=-12.7]


Random Search:: : 2568it [00:51, 50.78it/s, failures=0, objective=-12.7]


Random Search:: : 2569it [00:51, 50.78it/s, failures=0, objective=-12.7]


Random Search:: : 2570it [00:51, 50.78it/s, failures=0, objective=-12.7]


Random Search:: : 2571it [00:51, 50.78it/s, failures=0, objective=-12.7]


Random Search:: : 2572it [00:51, 50.78it/s, failures=0, objective=-12.7]


Random Search:: : 2573it [00:51, 48.72it/s, failures=0, objective=-12.7]


Random Search:: : 2573it [00:51, 48.72it/s, failures=0, objective=-12.7]


Random Search:: : 2574it [00:51, 48.72it/s, failures=0, objective=-12.7]


Random Search:: : 2575it [00:51, 48.72it/s, failures=0, objective=-12.7]


Random Search:: : 2576it [00:51, 48.72it/s, failures=0, objective=-12.7]


Random Search:: : 2577it [00:51, 48.72it/s, failures=0, objective=-12.7]


Random Search:: : 2578it [00:51, 48.72it/s, failures=0, objective=-12.7]


Random Search:: : 2579it [00:51, 41.07it/s, failures=0, objective=-12.7]


Random Search:: : 2579it [00:51, 41.07it/s, failures=0, objective=-12.7]


Random Search:: : 2580it [00:51, 41.07it/s, failures=0, objective=-12.7]


Random Search:: : 2581it [00:51, 41.07it/s, failures=0, objective=-12.7]


Random Search:: : 2582it [00:51, 41.07it/s, failures=0, objective=-12.7]


Random Search:: : 2583it [00:51, 41.07it/s, failures=0, objective=-12.7]


Random Search:: : 2584it [00:51, 41.07it/s, failures=0, objective=-12.7]


Random Search:: : 2585it [00:51, 41.07it/s, failures=0, objective=-12.7]


Random Search:: : 2586it [00:52, 46.05it/s, failures=0, objective=-12.7]


Random Search:: : 2586it [00:52, 46.05it/s, failures=0, objective=-12.7]


Random Search:: : 2587it [00:52, 46.05it/s, failures=0, objective=-12.7]


Random Search:: : 2588it [00:52, 46.05it/s, failures=0, objective=-12.7]


Random Search:: : 2589it [00:52, 46.05it/s, failures=0, objective=-12.7]


Random Search:: : 2590it [00:52, 46.05it/s, failures=0, objective=-12.7]


Random Search:: : 2591it [00:52, 46.05it/s, failures=0, objective=-12.7]


Random Search:: : 2592it [00:52, 46.05it/s, failures=0, objective=-12.7]


Random Search:: : 2593it [00:52, 46.05it/s, failures=0, objective=-12.7]


Random Search:: : 2594it [00:52, 49.57it/s, failures=0, objective=-12.7]


Random Search:: : 2594it [00:52, 49.57it/s, failures=0, objective=-12.7]


Random Search:: : 2595it [00:52, 49.57it/s, failures=0, objective=-12.7]


Random Search:: : 2596it [00:52, 49.57it/s, failures=0, objective=-12.7]


Random Search:: : 2597it [00:52, 49.57it/s, failures=0, objective=-12.7]


Random Search:: : 2598it [00:52, 49.57it/s, failures=0, objective=-12.7]


Random Search:: : 2599it [00:52, 49.57it/s, failures=0, objective=-12.7]


Random Search:: : 2600it [00:52, 49.57it/s, failures=0, objective=-12.7]


Random Search:: : 2601it [00:52, 49.57it/s, failures=0, objective=-12.7]


Random Search:: : 2602it [00:52, 56.03it/s, failures=0, objective=-12.7]


Random Search:: : 2602it [00:52, 56.03it/s, failures=0, objective=-12.7]


Random Search:: : 2603it [00:52, 56.03it/s, failures=0, objective=-12.7]


Random Search:: : 2604it [00:52, 56.03it/s, failures=0, objective=-12.7]


Random Search:: : 2605it [00:52, 56.03it/s, failures=0, objective=-12.7]


Random Search:: : 2606it [00:52, 56.03it/s, failures=0, objective=-12.7]


Random Search:: : 2607it [00:52, 56.03it/s, failures=0, objective=-12.7]


Random Search:: : 2608it [00:52, 56.03it/s, failures=0, objective=-12.7]


Random Search:: : 2609it [00:52, 49.79it/s, failures=0, objective=-12.7]


Random Search:: : 2609it [00:52, 49.79it/s, failures=0, objective=-12.7]


Random Search:: : 2610it [00:52, 49.79it/s, failures=0, objective=-12.7]


Random Search:: : 2611it [00:52, 49.79it/s, failures=0, objective=-12.7]


Random Search:: : 2612it [00:52, 49.79it/s, failures=0, objective=-12.7]


Random Search:: : 2613it [00:52, 49.79it/s, failures=0, objective=-12.7]


Random Search:: : 2614it [00:52, 49.79it/s, failures=0, objective=-12.7]


Random Search:: : 2615it [00:52, 39.59it/s, failures=0, objective=-12.7]


Random Search:: : 2615it [00:52, 39.59it/s, failures=0, objective=-12.7]


Random Search:: : 2616it [00:52, 39.59it/s, failures=0, objective=-12.7]


Random Search:: : 2617it [00:52, 39.59it/s, failures=0, objective=-12.7]


Random Search:: : 2618it [00:52, 39.59it/s, failures=0, objective=-12.7]


Random Search:: : 2619it [00:52, 39.59it/s, failures=0, objective=-12.7]


Random Search:: : 2620it [00:52, 40.66it/s, failures=0, objective=-12.7]


Random Search:: : 2620it [00:52, 40.66it/s, failures=0, objective=-12.7]


Random Search:: : 2621it [00:52, 40.66it/s, failures=0, objective=-12.7]


Random Search:: : 2622it [00:52, 40.66it/s, failures=0, objective=-12.7]


Random Search:: : 2623it [00:52, 40.66it/s, failures=0, objective=-12.7]


Random Search:: : 2624it [00:52, 40.66it/s, failures=0, objective=-12.7]


Random Search:: : 2625it [00:52, 40.66it/s, failures=0, objective=-12.7]


Random Search:: : 2626it [00:52, 44.42it/s, failures=0, objective=-12.7]


Random Search:: : 2626it [00:52, 44.42it/s, failures=0, objective=-12.7]


Random Search:: : 2627it [00:52, 44.42it/s, failures=0, objective=-12.7]


Random Search:: : 2628it [00:52, 44.42it/s, failures=0, objective=-12.7]


Random Search:: : 2629it [00:52, 44.42it/s, failures=0, objective=-12.7]


Random Search:: : 2630it [00:52, 44.42it/s, failures=0, objective=-12.7]


Random Search:: : 2631it [00:53, 42.15it/s, failures=0, objective=-12.7]


Random Search:: : 2631it [00:53, 42.15it/s, failures=0, objective=-12.7]


Random Search:: : 2632it [00:53, 42.15it/s, failures=0, objective=-12.7]


Random Search:: : 2633it [00:53, 42.15it/s, failures=0, objective=-12.7]


Random Search:: : 2634it [00:53, 42.15it/s, failures=0, objective=-12.7]


Random Search:: : 2635it [00:53, 42.15it/s, failures=0, objective=-12.7]


Random Search:: : 2636it [00:53, 42.15it/s, failures=0, objective=-12.7]


Random Search:: : 2637it [00:53, 42.15it/s, failures=0, objective=-12.7]


Random Search:: : 2638it [00:53, 42.15it/s, failures=0, objective=-12.7]


Random Search:: : 2639it [00:53, 42.15it/s, failures=0, objective=-12.7]


Random Search:: : 2640it [00:53, 42.15it/s, failures=0, objective=-12.7]


Random Search:: : 2641it [00:53, 55.12it/s, failures=0, objective=-12.7]


Random Search:: : 2641it [00:53, 55.12it/s, failures=0, objective=-12.7]


Random Search:: : 2642it [00:53, 55.12it/s, failures=0, objective=-12.7]


Random Search:: : 2643it [00:53, 55.12it/s, failures=0, objective=-12.7]


Random Search:: : 2644it [00:53, 55.12it/s, failures=0, objective=-12.7]


Random Search:: : 2645it [00:53, 55.12it/s, failures=0, objective=-12.7]


Random Search:: : 2646it [00:53, 55.12it/s, failures=0, objective=-12.7]


Random Search:: : 2647it [00:53, 55.12it/s, failures=0, objective=-12.7]


Random Search:: : 2648it [00:53, 52.80it/s, failures=0, objective=-12.7]


Random Search:: : 2648it [00:53, 52.80it/s, failures=0, objective=-12.7]


Random Search:: : 2649it [00:53, 52.80it/s, failures=0, objective=-12.7]


Random Search:: : 2650it [00:53, 52.80it/s, failures=0, objective=-12.7]


Random Search:: : 2651it [00:53, 52.80it/s, failures=0, objective=-12.7]


Random Search:: : 2652it [00:53, 52.80it/s, failures=0, objective=-12.7]


Random Search:: : 2653it [00:53, 52.80it/s, failures=0, objective=-12.7]


Random Search:: : 2654it [00:53, 52.83it/s, failures=0, objective=-12.7]


Random Search:: : 2654it [00:53, 52.83it/s, failures=0, objective=-12.7]


Random Search:: : 2655it [00:53, 52.83it/s, failures=0, objective=-12.7]


Random Search:: : 2656it [00:53, 52.83it/s, failures=0, objective=-12.7]


Random Search:: : 2657it [00:53, 52.83it/s, failures=0, objective=-12.7]


Random Search:: : 2658it [00:53, 52.83it/s, failures=0, objective=-12.7]


Random Search:: : 2659it [00:53, 52.83it/s, failures=0, objective=-12.7]


Random Search:: : 2660it [00:53, 52.93it/s, failures=0, objective=-12.7]


Random Search:: : 2660it [00:53, 52.93it/s, failures=0, objective=-12.7]


Random Search:: : 2661it [00:53, 52.93it/s, failures=0, objective=-12.7]


Random Search:: : 2662it [00:53, 52.93it/s, failures=0, objective=-12.7]


Random Search:: : 2663it [00:53, 52.93it/s, failures=0, objective=-12.7]


Random Search:: : 2664it [00:53, 52.93it/s, failures=0, objective=-12.7]


Random Search:: : 2665it [00:53, 52.93it/s, failures=0, objective=-12.7]


Random Search:: : 2666it [00:53, 52.93it/s, failures=0, objective=-12.7]


Random Search:: : 2667it [00:53, 52.93it/s, failures=0, objective=-12.7]


Random Search:: : 2668it [00:53, 54.02it/s, failures=0, objective=-12.7]


Random Search:: : 2668it [00:53, 54.02it/s, failures=0, objective=-12.7]


Random Search:: : 2669it [00:53, 54.02it/s, failures=0, objective=-12.7]


Random Search:: : 2670it [00:53, 54.02it/s, failures=0, objective=-12.7]


Random Search:: : 2671it [00:53, 54.02it/s, failures=0, objective=-12.7]


Random Search:: : 2672it [00:53, 54.02it/s, failures=0, objective=-12.7]


Random Search:: : 2673it [00:53, 54.02it/s, failures=0, objective=-12.7]


Random Search:: : 2674it [00:53, 52.91it/s, failures=0, objective=-12.7]


Random Search:: : 2674it [00:53, 52.91it/s, failures=0, objective=-12.7]


Random Search:: : 2675it [00:53, 52.91it/s, failures=0, objective=-12.7]


Random Search:: : 2676it [00:53, 52.91it/s, failures=0, objective=-12.7]


Random Search:: : 2677it [00:53, 52.91it/s, failures=0, objective=-12.7]


Random Search:: : 2678it [00:53, 52.91it/s, failures=0, objective=-12.7]


Random Search:: : 2679it [00:53, 52.91it/s, failures=0, objective=-12.7]


Random Search:: : 2680it [00:53, 52.91it/s, failures=0, objective=-12.7]


Random Search:: : 2681it [00:53, 52.91it/s, failures=0, objective=-12.7]


Random Search:: : 2682it [00:53, 52.91it/s, failures=0, objective=-12.7]


Random Search:: : 2683it [00:53, 62.14it/s, failures=0, objective=-12.7]


Random Search:: : 2683it [00:53, 62.14it/s, failures=0, objective=-12.7]


Random Search:: : 2684it [00:53, 62.14it/s, failures=0, objective=-12.7]


Random Search:: : 2685it [00:53, 62.14it/s, failures=0, objective=-12.7]


Random Search:: : 2686it [00:53, 62.14it/s, failures=0, objective=-12.7]


Random Search:: : 2687it [00:53, 62.14it/s, failures=0, objective=-12.7]


Random Search:: : 2688it [00:54, 62.14it/s, failures=0, objective=-12.7]


Random Search:: : 2689it [00:54, 62.14it/s, failures=0, objective=-12.7]


Random Search:: : 2690it [00:54, 57.80it/s, failures=0, objective=-12.7]


Random Search:: : 2690it [00:54, 57.80it/s, failures=0, objective=-12.7]


Random Search:: : 2691it [00:54, 57.80it/s, failures=0, objective=-12.7]


Random Search:: : 2692it [00:54, 57.80it/s, failures=0, objective=-12.7]


Random Search:: : 2693it [00:54, 57.80it/s, failures=0, objective=-12.7]


Random Search:: : 2694it [00:54, 57.80it/s, failures=0, objective=-12.7]


Random Search:: : 2695it [00:54, 57.80it/s, failures=0, objective=-12.7]


Random Search:: : 2696it [00:54, 49.77it/s, failures=0, objective=-12.7]


Random Search:: : 2696it [00:54, 49.77it/s, failures=0, objective=-12.7]


Random Search:: : 2697it [00:54, 49.77it/s, failures=0, objective=-12.7]


Random Search:: : 2698it [00:54, 49.77it/s, failures=0, objective=-12.7]


Random Search:: : 2699it [00:54, 49.77it/s, failures=0, objective=-12.7]


Random Search:: : 2700it [00:54, 49.77it/s, failures=0, objective=-12.7]


Random Search:: : 2701it [00:54, 49.77it/s, failures=0, objective=-12.7]


Random Search:: : 2702it [00:54, 49.77it/s, failures=0, objective=-12.7]


Random Search:: : 2703it [00:54, 49.77it/s, failures=0, objective=-12.7]


Random Search:: : 2704it [00:54, 53.31it/s, failures=0, objective=-12.7]


Random Search:: : 2704it [00:54, 53.31it/s, failures=0, objective=-12.7]


Random Search:: : 2705it [00:54, 53.31it/s, failures=0, objective=-12.7]


Random Search:: : 2706it [00:54, 53.31it/s, failures=0, objective=-12.7]


Random Search:: : 2707it [00:54, 53.31it/s, failures=0, objective=-12.7]


Random Search:: : 2708it [00:54, 53.31it/s, failures=0, objective=-12.7]


Random Search:: : 2709it [00:54, 53.31it/s, failures=0, objective=-12.7]


Random Search:: : 2710it [00:54, 49.02it/s, failures=0, objective=-12.7]


Random Search:: : 2710it [00:54, 49.02it/s, failures=0, objective=-12.7]


Random Search:: : 2711it [00:54, 49.02it/s, failures=0, objective=-12.7]


Random Search:: : 2712it [00:54, 49.02it/s, failures=0, objective=-12.7]


Random Search:: : 2713it [00:54, 49.02it/s, failures=0, objective=-12.7]


Random Search:: : 2714it [00:54, 49.02it/s, failures=0, objective=-12.7]


Random Search:: : 2715it [00:54, 49.02it/s, failures=0, objective=-12.7]


Random Search:: : 2716it [00:54, 47.28it/s, failures=0, objective=-12.7]


Random Search:: : 2716it [00:54, 47.28it/s, failures=0, objective=-12.7]


Random Search:: : 2717it [00:54, 47.28it/s, failures=0, objective=-12.7]


Random Search:: : 2718it [00:54, 47.28it/s, failures=0, objective=-12.7]


Random Search:: : 2719it [00:54, 47.28it/s, failures=0, objective=-12.7]


Random Search:: : 2720it [00:54, 47.28it/s, failures=0, objective=-12.7]


Random Search:: : 2721it [00:54, 47.28it/s, failures=0, objective=-12.7]


Random Search:: : 2722it [00:54, 47.47it/s, failures=0, objective=-12.7]


Random Search:: : 2722it [00:54, 47.47it/s, failures=0, objective=-12.7]


Random Search:: : 2723it [00:54, 47.47it/s, failures=0, objective=-12.7]


Random Search:: : 2724it [00:54, 47.47it/s, failures=0, objective=-12.7]


Random Search:: : 2725it [00:54, 47.47it/s, failures=0, objective=-12.7]


Random Search:: : 2726it [00:54, 47.47it/s, failures=0, objective=-12.7]


Random Search:: : 2727it [00:54, 43.61it/s, failures=0, objective=-12.7]


Random Search:: : 2727it [00:54, 43.61it/s, failures=0, objective=-12.7]


Random Search:: : 2728it [00:54, 43.61it/s, failures=0, objective=-12.7]


Random Search:: : 2729it [00:54, 43.61it/s, failures=0, objective=-12.7]


Random Search:: : 2730it [00:54, 43.61it/s, failures=0, objective=-12.7]


Random Search:: : 2731it [00:54, 43.61it/s, failures=0, objective=-12.7]


Random Search:: : 2732it [00:54, 44.86it/s, failures=0, objective=-12.7]


Random Search:: : 2732it [00:54, 44.86it/s, failures=0, objective=-12.7]


Random Search:: : 2733it [00:54, 44.86it/s, failures=0, objective=-12.7]


Random Search:: : 2734it [00:55, 44.86it/s, failures=0, objective=-12.7]


Random Search:: : 2735it [00:55, 44.86it/s, failures=0, objective=-12.7]


Random Search:: : 2736it [00:55, 44.86it/s, failures=0, objective=-12.7]


Random Search:: : 2737it [00:55, 44.86it/s, failures=0, objective=-12.7]


Random Search:: : 2738it [00:55, 44.86it/s, failures=0, objective=-12.7]


Random Search:: : 2739it [00:55, 44.86it/s, failures=0, objective=-12.7]


Random Search:: : 2740it [00:55, 44.86it/s, failures=0, objective=-12.7]


Random Search:: : 2741it [00:55, 55.73it/s, failures=0, objective=-12.7]


Random Search:: : 2741it [00:55, 55.73it/s, failures=0, objective=-12.7]


Random Search:: : 2742it [00:55, 55.73it/s, failures=0, objective=-12.7]


Random Search:: : 2743it [00:55, 55.73it/s, failures=0, objective=-12.7]


Random Search:: : 2744it [00:55, 55.73it/s, failures=0, objective=-12.7]


Random Search:: : 2745it [00:55, 55.73it/s, failures=0, objective=-12.7]


Random Search:: : 2746it [00:55, 55.73it/s, failures=0, objective=-12.7]


Random Search:: : 2747it [00:55, 55.73it/s, failures=0, objective=-12.7]


Random Search:: : 2748it [00:55, 58.75it/s, failures=0, objective=-12.7]


Random Search:: : 2748it [00:55, 58.75it/s, failures=0, objective=-12.7]


Random Search:: : 2749it [00:55, 58.75it/s, failures=0, objective=-12.7]


Random Search:: : 2750it [00:55, 58.75it/s, failures=0, objective=-12.7]


Random Search:: : 2751it [00:55, 58.75it/s, failures=0, objective=-12.7]


Random Search:: : 2752it [00:55, 58.75it/s, failures=0, objective=-12.7]


Random Search:: : 2753it [00:55, 58.75it/s, failures=0, objective=-12.7]


Random Search:: : 2754it [00:55, 58.75it/s, failures=0, objective=-12.7]


Random Search:: : 2755it [00:55, 49.03it/s, failures=0, objective=-12.7]


Random Search:: : 2755it [00:55, 49.03it/s, failures=0, objective=-12.7]


Random Search:: : 2756it [00:55, 49.03it/s, failures=0, objective=-12.7]


Random Search:: : 2757it [00:55, 49.03it/s, failures=0, objective=-12.7]


Random Search:: : 2758it [00:55, 49.03it/s, failures=0, objective=-12.7]


Random Search:: : 2759it [00:55, 49.03it/s, failures=0, objective=-12.7]


Random Search:: : 2760it [00:55, 49.03it/s, failures=0, objective=-12.7]


Random Search:: : 2761it [00:55, 45.68it/s, failures=0, objective=-12.7]


Random Search:: : 2761it [00:55, 45.68it/s, failures=0, objective=-12.7]


Random Search:: : 2762it [00:55, 45.68it/s, failures=0, objective=-12.7]


Random Search:: : 2763it [00:55, 45.68it/s, failures=0, objective=-12.7]


Random Search:: : 2764it [00:55, 45.68it/s, failures=0, objective=-12.7]


Random Search:: : 2765it [00:55, 45.68it/s, failures=0, objective=-12.7]


Random Search:: : 2766it [00:55, 45.68it/s, failures=0, objective=-12.7]


Random Search:: : 2767it [00:55, 45.68it/s, failures=0, objective=-12.7]


Random Search:: : 2768it [00:55, 50.40it/s, failures=0, objective=-12.7]


Random Search:: : 2768it [00:55, 50.40it/s, failures=0, objective=-12.7]


Random Search:: : 2769it [00:55, 50.40it/s, failures=0, objective=-12.7]


Random Search:: : 2770it [00:55, 50.40it/s, failures=0, objective=-12.7]


Random Search:: : 2771it [00:55, 50.40it/s, failures=0, objective=-12.7]


Random Search:: : 2772it [00:55, 50.40it/s, failures=0, objective=-12.7]


Random Search:: : 2773it [00:55, 50.40it/s, failures=0, objective=-12.7]


Random Search:: : 2774it [00:55, 44.40it/s, failures=0, objective=-12.7]


Random Search:: : 2774it [00:55, 44.40it/s, failures=0, objective=-12.7]


Random Search:: : 2775it [00:55, 44.40it/s, failures=0, objective=-12.7]


Random Search:: : 2776it [00:55, 44.40it/s, failures=0, objective=-12.7]


Random Search:: : 2777it [00:55, 44.40it/s, failures=0, objective=-12.7]


Random Search:: : 2778it [00:55, 44.40it/s, failures=0, objective=-12.7]


Random Search:: : 2779it [00:55, 44.40it/s, failures=0, objective=-12.7]


Random Search:: : 2780it [00:55, 44.40it/s, failures=0, objective=-12.7]


Random Search:: : 2781it [00:55, 44.40it/s, failures=0, objective=-12.7]


Random Search:: : 2782it [00:55, 50.74it/s, failures=0, objective=-12.7]


Random Search:: : 2782it [00:55, 50.74it/s, failures=0, objective=-12.7]


Random Search:: : 2783it [00:55, 50.74it/s, failures=0, objective=-12.7]


Random Search:: : 2784it [00:55, 50.74it/s, failures=0, objective=-12.7]


Random Search:: : 2785it [00:55, 50.74it/s, failures=0, objective=-12.7]


Random Search:: : 2786it [00:55, 50.74it/s, failures=0, objective=-12.7]


Random Search:: : 2787it [00:56, 50.74it/s, failures=0, objective=-12.7]


Random Search:: : 2788it [00:56, 49.16it/s, failures=0, objective=-12.7]


Random Search:: : 2788it [00:56, 49.16it/s, failures=0, objective=-12.7]


Random Search:: : 2789it [00:56, 49.16it/s, failures=0, objective=-12.7]


Random Search:: : 2790it [00:56, 49.16it/s, failures=0, objective=-12.7]


Random Search:: : 2791it [00:56, 49.16it/s, failures=0, objective=-12.7]


Random Search:: : 2792it [00:56, 49.16it/s, failures=0, objective=-12.7]


Random Search:: : 2793it [00:56, 49.16it/s, failures=0, objective=-12.7]


Random Search:: : 2794it [00:56, 49.16it/s, failures=0, objective=-12.7]


Random Search:: : 2795it [00:56, 52.23it/s, failures=0, objective=-12.7]


Random Search:: : 2795it [00:56, 52.23it/s, failures=0, objective=-12.7]


Random Search:: : 2796it [00:56, 52.23it/s, failures=0, objective=-12.7]


Random Search:: : 2797it [00:56, 52.23it/s, failures=0, objective=-12.7]


Random Search:: : 2798it [00:56, 52.23it/s, failures=0, objective=-12.7]


Random Search:: : 2799it [00:56, 52.23it/s, failures=0, objective=-12.7]


Random Search:: : 2800it [00:56, 52.23it/s, failures=0, objective=-12.7]


Random Search:: : 2801it [00:56, 52.23it/s, failures=0, objective=-12.7]


Random Search:: : 2802it [00:56, 52.23it/s, failures=0, objective=-12.7]


Random Search:: : 2803it [00:56, 52.23it/s, failures=0, objective=-12.7]


Random Search:: : 2804it [00:56, 57.72it/s, failures=0, objective=-12.7]


Random Search:: : 2804it [00:56, 57.72it/s, failures=0, objective=-12.7]


Random Search:: : 2805it [00:56, 57.72it/s, failures=0, objective=-12.7]


Random Search:: : 2806it [00:56, 57.72it/s, failures=0, objective=-12.7]


Random Search:: : 2807it [00:56, 57.72it/s, failures=0, objective=-12.7]


Random Search:: : 2808it [00:56, 57.72it/s, failures=0, objective=-12.7]


Random Search:: : 2809it [00:56, 57.72it/s, failures=0, objective=-12.7]


Random Search:: : 2810it [00:56, 56.94it/s, failures=0, objective=-12.7]


Random Search:: : 2810it [00:56, 56.94it/s, failures=0, objective=-12.7]


Random Search:: : 2811it [00:56, 56.94it/s, failures=0, objective=-12.7]


Random Search:: : 2812it [00:56, 56.94it/s, failures=0, objective=-12.7]


Random Search:: : 2813it [00:56, 56.94it/s, failures=0, objective=-12.7]


Random Search:: : 2814it [00:56, 56.94it/s, failures=0, objective=-12.7]


Random Search:: : 2815it [00:56, 56.94it/s, failures=0, objective=-12.7]


Random Search:: : 2816it [00:56, 51.41it/s, failures=0, objective=-12.7]


Random Search:: : 2816it [00:56, 51.41it/s, failures=0, objective=-12.7]


Random Search:: : 2817it [00:56, 51.41it/s, failures=0, objective=-12.7]


Random Search:: : 2818it [00:56, 51.41it/s, failures=0, objective=-12.7]


Random Search:: : 2819it [00:56, 51.41it/s, failures=0, objective=-12.7]


Random Search:: : 2820it [00:56, 51.41it/s, failures=0, objective=-12.7]


Random Search:: : 2821it [00:56, 51.41it/s, failures=0, objective=-12.7]


Random Search:: : 2822it [00:56, 52.47it/s, failures=0, objective=-12.7]


Random Search:: : 2822it [00:56, 52.47it/s, failures=0, objective=-12.7]


Random Search:: : 2823it [00:56, 52.47it/s, failures=0, objective=-12.7]


Random Search:: : 2824it [00:56, 52.47it/s, failures=0, objective=-12.7]


Random Search:: : 2825it [00:56, 52.47it/s, failures=0, objective=-12.7]


Random Search:: : 2826it [00:56, 52.47it/s, failures=0, objective=-12.7]


Random Search:: : 2827it [00:56, 52.47it/s, failures=0, objective=-12.7]


Random Search:: : 2828it [00:56, 48.97it/s, failures=0, objective=-12.7]


Random Search:: : 2828it [00:56, 48.97it/s, failures=0, objective=-12.7]


Random Search:: : 2829it [00:56, 48.97it/s, failures=0, objective=-12.7]


Random Search:: : 2830it [00:56, 48.97it/s, failures=0, objective=-12.7]


Random Search:: : 2831it [00:56, 48.97it/s, failures=0, objective=-12.7]


Random Search:: : 2832it [00:56, 48.97it/s, failures=0, objective=-12.7]


Random Search:: : 2833it [00:56, 48.97it/s, failures=0, objective=-12.7]


Random Search:: : 2834it [00:56, 48.97it/s, failures=0, objective=-12.7]


Random Search:: : 2835it [00:56, 48.97it/s, failures=0, objective=-12.7]


Random Search:: : 2836it [00:56, 48.97it/s, failures=0, objective=-12.7]


Random Search:: : 2837it [00:56, 48.97it/s, failures=0, objective=-12.7]


Random Search:: : 2838it [00:56, 61.57it/s, failures=0, objective=-12.7]


Random Search:: : 2838it [00:56, 61.57it/s, failures=0, objective=-12.7]


Random Search:: : 2839it [00:56, 61.57it/s, failures=0, objective=-12.7]


Random Search:: : 2840it [00:56, 61.57it/s, failures=0, objective=-12.7]


Random Search:: : 2841it [00:56, 61.57it/s, failures=0, objective=-12.7]


Random Search:: : 2842it [00:56, 61.57it/s, failures=0, objective=-12.7]


Random Search:: : 2843it [00:57, 61.57it/s, failures=0, objective=-12.7]


Random Search:: : 2844it [00:57, 61.57it/s, failures=0, objective=-12.7]


Random Search:: : 2845it [00:57, 58.88it/s, failures=0, objective=-12.7]


Random Search:: : 2845it [00:57, 58.88it/s, failures=0, objective=-12.7]


Random Search:: : 2846it [00:57, 58.88it/s, failures=0, objective=-12.7]


Random Search:: : 2847it [00:57, 58.88it/s, failures=0, objective=-12.7]


Random Search:: : 2848it [00:57, 58.88it/s, failures=0, objective=-12.7]


Random Search:: : 2849it [00:57, 58.88it/s, failures=0, objective=-12.7]


Random Search:: : 2850it [00:57, 58.88it/s, failures=0, objective=-12.7]


Random Search:: : 2851it [00:57, 58.88it/s, failures=0, objective=-12.7]


Random Search:: : 2852it [00:57, 50.56it/s, failures=0, objective=-12.7]


Random Search:: : 2852it [00:57, 50.56it/s, failures=0, objective=-12.7]


Random Search:: : 2853it [00:57, 50.56it/s, failures=0, objective=-12.7]


Random Search:: : 2854it [00:57, 50.56it/s, failures=0, objective=-12.7]


Random Search:: : 2855it [00:57, 50.56it/s, failures=0, objective=-12.7]


Random Search:: : 2856it [00:57, 50.56it/s, failures=0, objective=-12.7]


Random Search:: : 2857it [00:57, 50.56it/s, failures=0, objective=-12.7]


Random Search:: : 2858it [00:57, 42.89it/s, failures=0, objective=-12.7]


Random Search:: : 2858it [00:57, 42.89it/s, failures=0, objective=-12.7]


Random Search:: : 2859it [00:57, 42.89it/s, failures=0, objective=-12.7]


Random Search:: : 2860it [00:57, 42.89it/s, failures=0, objective=-12.7]


Random Search:: : 2861it [00:57, 42.89it/s, failures=0, objective=-12.7]


Random Search:: : 2862it [00:57, 42.89it/s, failures=0, objective=-12.7]


Random Search:: : 2863it [00:57, 41.86it/s, failures=0, objective=-12.7]


Random Search:: : 2863it [00:57, 41.86it/s, failures=0, objective=-12.7]


Random Search:: : 2864it [00:57, 41.86it/s, failures=0, objective=-12.7]


Random Search:: : 2865it [00:57, 41.86it/s, failures=0, objective=-12.7]


Random Search:: : 2866it [00:57, 41.86it/s, failures=0, objective=-12.7]


Random Search:: : 2867it [00:57, 41.86it/s, failures=0, objective=-12.7]


Random Search:: : 2868it [00:57, 41.86it/s, failures=0, objective=-12.7]


Random Search:: : 2869it [00:57, 41.86it/s, failures=0, objective=-12.7]


Random Search:: : 2870it [00:57, 45.76it/s, failures=0, objective=-12.7]


Random Search:: : 2870it [00:57, 45.76it/s, failures=0, objective=-12.7]


Random Search:: : 2871it [00:57, 45.76it/s, failures=0, objective=-12.7]


Random Search:: : 2872it [00:57, 45.76it/s, failures=0, objective=-12.7]


Random Search:: : 2873it [00:57, 45.76it/s, failures=0, objective=-12.7]


Random Search:: : 2874it [00:57, 45.76it/s, failures=0, objective=-12.7]


Random Search:: : 2875it [00:57, 45.76it/s, failures=0, objective=-12.7]


Random Search:: : 2876it [00:57, 45.76it/s, failures=0, objective=-12.7]


Random Search:: : 2877it [00:57, 45.76it/s, failures=0, objective=-12.7]


Random Search:: : 2878it [00:57, 45.76it/s, failures=0, objective=-12.7]


Random Search:: : 2879it [00:57, 45.76it/s, failures=0, objective=-12.7]


Random Search:: : 2880it [00:57, 52.92it/s, failures=0, objective=-12.7]


Random Search:: : 2880it [00:57, 52.92it/s, failures=0, objective=-12.7]


Random Search:: : 2881it [00:57, 52.92it/s, failures=0, objective=-12.7]


Random Search:: : 2882it [00:57, 52.92it/s, failures=0, objective=-12.7]


Random Search:: : 2883it [00:57, 52.92it/s, failures=0, objective=-12.7]


Random Search:: : 2884it [00:57, 52.92it/s, failures=0, objective=-12.7]


Random Search:: : 2885it [00:57, 52.92it/s, failures=0, objective=-12.7]


Random Search:: : 2886it [00:57, 52.92it/s, failures=0, objective=-12.7]


Random Search:: : 2887it [00:57, 52.92it/s, failures=0, objective=-12.7]


Random Search:: : 2888it [00:57, 52.92it/s, failures=0, objective=-12.7]


Random Search:: : 2889it [00:57, 54.46it/s, failures=0, objective=-12.7]


Random Search:: : 2889it [00:57, 54.46it/s, failures=0, objective=-12.7]


Random Search:: : 2890it [00:58, 54.46it/s, failures=0, objective=-12.7]


Random Search:: : 2891it [00:58, 54.46it/s, failures=0, objective=-12.7]


Random Search:: : 2892it [00:58, 54.46it/s, failures=0, objective=-12.7]


Random Search:: : 2893it [00:58, 54.46it/s, failures=0, objective=-12.7]


Random Search:: : 2894it [00:58, 54.46it/s, failures=0, objective=-12.7]


Random Search:: : 2895it [00:58, 54.46it/s, failures=0, objective=-12.7]


Random Search:: : 2896it [00:58, 54.46it/s, failures=0, objective=-12.7]


Random Search:: : 2897it [00:58, 54.46it/s, failures=0, objective=-12.7]


Random Search:: : 2898it [00:58, 61.85it/s, failures=0, objective=-12.7]


Random Search:: : 2898it [00:58, 61.85it/s, failures=0, objective=-12.7]


Random Search:: : 2899it [00:58, 61.85it/s, failures=0, objective=-12.7]


Random Search:: : 2900it [00:58, 61.85it/s, failures=0, objective=-12.7]


Random Search:: : 2901it [00:58, 61.85it/s, failures=0, objective=-12.7]


Random Search:: : 2902it [00:58, 61.85it/s, failures=0, objective=-12.7]


Random Search:: : 2903it [00:58, 61.85it/s, failures=0, objective=-12.7]


Random Search:: : 2904it [00:58, 61.85it/s, failures=0, objective=-12.7]


Random Search:: : 2905it [00:58, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2905it [00:58, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2906it [00:58, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2907it [00:58, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2908it [00:58, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2909it [00:58, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2910it [00:58, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2911it [00:58, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2912it [00:58, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2913it [00:58, 50.54it/s, failures=0, objective=-12.7]


Random Search:: : 2914it [00:58, 58.83it/s, failures=0, objective=-12.7]


Random Search:: : 2914it [00:58, 58.83it/s, failures=0, objective=-12.7]


Random Search:: : 2915it [00:58, 58.83it/s, failures=0, objective=-12.7]


Random Search:: : 2916it [00:58, 58.83it/s, failures=0, objective=-12.7]


Random Search:: : 2917it [00:58, 58.83it/s, failures=0, objective=-12.7]


Random Search:: : 2918it [00:58, 58.83it/s, failures=0, objective=-12.7]


Random Search:: : 2919it [00:58, 58.83it/s, failures=0, objective=-12.7]


Random Search:: : 2920it [00:58, 58.83it/s, failures=0, objective=-12.7]


Random Search:: : 2921it [00:58, 50.45it/s, failures=0, objective=-12.7]


Random Search:: : 2921it [00:58, 50.45it/s, failures=0, objective=-12.7]


Random Search:: : 2922it [00:58, 50.45it/s, failures=0, objective=-12.7]


Random Search:: : 2923it [00:58, 50.45it/s, failures=0, objective=-12.7]


Random Search:: : 2924it [00:58, 50.45it/s, failures=0, objective=-12.7]


Random Search:: : 2925it [00:58, 50.45it/s, failures=0, objective=-12.7]


Random Search:: : 2926it [00:58, 50.45it/s, failures=0, objective=-12.7]


Random Search:: : 2927it [00:58, 42.51it/s, failures=0, objective=-12.7]


Random Search:: : 2927it [00:58, 42.51it/s, failures=0, objective=-12.7]


Random Search:: : 2928it [00:58, 42.51it/s, failures=0, objective=-12.7]


Random Search:: : 2929it [00:58, 42.51it/s, failures=0, objective=-12.7]


Random Search:: : 2930it [00:58, 42.51it/s, failures=0, objective=-12.7]


Random Search:: : 2931it [00:58, 42.51it/s, failures=0, objective=-12.7]


Random Search:: : 2932it [00:58, 43.05it/s, failures=0, objective=-12.7]


Random Search:: : 2932it [00:58, 43.05it/s, failures=0, objective=-12.7]


Random Search:: : 2933it [00:58, 43.05it/s, failures=0, objective=-12.7]


Random Search:: : 2934it [00:58, 43.05it/s, failures=0, objective=-12.7]


Random Search:: : 2935it [00:58, 43.05it/s, failures=0, objective=-12.7]


Random Search:: : 2936it [00:58, 43.05it/s, failures=0, objective=-12.7]


Random Search:: : 2937it [00:59, 43.05it/s, failures=0, objective=-12.7]


Random Search:: : 2938it [00:59, 43.05it/s, failures=0, objective=-12.7]


Random Search:: : 2939it [00:59, 43.05it/s, failures=0, objective=-12.7]


Random Search:: : 2940it [00:59, 47.81it/s, failures=0, objective=-12.7]


Random Search:: : 2940it [00:59, 47.81it/s, failures=0, objective=-12.7]


Random Search:: : 2941it [00:59, 47.81it/s, failures=0, objective=-12.7]


Random Search:: : 2942it [00:59, 47.81it/s, failures=0, objective=-12.7]


Random Search:: : 2943it [00:59, 47.81it/s, failures=0, objective=-12.7]


Random Search:: : 2944it [00:59, 47.81it/s, failures=0, objective=-12.7]


Random Search:: : 2945it [00:59, 47.81it/s, failures=0, objective=-12.7]


Random Search:: : 2946it [00:59, 49.88it/s, failures=0, objective=-12.7]


Random Search:: : 2946it [00:59, 49.88it/s, failures=0, objective=-12.7]


Random Search:: : 2947it [00:59, 49.88it/s, failures=0, objective=-12.7]


Random Search:: : 2948it [00:59, 49.88it/s, failures=0, objective=-12.7]


Random Search:: : 2949it [00:59, 49.88it/s, failures=0, objective=-12.7]


Random Search:: : 2950it [00:59, 49.88it/s, failures=0, objective=-12.7]


Random Search:: : 2951it [00:59, 49.88it/s, failures=0, objective=-12.7]


Random Search:: : 2952it [00:59, 45.65it/s, failures=0, objective=-12.7]


Random Search:: : 2952it [00:59, 45.65it/s, failures=0, objective=-12.7]


Random Search:: : 2953it [00:59, 45.65it/s, failures=0, objective=-12.7]


Random Search:: : 2954it [00:59, 45.65it/s, failures=0, objective=-12.7]


Random Search:: : 2955it [00:59, 45.65it/s, failures=0, objective=-12.7]


Random Search:: : 2956it [00:59, 45.65it/s, failures=0, objective=-12.7]


Random Search:: : 2957it [00:59, 45.65it/s, failures=0, objective=-12.7]


Random Search:: : 2958it [00:59, 45.65it/s, failures=0, objective=-12.7]


Random Search:: : 2959it [00:59, 50.43it/s, failures=0, objective=-12.7]


Random Search:: : 2959it [00:59, 50.43it/s, failures=0, objective=-12.7]


Random Search:: : 2960it [01:02, 50.43it/s, failures=0, objective=-12.7]


Random Search:: : 2961it [01:02, 50.43it/s, failures=0, objective=-12.7]


Random Search:: : 2962it [01:02, 50.43it/s, failures=0, objective=-12.7]


Random Search:: : 2963it [01:02, 50.43it/s, failures=0, objective=-12.7]


Random Search:: : 2964it [01:02, 50.43it/s, failures=0, objective=-12.7]


Random Search:: : 2965it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2965it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2966it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2967it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2968it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2969it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2970it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2971it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2972it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2973it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2974it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2975it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2976it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2977it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2978it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2979it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2980it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2981it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2982it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2983it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2984it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2985it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2986it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2987it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2988it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2989it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2990it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2991it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2992it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2993it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2994it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2995it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2996it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2997it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2998it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 2999it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3000it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3001it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3002it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3003it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3004it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3005it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3006it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3007it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3008it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3009it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3010it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3011it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3012it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3013it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3014it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3015it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3016it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3017it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3018it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3019it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3020it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3021it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3022it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3023it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3024it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3025it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3026it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3027it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3028it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3029it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3030it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3031it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3032it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3033it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3034it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3035it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3036it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3037it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3038it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3039it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3040it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3041it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3042it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3043it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3044it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3045it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3046it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3047it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3048it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3049it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3050it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3051it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3052it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3053it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3054it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3055it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3056it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3057it [01:02,  6.45it/s, failures=0, objective=-12.7]


Random Search:: : 3058it [01:02,  6.45it/s, failures=0, objective=-12.7]
p:x0 p:x1 p:x2 p:x3 p:x4 objective job_id job_status m:timestamp_submit m:timestamp_start m:timestamp_end m:timestamp_gather
0 -13.702473 15.231234 -12.722125 12.253561 26.516486 -21.282141 18 DONE 0.007096 0.000990 0.577142 0.586353
1 -31.777255 -30.201063 -31.370407 -8.583481 12.039819 -21.605249 63 DONE 0.007407 0.003299 0.850189 0.858948
2 20.370052 -32.273125 13.569367 -10.451970 -0.588867 -21.751368 10 DONE 0.007057 0.000584 1.003299 1.012113
3 -2.946139 -25.882970 -17.911971 18.763450 -32.589908 -21.044964 11 DONE 0.007062 0.000631 1.051579 1.060437
4 30.128870 -6.308447 25.080532 -18.474347 -24.628280 -21.585207 27 DONE 0.007228 0.001408 1.075873 1.084510
... ... ... ... ... ... ... ... ... ... ... ... ...
3053 25.803620 -13.121952 -22.690440 -30.918529 -9.225849 -21.059491 3040 CANCELLED 59.669695 59.662494 63.022893 63.057775
3054 19.859480 -5.969386 -4.320128 -4.444688 -21.512459 -20.551989 3002 CANCELLED 58.836878 58.829448 60.949520 63.057837
3055 -21.654784 14.622838 9.580084 -16.108131 16.245609 -21.157718 2995 CANCELLED 58.656810 58.649209 60.522296 63.057899
3056 -10.741255 -31.007580 13.899870 5.954076 -13.111397 -20.071531 2994 CANCELLED 58.654077 58.646505 60.427928 63.057962
3057 -28.992369 -3.242354 14.455751 -24.856497 12.695447 -21.209852 2993 CANCELLED 58.654061 58.646482 60.744194 63.058026

3058 rows × 12 columns



The number of evaluations of the random search is higher than the parallel Bayesian optimization search.

print(f"Number of evaluations for the parallel Bayesian optimization: {len(results['parallel'])}")
print(f"Number of evaluations for the random search: {len(results['random'])}")
Number of evaluations for the parallel Bayesian optimization: 2454
Number of evaluations for the random search: 3058

The utilization of the worker is confirmed to be near 100% for the random search.

Code (Plot search trajectory and worker utilization)
fig, axes = plt.subplots(
        nrows=2,
        ncols=1,
        sharex=True,
        figsize=figure_size(width=600),
        tight_layout=True
    )

_ = plot_search_trajectory_single_objective_hpo(
    results["random"], mode="min", x_units="seconds", ax=axes[0]
)

_ = plot_worker_utilization(
    results["random"], num_workers=1, profile_type="start/end", ax=axes[1]
)
plot from serial to parallel hpo

However, the objective value of the parallel Bayesian optimization search is significantly better than the random search.

Code (Plot search trajectories)
fig, ax = plt.subplots(figsize=figure_size(width=600), tight_layout=True)
labels = {
    "random": "Parallel Random Search",
    "sequential": "Sequential Bayesian Optimization",
    "parallel": "Parallel Bayesian Optimization",
    }
for i, (key, label) in enumerate(labels.items()):
    df = results[key]
    _ = plot_search_trajectory_single_objective_hpo(
        df,
        show_failures=False,
        mode="min",
        x_units="seconds",
        ax=ax,
        label=label,
        plot_kwargs={"color": f"C{i}"},
        scatter_success_kwargs={"color": f"C{i}", "alpha": 0.5},
    )

_ = ax.set_xlabel("Time (sec.)")
_ = ax.set_ylabel("Objective")
_ = ax.set_yscale("log")
_ = ax.grid(visible=True, which="minor", linestyle=":")
_ = ax.grid(visible=True, which="major", linestyle="-")
_ = ax.legend()
plot from serial to parallel hpo

Total running time of the script: (3 minutes 8.358 seconds)

Gallery generated by Sphinx-Gallery