diff --git a/datasets/alpi/__init__.py b/datasets/alpi/__init__.py
index 15004ec..8309276 100644
--- a/datasets/alpi/__init__.py
+++ b/datasets/alpi/__init__.py
@@ -121,6 +121,7 @@ def create_params_list(data_path, params, verbose=True):
# PHASE 1
+
# current_offset must be an integer and it must indicate minutes
def generate_dataset_by_serial_offset(data, params, current_offset):
data["current_offset"] = current_offset
diff --git a/datasets/alpi/dataset.py b/datasets/alpi/dataset.py
index f41a718..6b3f5ba 100644
--- a/datasets/alpi/dataset.py
+++ b/datasets/alpi/dataset.py
@@ -121,6 +121,7 @@ def create_params_list(data_path, params, verbose=True):
# PHASE 1
+
# current_offset must be an integer and it must indicate minutes
def generate_dataset_by_serial_offset(data, params, current_offset):
data["current_offset"] = current_offset
diff --git a/datasets/cbm/__init__.py b/datasets/cbm/__init__.py
index 52e8974..40fc95c 100644
--- a/datasets/cbm/__init__.py
+++ b/datasets/cbm/__init__.py
@@ -7,7 +7,6 @@
def parse_feature_names(fn):
-
with open(fn) as f:
names, lines = [], f.readlines()
for line in lines:
@@ -17,7 +16,6 @@ def parse_feature_names(fn):
def load_data(shorten_feature_names=True):
-
fp = os.path.dirname(__file__)
raw_data = np.loadtxt(fp + "/data.txt.gz")
features = parse_feature_names(fp + "/Features.txt")
@@ -51,7 +49,6 @@ def load_clean_data():
def gen_summary(wd=400, outdir=None):
-
if outdir is None:
outdir = os.path.dirname(__file__)
diff --git a/datasets/cmapss/__init__.py b/datasets/cmapss/__init__.py
index cff21e4..ded28cd 100644
--- a/datasets/cmapss/__init__.py
+++ b/datasets/cmapss/__init__.py
@@ -2,6 +2,7 @@
import numpy as np
import pandas as pd
import tqdm
+
# from sklearn.model_selection import train_test_split
from sklearn.model_selection import KFold
@@ -86,6 +87,13 @@ def load_clean_data_rul(
):
train, test, labels = load_mesurement_list(index=index, features=features)
label = "RUL"
+ class_label_name = "Class"
+ if index=="FD001" or index=="FD002":
+ class_=1
+ elif index=="FD003" or index=="FD004":
+ class_=2
+ else:
+ class_=0
# train
train_df_list = []
@@ -93,6 +101,7 @@ def load_clean_data_rul(
max_rul = len(tt)
rul_array = np.array(range(max_rul))[::-1]
tt[label] = rul_array
+ tt[class_label_name] = class_
train_df_list.append(tt)
# test
@@ -102,6 +111,7 @@ def load_clean_data_rul(
rul_array = np.array(range(max_rul))[::-1]
rul_array += int(la)
tt[label] = rul_array
+ tt[class_label_name] = class_
test_df_list.append(tt)
return train_df_list, test_df_list
@@ -109,31 +119,47 @@ def load_clean_data_rul(
def load_clean_data_rul_k_folds(
split_ind,
- indices=["FD004",],
+ indices=[
+ "FD004",
+ ],
k=5,
features=[2, 3, 4, 7, 11, 12, 15],
random_state=0,
+ use_test=True,
+ val=0.1,
):
df_list = []
for index in indices:
- train_df_list, test_df_list = load_clean_data_rul(index=index, features=features,)
+ train_df_list, test_df_list = load_clean_data_rul(
+ index=index,
+ features=features,
+ )
df_list.extend(train_df_list)
- df_list.extend(test_df_list)
-
+ if use_test:
+ df_list.extend(test_df_list)
+
data_index = range(len(df_list))
-
+
kf = KFold(
n_splits=k,
random_state=random_state,
- shuffle=True,)
+ shuffle=True,
+ )
- train_idx,test_idx = list(kf.split(data_index))[split_ind]
+ train_idx, test_idx = list(kf.split(data_index))[split_ind]
+ len(train_idx)
+ print(f"all index:{len(data_index)}")
+ print(train_idx)
+ print(test_idx)
new_train_df_list = [df_list[i] for i in train_idx]
new_test_df_list = [df_list[i] for i in test_idx]
return new_train_df_list, new_test_df_list
+
+
+
def load_mesurement_list(
index="FD004",
features=[2, 3, 4, 7, 11, 12, 15],
@@ -168,7 +194,6 @@ def load_mesurement_list(
def run_to_failure_aux(df, lifetime, unit_number):
-
assert lifetime <= df.shape[0]
broken = 0 if lifetime < df.shape[0] else 1
sample = pd.DataFrame(
@@ -187,7 +212,6 @@ def run_to_failure_aux(df, lifetime, unit_number):
def censoring_augmentation(raw_data, n_samples=10, seed=123):
-
np.random.seed(seed)
datasets = [g for _, g in raw_data.groupby("unit_number")]
timeseries = raw_data.groupby("unit_number").size()
@@ -206,7 +230,6 @@ def censoring_augmentation(raw_data, n_samples=10, seed=123):
def generate_run_to_failure(df, health_censor_aug=0, seed=123):
-
samples = []
for unit_id, timeseries in tqdm.tqdm(df.groupby("unit_number"), desc="RUL"):
samples.append(run_to_failure_aux(timeseries, timeseries.shape[0], unit_id))
@@ -227,7 +250,6 @@ def leave_one_out(
input_fn=None,
output_fn=None,
):
-
if input_fn is not None:
subsets = pd.read_csv(input_fn)
diff --git a/datasets/gdd/__init__.py b/datasets/gdd/__init__.py
index a1f8237..9cec029 100644
--- a/datasets/gdd/__init__.py
+++ b/datasets/gdd/__init__.py
@@ -7,7 +7,6 @@
def load_data(index="state"):
-
assert index in ["state", "anomaly", "normal", "linear", "pressure"]
fp = os.path.dirname(__file__)
@@ -163,7 +162,6 @@ def plot_genesis_nonlabels(df, figsize=(15, 20), cmap="tab10"):
def gen_summary(outdir=None):
-
if outdir is None:
outdir = os.path.dirname(__file__)
@@ -171,7 +169,6 @@ def gen_summary(outdir=None):
sns.set(font_scale=1.1, style="whitegrid")
with PdfPages(outdir + "/gdd_summary.pdf") as pp:
-
print("Plotting Genesis_StateMachineLabel...")
df = load_data(index="state")
fig, _ = plot_genesis_labels(df)
diff --git a/datasets/gfd/__init__.py b/datasets/gfd/__init__.py
index cb23013..259ce4f 100644
--- a/datasets/gfd/__init__.py
+++ b/datasets/gfd/__init__.py
@@ -44,7 +44,6 @@ def plot_sequence(df, st=0, ed=None, ax=None, figsize=(10, 3), individual=True):
def gen_summary(outdir=None, st=0, ed=500, wd=20, hg=8):
-
if outdir is None:
outdir = os.path.dirname(__file__)
diff --git a/datasets/hydsys/__init__.py b/datasets/hydsys/__init__.py
index 2d9458a..bcc3b98 100644
--- a/datasets/hydsys/__init__.py
+++ b/datasets/hydsys/__init__.py
@@ -5,7 +5,6 @@
def load_data(sensor=None, rw=0):
-
if sensor is None:
# load full data
# rw is ignored to concatenate all sensor data
@@ -21,7 +20,6 @@ def load_data(sensor=None, rw=0):
def load_sensor_data(sensor, rw=0):
-
data = []
sensor_list = get_sensor_list(sensor)
fp = os.path.dirname(__file__)
diff --git a/datasets/mapm/__init__.py b/datasets/mapm/__init__.py
index 164c025..cb510e0 100644
--- a/datasets/mapm/__init__.py
+++ b/datasets/mapm/__init__.py
@@ -9,8 +9,8 @@
from sklearn.model_selection import KFold
+sensors = ["volt", "rotate", "pressure", "vibration"]
-sensors=["volt","rotate","pressure","vibration"]
def load_data():
fp = os.path.dirname(__file__)
@@ -37,7 +37,6 @@ def load_data():
def cleaning(df):
-
# NaN values are encoded to -1
df = df.sort_values("errorID")
df.errorID = df.errorID.factorize()[0]
@@ -69,7 +68,6 @@ def generate_run_to_failure(
seed=123,
outfn=None,
):
-
run_to_failure = []
error_ids = raw_data.errorID.dropna().sort_values().unique().tolist()
@@ -137,14 +135,12 @@ def generate_run_to_failure(
def censoring_augmentation(
raw_data, n_samples=10, max_lifetime=150, min_lifetime=2, seed=123
):
-
error_ids = raw_data.errorID.dropna().sort_values().unique().tolist()
np.random.seed(seed)
samples = []
pbar = tqdm.tqdm(total=n_samples, desc="augmentation")
while len(samples) < n_samples:
-
censor_timing = np.random.randint(min_lifetime, max_lifetime)
machine_id = np.random.randint(100) + 1
tmp = raw_data[raw_data.machineID == machine_id]
@@ -192,7 +188,6 @@ def censoring_augmentation(
def generate_validation_sets(method="kfold", n_splits=5, seed=123, outdir=None):
-
validation_sets = []
if method == "kfold":
@@ -206,7 +201,6 @@ def generate_validation_sets(method="kfold", n_splits=5, seed=123, outdir=None):
n_splits=n_splits, shuffle=True, random_state=seed
)
for i, (train_index, test_index) in enumerate(kfold.split(np.arange(100))):
-
print("K-fold {}/{}".format(i + 1, n_splits))
# train/test split by machine ID
train_machines = raw_data[raw_data.machineID.isin(train_index)]
@@ -248,7 +242,6 @@ def load_validation_sets(filepath, n_splits=5):
def plot_sequence_and_events(data, machine_id=1):
-
data = data[data.machineID == machine_id]
fig, ax = plt.subplots(4 + 2, figsize=(8, 8))
@@ -274,7 +267,6 @@ def plot_sequence_and_events(data, machine_id=1):
def gen_summary(outdir=None):
-
if outdir is None:
outdir = os.path.dirname(__file__)
@@ -289,7 +281,7 @@ def gen_summary(outdir=None):
plt.close()
-def load_failure_sequences_list(dim=sensors):
+def load_failure_sequences_list(dim=sensors,once_per_machine=False,len_thre=0):
"""
Returns
@@ -298,46 +290,66 @@ def load_failure_sequences_list(dim=sensors):
failure labels [# of seq]
"""
- clean_df =load_clean_data()
+ clean_df = load_clean_data()
sequence_df_list = []
failure_list = []
-
+
# source_df = pd.DataFrame(colums=["seq_id","machine_id"])
clean_df["seq_id"] = 0
- for machine_id, m_df in tqdm(clean_df.groupby("machineID"),desc="Segment each machine data"):
- # sort
+ for machine_id, m_df in tqdm(
+ clean_df.groupby("machineID"), desc="Segment each machine data"
+ ):
+ # sort
m_df = m_df.sort_values("datetime")
# segment & set seq_id
- failures_index = m_df["failure"][m_df["failure"]>-1].index
- failures_values = m_df["failure"][m_df["failure"]>-1].values
+ failures_index = m_df["failure"][m_df["failure"] > -1].index
+ failures_values = m_df["failure"][m_df["failure"] > -1].values
for ind in failures_index:
- m_df.loc[ind:,"seq_id"] +=1
-
- for (seq_id, seq_df), f_val in zip(m_df.groupby("seq_id"),failures_values):
- sequence_df_list.append(seq_df.sort_values("datetime").reset_index(drop=True).loc[:,dim])
- failure_list.append(f_val)
-
+ m_df.loc[ind:, "seq_id"] += 1
+
+ for (seq_id, seq_df), f_val in zip(m_df.groupby("seq_id"), failures_values):
+ if once_per_machine:
+ if len(seq_df) > len_thre:
+ sequence_df_list.append(
+ seq_df.sort_values("datetime").reset_index(drop=True).loc[:, ["machineID"]+dim]
+ )
+ failure_list.append(f_val)
+ break
+ else:
+ continue
+
+ else:
+ sequence_df_list.append(
+ seq_df.sort_values("datetime").reset_index(drop=True).loc[:, ["machineID"]+dim]
+ )
+ failure_list.append(f_val)
+
return sequence_df_list, failure_list
+
def load_clean_data_rul_k_folds(
- split_ind,
- k=5,
- random_state=0,
+ split_ind,
+ k=5,
+ random_state=0,
+ once_per_machine_min=0,
):
-
- df_list = add_rul(*refine_data(*load_failure_sequences_list()))
+ if once_per_machine_min==0:
+ df_list = add_rul(*refine_data(*load_failure_sequences_list()))
+ else:
+ df_list = add_rul(*refine_data(*load_failure_sequences_list(once_per_machine=True,len_thre=once_per_machine_min)))
data_index = range(len(df_list))
-
+
kf = KFold(
n_splits=k,
random_state=random_state,
- shuffle=True,)
+ shuffle=True,
+ )
- train_idx,test_idx = list(kf.split(data_index))[split_ind]
+ train_idx, test_idx = list(kf.split(data_index))[split_ind]
train_df_list = [df_list[i] for i in train_idx]
test_df_list = [df_list[i] for i in test_idx]
@@ -345,60 +357,61 @@ def load_clean_data_rul_k_folds(
return train_df_list, test_df_list
-def refine_data(sequence_df_list, failure_list, event_type="only",min_len=100):
+def refine_data(sequence_df_list, failure_list, event_type="only", min_len=100):
"""
- refine_event: This data contain some sequences with complex/mulitple failue
+ refine_event: This data contain some sequences with complex/mulitple failue
if "only",
use sequences with only a failue, remove sequences with mulitple failue
elif "all"
- use all sequences, and regard complex failues as a new types of failure
+ use all sequences, and regard complex failues as a new types of failure
"""
num_seq = len(failure_list)
length_arr = np.array([len(ss) for ss in sequence_df_list])
- complex_ind = np.arange(num_seq)[length_arr<=1]
+ complex_ind = np.arange(num_seq)[length_arr <= 1]
# whether all complex failues contains two types of failues or not
- assert not np.sum(np.diff(complex_ind)<2), "complex failue events contain three or more failues"
-
- # remove complex_ind
- apply_arr = length_arr>1
+ assert not np.sum(
+ np.diff(complex_ind) < 2
+ ), "complex failue events contain three or more failues"
+
+ # remove complex_ind
+ apply_arr = length_arr > 1
- if event_type=="only":
- # remove complex_ind-1
+ if event_type == "only":
+ # remove complex_ind-1
for c_id in complex_ind:
- apply_arr[c_id-1] = False
-
- elif event_type=="all":
+ apply_arr[c_id - 1] = False
+
+ elif event_type == "all":
NotImplementedError
# check combination and define new type failures
# complex_val = np.array(failure_list)[complex_ind]
# # set new failure
# for c_id,n_f in zip(complex_ind,new_failures):
- # failure_list[c_id-1] = n_f
+ # failure_list[c_id-1] = n_f
else:
NotImplementedError
-
+
# remove sequences that not contain min_len values
- apply_length_arr = length_arr>min_len
- apply_arr &= apply_length_arr
-
- refined_sequence_df_list=[]
- refined_failure_list=[]
- for a, seq, failure in zip(apply_arr,sequence_df_list, failure_list):
+ apply_length_arr = length_arr > min_len
+ apply_arr &= apply_length_arr
+
+ refined_sequence_df_list = []
+ refined_failure_list = []
+ for a, seq, failure in zip(apply_arr, sequence_df_list, failure_list):
if a:
refined_sequence_df_list.append(seq)
refined_failure_list.append(failure)
- return refined_sequence_df_list,refined_failure_list
+ return refined_sequence_df_list, refined_failure_list
def add_rul(sequence_df_list, failure_list):
-
label_name = "RUL"
- class_label_name="Class"
- #
+ class_label_name = "Class"
+ #
df_list = []
for seq_df, class_label in zip(sequence_df_list, failure_list):
seq_df[class_label_name] = class_label
@@ -406,4 +419,4 @@ def add_rul(sequence_df_list, failure_list):
seq_df[label_name] = rul_array
df_list.append(seq_df)
- return df_list
\ No newline at end of file
+ return df_list
diff --git a/datasets/mapm/view_data.ipynb b/datasets/mapm/view_data.ipynb
index 24dbff5..a5ecbf6 100644
--- a/datasets/mapm/view_data.ipynb
+++ b/datasets/mapm/view_data.ipynb
@@ -2,13 +2,13 @@
"cells": [
{
"cell_type": "code",
- "execution_count": null,
+ "execution_count": 2,
"metadata": {},
"outputs": [],
"source": [
"from collections import Counter\n",
"from sklearn import model_selection\n",
- "from pysurvival.utils.display import correlation_matrix\n",
+ "# from pysurvival.utils.display import correlation_matrix\n",
"import tqdm\n",
"import matplotlib.pyplot as plt\n",
"import pandas as pd\n",
@@ -17,7 +17,7 @@
},
{
"cell_type": "code",
- "execution_count": null,
+ "execution_count": 3,
"metadata": {},
"outputs": [],
"source": [
@@ -44,9 +44,186 @@
},
{
"cell_type": "code",
- "execution_count": null,
+ "execution_count": 4,
"metadata": {},
- "outputs": [],
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "
\n",
+ "\n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
\n",
+ "
datetime
\n",
+ "
machineID
\n",
+ "
volt
\n",
+ "
rotate
\n",
+ "
pressure
\n",
+ "
vibration
\n",
+ "
errorID
\n",
+ "
failure
\n",
+ "
\n",
+ " \n",
+ " \n",
+ "
\n",
+ "
0
\n",
+ "
2015-01-01 06:00:00
\n",
+ "
1
\n",
+ "
176.217853
\n",
+ "
418.504078
\n",
+ "
113.077935
\n",
+ "
45.087686
\n",
+ "
NaN
\n",
+ "
NaN
\n",
+ "
\n",
+ "
\n",
+ "
1
\n",
+ "
2015-01-01 07:00:00
\n",
+ "
1
\n",
+ "
162.879223
\n",
+ "
402.747490
\n",
+ "
95.460525
\n",
+ "
43.413973
\n",
+ "
NaN
\n",
+ "
NaN
\n",
+ "
\n",
+ "
\n",
+ "
2
\n",
+ "
2015-01-01 08:00:00
\n",
+ "
1
\n",
+ "
170.989902
\n",
+ "
527.349825
\n",
+ "
75.237905
\n",
+ "
34.178847
\n",
+ "
NaN
\n",
+ "
NaN
\n",
+ "
\n",
+ "
\n",
+ "
3
\n",
+ "
2015-01-01 09:00:00
\n",
+ "
1
\n",
+ "
162.462833
\n",
+ "
346.149335
\n",
+ "
109.248561
\n",
+ "
41.122144
\n",
+ "
NaN
\n",
+ "
NaN
\n",
+ "
\n",
+ "
\n",
+ "
4
\n",
+ "
2015-01-01 10:00:00
\n",
+ "
1
\n",
+ "
157.610021
\n",
+ "
435.376873
\n",
+ "
111.886648
\n",
+ "
25.990511
\n",
+ "
NaN
\n",
+ "
NaN
\n",
+ "
\n",
+ "
\n",
+ "
5
\n",
+ "
2015-01-01 11:00:00
\n",
+ "
1
\n",
+ "
172.504839
\n",
+ "
430.323362
\n",
+ "
95.927042
\n",
+ "
35.655017
\n",
+ "
NaN
\n",
+ "
NaN
\n",
+ "
\n",
+ "
\n",
+ "
6
\n",
+ "
2015-01-01 12:00:00
\n",
+ "
1
\n",
+ "
156.556031
\n",
+ "
499.071623
\n",
+ "
111.755684
\n",
+ "
42.753920
\n",
+ "
NaN
\n",
+ "
NaN
\n",
+ "
\n",
+ "
\n",
+ "
7
\n",
+ "
2015-01-01 13:00:00
\n",
+ "
1
\n",
+ "
172.522781
\n",
+ "
409.624717
\n",
+ "
101.001083
\n",
+ "
35.482009
\n",
+ "
NaN
\n",
+ "
NaN
\n",
+ "
\n",
+ "
\n",
+ "
8
\n",
+ "
2015-01-01 14:00:00
\n",
+ "
1
\n",
+ "
175.324524
\n",
+ "
398.648781
\n",
+ "
110.624361
\n",
+ "
45.482287
\n",
+ "
NaN
\n",
+ "
NaN
\n",
+ "
\n",
+ "
\n",
+ "
9
\n",
+ "
2015-01-01 15:00:00
\n",
+ "
1
\n",
+ "
169.218423
\n",
+ "
460.850670
\n",
+ "
104.848230
\n",
+ "
39.901735
\n",
+ "
NaN
\n",
+ "
NaN
\n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " datetime machineID volt rotate pressure \\\n",
+ "0 2015-01-01 06:00:00 1 176.217853 418.504078 113.077935 \n",
+ "1 2015-01-01 07:00:00 1 162.879223 402.747490 95.460525 \n",
+ "2 2015-01-01 08:00:00 1 170.989902 527.349825 75.237905 \n",
+ "3 2015-01-01 09:00:00 1 162.462833 346.149335 109.248561 \n",
+ "4 2015-01-01 10:00:00 1 157.610021 435.376873 111.886648 \n",
+ "5 2015-01-01 11:00:00 1 172.504839 430.323362 95.927042 \n",
+ "6 2015-01-01 12:00:00 1 156.556031 499.071623 111.755684 \n",
+ "7 2015-01-01 13:00:00 1 172.522781 409.624717 101.001083 \n",
+ "8 2015-01-01 14:00:00 1 175.324524 398.648781 110.624361 \n",
+ "9 2015-01-01 15:00:00 1 169.218423 460.850670 104.848230 \n",
+ "\n",
+ " vibration errorID failure \n",
+ "0 45.087686 NaN NaN \n",
+ "1 43.413973 NaN NaN \n",
+ "2 34.178847 NaN NaN \n",
+ "3 41.122144 NaN NaN \n",
+ "4 25.990511 NaN NaN \n",
+ "5 35.655017 NaN NaN \n",
+ "6 42.753920 NaN NaN \n",
+ "7 35.482009 NaN NaN \n",
+ "8 45.482287 NaN NaN \n",
+ "9 39.901735 NaN NaN "
+ ]
+ },
+ "execution_count": 4,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
"source": [
"raw_data = load_data()\n",
"raw_data.head(10)"
@@ -54,16 +231,35 @@
},
{
"cell_type": "code",
- "execution_count": null,
+ "execution_count": 5,
"metadata": {},
- "outputs": [],
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "datetime 8761\n",
+ "machineID 100\n",
+ "volt 876100\n",
+ "rotate 876100\n",
+ "pressure 876100\n",
+ "vibration 876100\n",
+ "errorID 5\n",
+ "failure 4\n",
+ "dtype: int64"
+ ]
+ },
+ "execution_count": 5,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
"source": [
"raw_data.nunique()"
]
},
{
"cell_type": "code",
- "execution_count": 70,
+ "execution_count": 6,
"metadata": {},
"outputs": [],
"source": [
@@ -115,180 +311,2204 @@
},
{
"cell_type": "code",
- "execution_count": 71,
+ "execution_count": 7,
"metadata": {},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
- "augmentation: 100%|██████████| 1000/1000 [00:14<00:00, 69.19it/s]\n"
+ "augmentation: 0%| | 0/1000 [00:00, ?it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 0%|▍ | 3/1000 [00:00<00:35, 28.29it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 1%|█▎ | 9/1000 [00:00<00:21, 45.08it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 2%|██▎ | 16/1000 [00:00<00:17, 55.10it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 2%|███▎ | 23/1000 [00:00<00:16, 60.23it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
]
},
{
- "data": {
- "text/html": [
- "
\n",
- "\n",
- "
\n",
- " \n",
- "
\n",
- "
\n",
- "
pressure_max
\n",
- "
pressure_mean
\n",
- "
pressure_min
\n",
- "
rotate_max
\n",
- "
rotate_mean
\n",
- "
rotate_min
\n",
- "
vibration_max
\n",
- "
vibration_mean
\n",
- "
vibration_min
\n",
- "
volt_max
\n",
- "
volt_mean
\n",
- "
volt_min
\n",
- "
error1
\n",
- "
error2
\n",
- "
error3
\n",
- "
error4
\n",
- "
error5
\n",
- "
machine_id
\n",
- "
lifetime
\n",
- "
broken
\n",
- "
\n",
- " \n",
- " \n",
- "
\n",
- "
0
\n",
- "
130.706018
\n",
- "
100.236134
\n",
- "
72.092543
\n",
- "
586.941563
\n",
- "
448.942591
\n",
- "
338.891195
\n",
- "
51.424300
\n",
- "
39.794041
\n",
- "
28.741474
\n",
- "
212.028491
\n",
- "
170.740329
\n",
- "
136.291010
\n",
- "
0
\n",
- "
0
\n",
- "
0
\n",
- "
0
\n",
- "
0
\n",
- "
67
\n",
- "
112
\n",
- "
0
\n",
- "
\n",
- "
\n",
- "
1
\n",
- "
114.678705
\n",
- "
101.231155
\n",
- "
76.547574
\n",
- "
522.074447
\n",
- "
431.497500
\n",
- "
307.778433
\n",
- "
50.792066
\n",
- "
40.492661
\n",
- "
31.052696
\n",
- "
195.527742
\n",
- "
166.275130
\n",
- "
135.888408
\n",
- "
0
\n",
- "
0
\n",
- "
0
\n",
- "
0
\n",
- "
0
\n",
- "
84
\n",
- "
20
\n",
- "
0
\n",
- "
\n",
- "
\n",
- "
2
\n",
- "
135.959689
\n",
- "
100.077178
\n",
- "
73.309133
\n",
- "
581.808774
\n",
- "
448.433424
\n",
- "
345.686347
\n",
- "
53.095653
\n",
- "
40.262504
\n",
- "
29.773657
\n",
- "
211.858373
\n",
- "
173.794237
\n",
- "
134.905936
\n",
- "
0
\n",
- "
0
\n",
- "
1
\n",
- "
0
\n",
- "
0
\n",
- "
58
\n",
- "
126
\n",
- "
0
\n",
- "
\n",
- "
\n",
- "
3
\n",
- "
116.473551
\n",
- "
98.781988
\n",
- "
79.125328
\n",
- "
531.943470
\n",
- "
453.146862
\n",
- "
300.562373
\n",
- "
54.155983
\n",
- "
39.554378
\n",
- "
21.629032
\n",
- "
208.756064
\n",
- "
168.011703
\n",
- "
132.177014
\n",
- "
0
\n",
- "
0
\n",
- "
0
\n",
- "
0
\n",
- "
0
\n",
- "
48
\n",
- "
99
\n",
- "
0
\n",
- "
\n",
- "
\n",
- "
4
\n",
- "
116.927449
\n",
- "
97.906122
\n",
- "
80.970162
\n",
- "
553.496437
\n",
- "
443.786734
\n",
- "
306.918582
\n",
- "
50.899053
\n",
- "
39.540444
\n",
- "
27.994116
\n",
- "
210.998009
\n",
- "
174.987418
\n",
- "
133.822276
\n",
- "
0
\n",
- "
0
\n",
- "
0
\n",
- "
0
\n",
- "
0
\n",
- "
47
\n",
- "
35
\n",
- "
0
\n",
- "
\n",
- "
\n",
- "
...
\n",
- "
...
\n",
- "
...
\n",
- "
...
\n",
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 3%|████▍ | 30/1000 [00:00<00:15, 62.91it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 4%|█████▍ | 37/1000 [00:00<00:14, 65.10it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 4%|██████▍ | 44/1000 [00:00<00:14, 65.27it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 5%|███████▍ | 51/1000 [00:00<00:14, 65.85it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 6%|████████▍ | 58/1000 [00:00<00:14, 66.89it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 6%|█████████▍ | 65/1000 [00:01<00:13, 67.80it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 7%|██████████▌ | 72/1000 [00:01<00:13, 68.37it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 8%|███████████▌ | 79/1000 [00:01<00:13, 68.75it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 9%|████████████▌ | 86/1000 [00:01<00:13, 67.85it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 9%|█████████████▋ | 94/1000 [00:01<00:13, 68.81it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 10%|██████████████▊ | 102/1000 [00:01<00:12, 69.42it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 11%|███████████████▊ | 109/1000 [00:01<00:12, 68.81it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 12%|████████████████▊ | 116/1000 [00:01<00:13, 66.00it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 12%|█████████████████▊ | 123/1000 [00:01<00:13, 66.92it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 13%|██████████████████▊ | 130/1000 [00:02<00:15, 56.93it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 14%|███████████████████▋ | 136/1000 [00:02<00:15, 54.48it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 14%|████████████████████▋ | 143/1000 [00:02<00:14, 57.20it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 15%|█████████████████████▊ | 150/1000 [00:02<00:14, 59.19it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 16%|██████████████████████▊ | 157/1000 [00:02<00:13, 61.30it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 16%|███████████████████████▊ | 164/1000 [00:02<00:13, 61.70it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 17%|████████████████████████▊ | 171/1000 [00:02<00:13, 62.66it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 18%|█████████████████████████▊ | 178/1000 [00:02<00:12, 63.31it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 18%|██████████████████████████▊ | 185/1000 [00:02<00:12, 63.95it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 19%|███████████████████████████▊ | 192/1000 [00:03<00:12, 64.22it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 20%|████████████████████████████▊ | 199/1000 [00:03<00:12, 64.73it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 21%|█████████████████████████████▊ | 206/1000 [00:03<00:12, 64.64it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 21%|██████████████████████████████▉ | 213/1000 [00:03<00:12, 65.54it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 22%|███████████████████████████████▉ | 220/1000 [00:03<00:11, 65.55it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 23%|████████████████████████████████▉ | 227/1000 [00:03<00:11, 64.88it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 23%|█████████████████████████████████▉ | 234/1000 [00:03<00:11, 65.28it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 24%|██████████████████████████████████▉ | 241/1000 [00:03<00:11, 66.00it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 25%|███████████████████████████████████▉ | 248/1000 [00:03<00:11, 66.01it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 26%|████████████████████████████████████▉ | 255/1000 [00:03<00:11, 66.30it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 26%|█████████████████████████████████████▉ | 262/1000 [00:04<00:11, 65.15it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 27%|███████████████████████████████████████ | 269/1000 [00:04<00:11, 65.78it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 28%|████████████████████████████████████████ | 276/1000 [00:04<00:10, 66.05it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 28%|█████████████████████████████████████████ | 283/1000 [00:04<00:12, 55.75it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 29%|█████████████████████████████████████████▉ | 289/1000 [00:04<00:16, 44.03it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 30%|██████████████████████████████████████████▊ | 295/1000 [00:04<00:14, 47.44it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 30%|███████████████████████████████████████████▋ | 301/1000 [00:04<00:14, 49.93it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 31%|████████████████████████████████████████████▌ | 307/1000 [00:05<00:13, 51.46it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 31%|█████████████████████████████████████████████▌ | 314/1000 [00:05<00:12, 54.46it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 32%|██████████████████████████████████████████████▌ | 321/1000 [00:05<00:12, 56.25it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 33%|███████████████████████████████████████████████▍ | 327/1000 [00:05<00:11, 56.62it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 33%|████████████████████████████████████████████████▎ | 333/1000 [00:05<00:11, 56.94it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 34%|█████████████████████████████████████████████████▏ | 339/1000 [00:05<00:11, 56.81it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 34%|██████████████████████████████████████████████████ | 345/1000 [00:05<00:11, 55.27it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 35%|██████████████████████████████████████████████████▉ | 351/1000 [00:05<00:11, 54.43it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 36%|███████████████████████████████████████████████████▉ | 358/1000 [00:05<00:11, 56.11it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 36%|████████████████████████████████████████████████████▉ | 365/1000 [00:06<00:11, 56.01it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 37%|█████████████████████████████████████████████████████▊ | 371/1000 [00:06<00:11, 56.93it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 38%|██████████████████████████████████████████████████████▋ | 377/1000 [00:06<00:11, 56.26it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 38%|███████████████████████████████████████████████████████▌ | 383/1000 [00:06<00:10, 56.29it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 39%|████████████████████████████████████████████████████████▍ | 389/1000 [00:06<00:11, 53.07it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 40%|█████████████████████████████████████████████████████████▎ | 395/1000 [00:06<00:12, 48.51it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 40%|██████████████████████████████████████████████████████████▏ | 401/1000 [00:06<00:11, 51.38it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 41%|███████████████████████████████████████████████████████████▏ | 408/1000 [00:06<00:11, 53.78it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 41%|████████████████████████████████████████████████████████████ | 414/1000 [00:07<00:13, 41.93it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 42%|████████████████████████████████████████████████████████████▊ | 419/1000 [00:07<00:13, 41.96it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 42%|█████████████████████████████████████████████████████████████▍ | 424/1000 [00:07<00:13, 42.45it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 43%|██████████████████████████████████████████████████████████████▍ | 431/1000 [00:07<00:12, 46.16it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 44%|███████████████████████████████████████████████████████████████▏ | 436/1000 [00:07<00:14, 38.20it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 44%|████████████████████████████████████████████████████████████████ | 442/1000 [00:07<00:13, 41.94it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 45%|████████████████████████████████████████████████████████████████▊ | 447/1000 [00:07<00:12, 43.23it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 45%|█████████████████████████████████████████████████████████████████▌ | 452/1000 [00:08<00:15, 35.24it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 46%|██████████████████████████████████████████████████████████████████ | 456/1000 [00:08<00:16, 32.95it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 46%|██████████████████████████████████████████████████████████████████▋ | 460/1000 [00:08<00:18, 28.60it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 46%|███████████████████████████████████████████████████████████████████▎ | 464/1000 [00:08<00:18, 29.57it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 47%|███████████████████████████████████████████████████████████████████▊ | 468/1000 [00:08<00:18, 28.88it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 47%|████████████████████████████████████████████████████████████████████▍ | 472/1000 [00:08<00:18, 27.91it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 48%|█████████████████████████████████████████████████████████████████████ | 476/1000 [00:08<00:18, 28.54it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 48%|█████████████████████████████████████████████████████████████████████▋ | 481/1000 [00:09<00:16, 31.35it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 48%|██████████████████████████████████████████████████████████████████████▎ | 485/1000 [00:09<00:16, 31.82it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 49%|██████████████████████████████████████████████████████████████████████▉ | 489/1000 [00:09<00:15, 32.97it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 49%|███████████████████████████████████████████████████████████████████████▍ | 493/1000 [00:09<00:14, 34.01it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 50%|████████████████████████████████████████████████████████████████████████ | 497/1000 [00:09<00:15, 31.81it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 50%|████████████████████████████████████████████████████████████████████████▋ | 501/1000 [00:09<00:15, 31.68it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 50%|█████████████████████████████████████████████████████████████████████████▏ | 505/1000 [00:09<00:14, 33.42it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 51%|█████████████████████████████████████████████████████████████████████████▊ | 509/1000 [00:09<00:16, 29.65it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 51%|██████████████████████████████████████████████████████████████████████████▍ | 513/1000 [00:10<00:20, 23.69it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 52%|██████████████████████████████████████████████████████████████████████████▉ | 517/1000 [00:10<00:18, 25.63it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 52%|███████████████████████████████████████████████████████████████████████████▌ | 521/1000 [00:10<00:17, 27.41it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 52%|████████████████████████████████████████████████████████████████████████████▏ | 525/1000 [00:10<00:15, 30.06it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 53%|████████████████████████████████████████████████████████████████████████████▋ | 529/1000 [00:10<00:16, 29.09it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 53%|█████████████████████████████████████████████████████████████████████████████▎ | 533/1000 [00:10<00:16, 28.11it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 54%|█████████████████████████████████████████████████████████████████████████████▊ | 537/1000 [00:10<00:15, 30.59it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 54%|██████████████████████████████████████████████████████████████████████████████▋ | 543/1000 [00:11<00:12, 37.26it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 55%|███████████████████████████████████████████████████████████████████████████████▌ | 549/1000 [00:11<00:10, 41.29it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 55%|████████████████████████████████████████████████████████████████████████████████▎ | 554/1000 [00:11<00:10, 42.30it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 56%|█████████████████████████████████████████████████████████████████████████████████▍ | 562/1000 [00:11<00:08, 50.53it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 57%|██████████████████████████████████████████████████████████████████████████████████▌ | 569/1000 [00:11<00:07, 55.48it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 58%|███████████████████████████████████████████████████████████████████████████████████▌ | 576/1000 [00:11<00:07, 58.66it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 58%|████████████████████████████████████████████████████████████████████████████████████▋ | 584/1000 [00:11<00:06, 62.69it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 59%|█████████████████████████████████████████████████████████████████████████████████████▊ | 592/1000 [00:11<00:06, 64.97it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 60%|██████████████████████████████████████████████████████████████████████████████████████▊ | 599/1000 [00:11<00:06, 65.85it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 61%|███████████████████████████████████████████████████████████████████████████████████████▊ | 606/1000 [00:12<00:05, 66.48it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 61%|████████████████████████████████████████████████████████████████████████████████████████▉ | 613/1000 [00:12<00:05, 66.33it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 62%|█████████████████████████████████████████████████████████████████████████████████████████▉ | 620/1000 [00:12<00:05, 65.82it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 63%|███████████████████████████████████████████████████████████████████████████████████████████ | 628/1000 [00:12<00:05, 67.54it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 64%|████████████████████████████████████████████████████████████████████████████████████████████▏ | 636/1000 [00:12<00:05, 67.62it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 64%|█████████████████████████████████████████████████████████████████████████████████████████████▏ | 643/1000 [00:12<00:06, 58.27it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 65%|██████████████████████████████████████████████████████████████████████████████████████████████▎ | 650/1000 [00:12<00:05, 60.99it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 66%|███████████████████████████████████████████████████████████████████████████████████████████████▎ | 657/1000 [00:12<00:06, 56.07it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 66%|████████████████████████████████████████████████████████████████████████████████████████████████▏ | 663/1000 [00:13<00:06, 53.48it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 67%|█████████████████████████████████████████████████████████████████████████████████████████████████▏ | 670/1000 [00:13<00:05, 56.33it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 68%|██████████████████████████████████████████████████████████████████████████████████████████████████▏ | 677/1000 [00:13<00:05, 59.77it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 68%|███████████████████████████████████████████████████████████████████████████████████████████████████▏ | 684/1000 [00:13<00:05, 62.09it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 69%|████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 692/1000 [00:13<00:04, 64.53it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 70%|█████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 699/1000 [00:13<00:04, 64.76it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 71%|██████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 707/1000 [00:13<00:04, 66.43it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 71%|███████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 714/1000 [00:13<00:04, 66.46it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 72%|████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 721/1000 [00:13<00:04, 66.22it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 73%|█████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 729/1000 [00:14<00:04, 67.55it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 74%|██████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 736/1000 [00:14<00:03, 67.56it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 74%|███████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 743/1000 [00:14<00:05, 49.45it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 75%|████████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 749/1000 [00:14<00:06, 40.94it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 75%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 754/1000 [00:14<00:06, 35.66it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 76%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████ | 759/1000 [00:14<00:07, 32.92it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 76%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 763/1000 [00:15<00:07, 31.11it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 77%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 767/1000 [00:15<00:07, 30.36it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 77%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 771/1000 [00:15<00:07, 29.10it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 78%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 777/1000 [00:15<00:06, 35.10it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 78%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 781/1000 [00:15<00:06, 35.09it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 79%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 788/1000 [00:15<00:04, 42.93it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 80%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 795/1000 [00:15<00:04, 49.78it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 80%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▍ | 803/1000 [00:15<00:03, 55.96it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 81%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 811/1000 [00:16<00:03, 60.74it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 82%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 819/1000 [00:16<00:02, 63.94it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 83%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 826/1000 [00:16<00:02, 65.57it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 83%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▉ | 834/1000 [00:16<00:02, 67.38it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 84%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████ | 842/1000 [00:16<00:02, 68.53it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 85%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 850/1000 [00:16<00:02, 69.45it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 86%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▍ | 858/1000 [00:16<00:02, 69.77it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 87%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 866/1000 [00:16<00:01, 70.48it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 87%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 874/1000 [00:16<00:01, 70.93it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 88%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▉ | 882/1000 [00:17<00:01, 69.46it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 89%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████ | 890/1000 [00:17<00:01, 69.77it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 90%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 898/1000 [00:17<00:01, 70.42it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 91%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 906/1000 [00:17<00:01, 71.00it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 91%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 914/1000 [00:17<00:01, 70.21it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 92%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 922/1000 [00:17<00:01, 70.05it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 93%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 930/1000 [00:17<00:00, 70.26it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 94%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████ | 938/1000 [00:18<00:01, 46.37it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 94%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▉ | 944/1000 [00:18<00:01, 43.01it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 95%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 950/1000 [00:18<00:01, 44.19it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 96%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 957/1000 [00:18<00:00, 48.97it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 96%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 963/1000 [00:18<00:00, 45.54it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 97%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 968/1000 [00:18<00:00, 42.43it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 97%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████ | 973/1000 [00:18<00:00, 40.76it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 98%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▉ | 979/1000 [00:18<00:00, 44.22it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 98%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 985/1000 [00:19<00:00, 47.12it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 99%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 990/1000 [00:19<00:00, 41.15it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▍| 996/1000 [00:19<00:00, 45.53it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 1000/1000 [00:19<00:00, 51.48it/s]\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "
\n",
+ "\n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
\n",
+ "
pressure_max
\n",
+ "
pressure_mean
\n",
+ "
pressure_min
\n",
+ "
rotate_max
\n",
+ "
rotate_mean
\n",
+ "
rotate_min
\n",
+ "
vibration_max
\n",
+ "
vibration_mean
\n",
+ "
vibration_min
\n",
+ "
volt_max
\n",
+ "
volt_mean
\n",
+ "
volt_min
\n",
+ "
error1
\n",
+ "
error2
\n",
+ "
error3
\n",
+ "
error4
\n",
+ "
error5
\n",
+ "
machine_id
\n",
+ "
lifetime
\n",
+ "
broken
\n",
+ "
\n",
+ " \n",
+ " \n",
+ "
\n",
+ "
0
\n",
+ "
130.706018
\n",
+ "
100.236134
\n",
+ "
72.092543
\n",
+ "
586.941563
\n",
+ "
448.942591
\n",
+ "
338.891195
\n",
+ "
51.424300
\n",
+ "
39.794041
\n",
+ "
28.741474
\n",
+ "
212.028491
\n",
+ "
170.740329
\n",
+ "
136.291010
\n",
+ "
0
\n",
+ "
0
\n",
+ "
0
\n",
+ "
0
\n",
+ "
0
\n",
+ "
67
\n",
+ "
112
\n",
+ "
0
\n",
+ "
\n",
+ "
\n",
+ "
1
\n",
+ "
114.678705
\n",
+ "
101.231155
\n",
+ "
76.547574
\n",
+ "
522.074447
\n",
+ "
431.497500
\n",
+ "
307.778433
\n",
+ "
50.792066
\n",
+ "
40.492661
\n",
+ "
31.052696
\n",
+ "
195.527742
\n",
+ "
166.275130
\n",
+ "
135.888408
\n",
+ "
0
\n",
+ "
0
\n",
+ "
0
\n",
+ "
0
\n",
+ "
0
\n",
+ "
84
\n",
+ "
20
\n",
+ "
0
\n",
+ "
\n",
+ "
\n",
+ "
2
\n",
+ "
135.959689
\n",
+ "
100.077178
\n",
+ "
73.309133
\n",
+ "
581.808774
\n",
+ "
448.433424
\n",
+ "
345.686347
\n",
+ "
53.095653
\n",
+ "
40.262504
\n",
+ "
29.773657
\n",
+ "
211.858373
\n",
+ "
173.794237
\n",
+ "
134.905936
\n",
+ "
0
\n",
+ "
0
\n",
+ "
1
\n",
+ "
0
\n",
+ "
0
\n",
+ "
58
\n",
+ "
126
\n",
+ "
0
\n",
+ "
\n",
+ "
\n",
+ "
3
\n",
+ "
116.473551
\n",
+ "
98.781988
\n",
+ "
79.125328
\n",
+ "
531.943470
\n",
+ "
453.146862
\n",
+ "
300.562373
\n",
+ "
54.155983
\n",
+ "
39.554378
\n",
+ "
21.629032
\n",
+ "
208.756064
\n",
+ "
168.011703
\n",
+ "
132.177014
\n",
+ "
0
\n",
+ "
0
\n",
+ "
0
\n",
+ "
0
\n",
+ "
0
\n",
+ "
48
\n",
+ "
99
\n",
+ "
0
\n",
+ "
\n",
+ "
\n",
+ "
4
\n",
+ "
116.927449
\n",
+ "
97.906122
\n",
+ "
80.970162
\n",
+ "
553.496437
\n",
+ "
443.786734
\n",
+ "
306.918582
\n",
+ "
50.899053
\n",
+ "
39.540444
\n",
+ "
27.994116
\n",
+ "
210.998009
\n",
+ "
174.987418
\n",
+ "
133.822276
\n",
+ "
0
\n",
+ "
0
\n",
+ "
0
\n",
+ "
0
\n",
+ "
0
\n",
+ "
47
\n",
+ "
35
\n",
+ "
0
\n",
+ "
\n",
+ "
\n",
+ "
...
\n",
+ "
...
\n",
+ "
...
\n",
+ "
...
\n",
"
...
\n",
"
...
\n",
"
...
\n",
@@ -483,7 +2703,7 @@
"[1000 rows x 20 columns]"
]
},
- "execution_count": 71,
+ "execution_count": 7,
"metadata": {},
"output_type": "execute_result"
}
@@ -495,7 +2715,7 @@
},
{
"cell_type": "code",
- "execution_count": 72,
+ "execution_count": 8,
"metadata": {},
"outputs": [],
"source": [
@@ -554,15 +2774,3637 @@
},
{
"cell_type": "code",
- "execution_count": 73,
+ "execution_count": 9,
"metadata": {},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
- "run-to-failure: 100%|██████████| 100/100 [00:08<00:00, 12.48it/s]\n",
- "augmentation: 100%|██████████| 1000/1000 [00:14<00:00, 67.83it/s]\n"
+ "run-to-failure: 0%| | 0/100 [00:00, ?it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 1%|█▍ | 1/100 [00:00<00:14, 7.00it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 3%|████▍ | 3/100 [00:00<00:07, 12.25it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 5%|███████▎ | 5/100 [00:00<00:08, 10.93it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 7%|██████████▏ | 7/100 [00:00<00:07, 12.23it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "run-to-failure: 9%|█████████████▏ | 9/100 [00:00<00:08, 11.14it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 11%|███████████████▉ | 11/100 [00:00<00:07, 12.49it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "run-to-failure: 13%|██████████████████▊ | 13/100 [00:01<00:08, 10.69it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 15%|█████████████████████▊ | 15/100 [00:01<00:08, 10.47it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 17%|████████████████████████▋ | 17/100 [00:01<00:10, 7.66it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 18%|██████████████████████████ | 18/100 [00:01<00:10, 7.76it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 19%|███████████████████████████▌ | 19/100 [00:02<00:10, 7.86it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 20%|█████████████████████████████ | 20/100 [00:02<00:11, 7.26it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 21%|██████████████████████████████▍ | 21/100 [00:02<00:10, 7.58it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "run-to-failure: 22%|███████████████████████████████▉ | 22/100 [00:02<00:10, 7.49it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 23%|█████████████████████████████████▎ | 23/100 [00:02<00:10, 7.47it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 24%|██████████████████████████████████▊ | 24/100 [00:02<00:09, 7.77it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "run-to-failure: 26%|█████████████████████████████████████▋ | 26/100 [00:02<00:07, 9.77it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 29%|██████████████████████████████████████████ | 29/100 [00:02<00:05, 13.86it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 31%|████████████████████████████████████████████▉ | 31/100 [00:03<00:04, 14.77it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 33%|███████████████████████████████████████████████▊ | 33/100 [00:03<00:05, 13.01it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 35%|██████████████████████████████████████████████████▊ | 35/100 [00:03<00:04, 13.40it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 37%|█████████████████████████████████████████████████████▋ | 37/100 [00:03<00:05, 11.31it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 39%|████████████████████████████████████████████████████████▌ | 39/100 [00:03<00:04, 12.20it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 41%|███████████████████████████████████████████████████████████▍ | 41/100 [00:03<00:04, 12.66it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 43%|██████████████████████████████████████████████████████████████▎ | 43/100 [00:04<00:07, 7.77it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 45%|█████████████████████████████████████████████████████████████████▎ | 45/100 [00:04<00:06, 8.27it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 47%|████████████████████████████████████████████████████████████████████▏ | 47/100 [00:04<00:06, 8.54it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 49%|███████████████████████████████████████████████████████████████████████ | 49/100 [00:05<00:05, 8.72it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 51%|█████████████████████████████████████████████████████████████████████████▉ | 51/100 [00:05<00:05, 9.00it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "run-to-failure: 53%|████████████████████████████████████████████████████████████████████████████▊ | 53/100 [00:05<00:04, 9.82it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 55%|███████████████████████████████████████████████████████████████████████████████▊ | 55/100 [00:05<00:04, 9.61it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 57%|██████████████████████████████████████████████████████████████████████████████████▋ | 57/100 [00:05<00:04, 10.23it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 59%|█████████████████████████████████████████████████████████████████████████████████████▌ | 59/100 [00:06<00:04, 9.98it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 61%|████████████████████████████████████████████████████████████████████████████████████████▍ | 61/100 [00:06<00:03, 11.05it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 63%|███████████████████████████████████████████████████████████████████████████████████████████▎ | 63/100 [00:06<00:03, 10.20it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 65%|██████████████████████████████████████████████████████████████████████████████████████████████▎ | 65/100 [00:06<00:03, 10.47it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "run-to-failure: 67%|█████████████████████████████████████████████████████████████████████████████████████████████████▏ | 67/100 [00:06<00:02, 11.04it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 69%|████████████████████████████████████████████████████████████████████████████████████████████████████ | 69/100 [00:07<00:03, 9.44it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 71%|██████████████████████████████████████████████████████████████████████████████████████████████████████▉ | 71/100 [00:07<00:03, 8.87it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 73%|█████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 73/100 [00:07<00:02, 9.42it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 75%|████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 75/100 [00:07<00:02, 8.97it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 76%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 76/100 [00:07<00:02, 8.68it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 78%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████ | 78/100 [00:07<00:02, 9.91it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 80%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████ | 80/100 [00:08<00:01, 10.10it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 82%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▉ | 82/100 [00:08<00:01, 10.00it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 84%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 84/100 [00:08<00:02, 7.91it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 85%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 85/100 [00:08<00:01, 7.65it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 87%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 87/100 [00:09<00:01, 8.90it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 88%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 88/100 [00:09<00:01, 8.88it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 89%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████ | 89/100 [00:09<00:01, 9.07it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 90%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 90/100 [00:09<00:01, 6.89it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 92%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▍ | 92/100 [00:09<00:00, 8.21it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 94%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 94/100 [00:09<00:00, 9.16it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 95%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 95/100 [00:09<00:00, 9.22it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 97%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 97/100 [00:10<00:00, 10.62it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "run-to-failure: 99%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 99/100 [00:10<00:00, 7.96it/s]/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/1514246537.py:23: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "run-to-failure: 100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 100/100 [00:10<00:00, 9.51it/s]\n",
+ "augmentation: 0%| | 0/1000 [00:00, ?it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 1%|█ | 7/1000 [00:00<00:14, 66.75it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 2%|██▏ | 15/1000 [00:00<00:14, 70.19it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 2%|███▎ | 23/1000 [00:00<00:13, 71.37it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 3%|████▌ | 31/1000 [00:00<00:13, 69.41it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 4%|█████▌ | 38/1000 [00:00<00:13, 69.21it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 5%|██████▋ | 46/1000 [00:00<00:13, 69.95it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 5%|███████▉ | 54/1000 [00:00<00:13, 70.59it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 6%|█████████ | 62/1000 [00:00<00:13, 71.14it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 7%|██████████▏ | 70/1000 [00:00<00:13, 71.08it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 8%|███████████▍ | 78/1000 [00:01<00:13, 70.73it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 9%|████████████▌ | 86/1000 [00:01<00:13, 68.76it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 9%|█████████████▌ | 93/1000 [00:01<00:13, 65.48it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 10%|██████████████▋ | 101/1000 [00:01<00:13, 66.94it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 11%|███████████████▊ | 109/1000 [00:01<00:13, 68.33it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 12%|████████████████▊ | 116/1000 [00:01<00:12, 68.19it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 12%|█████████████████▊ | 123/1000 [00:01<00:12, 68.42it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 13%|██████████████████▊ | 130/1000 [00:01<00:12, 67.24it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 14%|████████████████████ | 138/1000 [00:02<00:12, 67.68it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 14%|█████████████████████ | 145/1000 [00:02<00:12, 67.40it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 15%|██████████████████████▏ | 153/1000 [00:02<00:12, 68.56it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 16%|███████████████████████▏ | 160/1000 [00:02<00:12, 68.57it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 17%|████████████████████████▏ | 167/1000 [00:02<00:12, 68.77it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 18%|█████████████████████████▍ | 175/1000 [00:02<00:11, 69.53it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 18%|██████████████████████████▌ | 183/1000 [00:02<00:11, 70.20it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 19%|███████████████████████████▋ | 191/1000 [00:02<00:11, 68.62it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 20%|████████████████████████████▋ | 198/1000 [00:02<00:11, 67.66it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 21%|█████████████████████████████▊ | 206/1000 [00:02<00:11, 68.29it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 21%|██████████████████████████████▉ | 213/1000 [00:03<00:11, 68.58it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 22%|███████████████████████████████▉ | 220/1000 [00:03<00:11, 68.68it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 23%|████████████████████████████████▉ | 227/1000 [00:03<00:11, 66.97it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 24%|██████████████████████████████████ | 235/1000 [00:03<00:11, 68.29it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 24%|███████████████████████████████████ | 242/1000 [00:03<00:11, 67.43it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 25%|████████████████████████████████████ | 249/1000 [00:03<00:11, 67.41it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 26%|█████████████████████████████████████ | 256/1000 [00:03<00:10, 68.04it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 26%|██████████████████████████████████████▏ | 263/1000 [00:03<00:11, 66.96it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 27%|███████████████████████████████████████▏ | 270/1000 [00:03<00:10, 67.02it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 28%|████████████████████████████████████████▏ | 277/1000 [00:04<00:10, 66.06it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 28%|█████████████████████████████████████████▏ | 284/1000 [00:04<00:10, 66.74it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 29%|██████████████████████████████████████████▎ | 292/1000 [00:04<00:10, 67.84it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 30%|███████████████████████████████████████████▎ | 299/1000 [00:04<00:12, 56.95it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 30%|████████████████████████████████████████████▏ | 305/1000 [00:04<00:12, 55.38it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 31%|█████████████████████████████████████████████▏ | 312/1000 [00:04<00:11, 57.75it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 32%|██████████████████████████████████████████████▎ | 319/1000 [00:04<00:11, 60.75it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 33%|███████████████████████████████████████████████▎ | 326/1000 [00:04<00:10, 63.10it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 33%|████████████████████████████████████████████████▎ | 333/1000 [00:04<00:10, 63.98it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 34%|█████████████████████████████████████████████████▎ | 340/1000 [00:05<00:10, 64.41it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 35%|██████████████████████████████████████████████████▎ | 347/1000 [00:05<00:10, 65.08it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 35%|███████████████████████████████████████████████████▎ | 354/1000 [00:05<00:09, 66.35it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 36%|████████████████████████████████████████████████████▎ | 361/1000 [00:05<00:09, 65.79it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 37%|█████████████████████████████████████████████████████▎ | 368/1000 [00:05<00:09, 65.88it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 38%|██████████████████████████████████████████████████████▍ | 375/1000 [00:05<00:09, 66.64it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 38%|███████████████████████████████████████████████████████▍ | 382/1000 [00:05<00:09, 66.66it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 39%|████████████████████████████████████████████████████████▍ | 389/1000 [00:05<00:09, 67.62it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 40%|█████████████████████████████████████████████████████████▍ | 396/1000 [00:05<00:08, 67.84it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 40%|██████████████████████████████████████████████████████████▌ | 404/1000 [00:06<00:08, 68.66it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 41%|███████████████████████████████████████████████████████████▌ | 411/1000 [00:06<00:08, 68.40it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 42%|████████████████████████████████████████████████████████████▌ | 418/1000 [00:06<00:08, 68.48it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 42%|█████████████████████████████████████████████████████████████▋ | 425/1000 [00:06<00:08, 68.70it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 43%|██████████████████████████████████████████████████████████████▋ | 432/1000 [00:06<00:09, 59.71it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 44%|███████████████████████████████████████████████████████████████▋ | 439/1000 [00:06<00:10, 56.07it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 45%|████████████████████████████████████████████████████████████████▋ | 446/1000 [00:06<00:09, 58.23it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 45%|█████████████████████████████████████████████████████████████████▊ | 454/1000 [00:06<00:08, 61.68it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 46%|██████████████████████████████████████████████████████████████████▊ | 461/1000 [00:06<00:08, 63.22it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 47%|███████████████████████████████████████████████████████████████████▊ | 468/1000 [00:07<00:08, 59.51it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 48%|████████████████████████████████████████████████████████████████████▉ | 475/1000 [00:07<00:12, 43.10it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 48%|█████████████████████████████████████████████████████████████████████▋ | 481/1000 [00:07<00:13, 37.21it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 49%|██████████████████████████████████████████████████████████████████████▍ | 486/1000 [00:07<00:15, 32.94it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 49%|███████████████████████████████████████████████████████████████████████ | 490/1000 [00:07<00:16, 31.51it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 49%|███████████████████████████████████████████████████████████████████████▋ | 494/1000 [00:08<00:17, 28.95it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 50%|████████████████████████████████████████████████████████████████████████▏ | 498/1000 [00:08<00:18, 27.80it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 50%|████████████████████████████████████████████████████████████████████████▋ | 501/1000 [00:08<00:18, 27.48it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 50%|█████████████████████████████████████████████████████████████████████████ | 504/1000 [00:08<00:18, 27.18it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 51%|█████████████████████████████████████████████████████████████████████████▌ | 507/1000 [00:08<00:18, 27.26it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 51%|██████████████████████████████████████████████████████████████████████████▌ | 514/1000 [00:08<00:13, 37.14it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 52%|███████████████████████████████████████████████████████████████████████████▋ | 522/1000 [00:08<00:10, 46.69it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 53%|████████████████████████████████████████████████████████████████████████████▊ | 530/1000 [00:08<00:08, 53.79it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 54%|█████████████████████████████████████████████████████████████████████████████▊ | 537/1000 [00:09<00:08, 56.84it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 55%|███████████████████████████████████████████████████████████████████████████████ | 545/1000 [00:09<00:07, 61.13it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 55%|████████████████████████████████████████████████████████████████████████████████ | 552/1000 [00:09<00:07, 62.45it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 56%|█████████████████████████████████████████████████████████████████████████████████ | 559/1000 [00:09<00:06, 64.25it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 57%|██████████████████████████████████████████████████████████████████████████████████ | 566/1000 [00:09<00:06, 64.46it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 57%|███████████████████████████████████████████████████████████████████████████████████ | 573/1000 [00:09<00:06, 65.92it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 58%|████████████████████████████████████████████████████████████████████████████████████ | 580/1000 [00:09<00:06, 64.68it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 59%|█████████████████████████████████████████████████████████████████████████████████████ | 587/1000 [00:09<00:07, 53.97it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 59%|█████████████████████████████████████████████████████████████████████████████████████▉ | 593/1000 [00:10<00:08, 46.97it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 60%|██████████████████████████████████████████████████████████████████████████████████████▊ | 599/1000 [00:10<00:08, 48.34it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 60%|███████████████████████████████████████████████████████████████████████████████████████▋ | 605/1000 [00:10<00:11, 35.54it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 61%|████████████████████████████████████████████████████████████████████████████████████████▍ | 610/1000 [00:10<00:10, 37.44it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 62%|█████████████████████████████████████████████████████████████████████████████████████████▍ | 617/1000 [00:10<00:09, 41.95it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 62%|██████████████████████████████████████████████████████████████████████████████████████████▏ | 622/1000 [00:10<00:08, 42.87it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 63%|███████████████████████████████████████████████████████████████████████████████████████████ | 628/1000 [00:10<00:08, 45.96it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 63%|███████████████████████████████████████████████████████████████████████████████████████████▉ | 634/1000 [00:11<00:07, 47.70it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 64%|████████████████████████████████████████████████████████████████████████████████████████████▋ | 639/1000 [00:11<00:07, 46.02it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 64%|█████████████████████████████████████████████████████████████████████████████████████████████▌ | 645/1000 [00:11<00:07, 49.27it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 65%|██████████████████████████████████████████████████████████████████████████████████████████████▍ | 651/1000 [00:11<00:06, 50.79it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 66%|███████████████████████████████████████████████████████████████████████████████████████████████▍ | 658/1000 [00:11<00:06, 55.20it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 66%|████████████████████████████████████████████████████████████████████████████████████████████████▍ | 665/1000 [00:11<00:05, 58.28it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 67%|█████████████████████████████████████████████████████████████████████████████████████████████████▍ | 672/1000 [00:11<00:05, 59.85it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 68%|██████████████████████████████████████████████████████████████████████████████████████████████████▍ | 679/1000 [00:11<00:05, 60.34it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 69%|███████████████████████████████████████████████████████████████████████████████████████████████████▍ | 686/1000 [00:11<00:05, 58.57it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 69%|████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 692/1000 [00:12<00:06, 48.18it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 70%|█████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 698/1000 [00:12<00:07, 39.96it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 70%|█████████████████████████████████████████████████████████████████████████████████████████████████████▉ | 703/1000 [00:12<00:08, 36.95it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 71%|██████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 707/1000 [00:12<00:08, 34.08it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 71%|███████████████████████████████████████████████████████████████████████████████████████████████████████ | 711/1000 [00:12<00:08, 34.44it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 72%|███████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 715/1000 [00:12<00:09, 31.41it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 72%|████████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 719/1000 [00:13<00:09, 28.27it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 72%|████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 722/1000 [00:13<00:10, 25.88it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 72%|█████████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 725/1000 [00:13<00:11, 24.84it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 73%|█████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 729/1000 [00:13<00:10, 25.03it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 73%|██████████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 732/1000 [00:13<00:10, 24.88it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 74%|██████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 735/1000 [00:13<00:12, 21.89it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 74%|███████████████████████████████████████████████████████████████████████████████████████████████████████████ | 738/1000 [00:13<00:11, 23.22it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 74%|███████████████████████████████████████████████████████████████████████████████████████████████████████████▍ | 741/1000 [00:14<00:14, 18.36it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 74%|███████████████████████████████████████████████████████████████████████████████████████████████████████████▉ | 744/1000 [00:14<00:15, 16.84it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 75%|████████████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 746/1000 [00:14<00:16, 15.66it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 75%|████████████████████████████████████████████████████████████████████████████████████████████████████████████▍ | 748/1000 [00:14<00:16, 14.85it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 75%|████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 750/1000 [00:14<00:17, 13.96it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 75%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████ | 752/1000 [00:15<00:18, 13.42it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 75%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 754/1000 [00:15<00:17, 13.98it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 76%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 757/1000 [00:15<00:15, 15.92it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 76%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 760/1000 [00:15<00:13, 17.86it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 76%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 763/1000 [00:15<00:11, 19.78it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 77%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 768/1000 [00:15<00:09, 25.61it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 77%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 771/1000 [00:15<00:08, 26.18it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 78%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████▍ | 775/1000 [00:15<00:07, 28.86it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 78%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 778/1000 [00:16<00:07, 28.59it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 78%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 781/1000 [00:16<00:07, 28.39it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 79%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████▉ | 786/1000 [00:16<00:06, 32.91it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 79%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 790/1000 [00:16<00:06, 31.52it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 79%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 794/1000 [00:16<00:06, 31.08it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 80%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 798/1000 [00:16<00:07, 28.67it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 80%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 801/1000 [00:16<00:06, 28.47it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 81%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████ | 807/1000 [00:16<00:05, 35.77it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 81%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▉ | 813/1000 [00:17<00:04, 40.57it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 82%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 819/1000 [00:17<00:04, 44.34it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 82%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 825/1000 [00:17<00:03, 46.48it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 83%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 830/1000 [00:17<00:03, 45.76it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 84%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 836/1000 [00:17<00:03, 49.27it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 84%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▉ | 841/1000 [00:17<00:03, 43.99it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 85%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 847/1000 [00:17<00:03, 47.17it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 85%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 852/1000 [00:17<00:03, 42.78it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 86%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 857/1000 [00:17<00:03, 41.19it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 86%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 863/1000 [00:18<00:03, 44.57it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 87%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 868/1000 [00:18<00:03, 41.63it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 87%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 874/1000 [00:18<00:02, 46.16it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 88%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▉ | 882/1000 [00:18<00:02, 52.79it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 89%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▉ | 889/1000 [00:18<00:01, 56.03it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 90%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 895/1000 [00:18<00:02, 47.93it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 90%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▋ | 901/1000 [00:18<00:02, 40.97it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 91%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 906/1000 [00:19<00:02, 42.09it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 91%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████ | 911/1000 [00:19<00:02, 41.93it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 92%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 916/1000 [00:19<00:01, 43.30it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 92%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 921/1000 [00:19<00:01, 39.66it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 93%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▍ | 927/1000 [00:19<00:01, 42.27it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 93%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▎ | 933/1000 [00:19<00:01, 44.53it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 94%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████ | 938/1000 [00:19<00:01, 36.77it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 94%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 942/1000 [00:20<00:01, 33.30it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 95%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 946/1000 [00:20<00:01, 29.39it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 95%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▊ | 950/1000 [00:20<00:01, 27.75it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 95%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▏ | 953/1000 [00:20<00:01, 26.16it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 96%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 956/1000 [00:20<00:01, 25.46it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 96%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▍ | 962/1000 [00:20<00:01, 33.13it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 97%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 969/1000 [00:20<00:00, 42.00it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 98%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 976/1000 [00:20<00:00, 47.98it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 98%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▍ | 982/1000 [00:21<00:00, 43.31it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 99%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████ | 987/1000 [00:21<00:00, 43.28it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 99%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▉ | 993/1000 [00:21<00:00, 45.44it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID', 'failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "augmentation: 100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████▋| 998/1000 [00:21<00:00, 39.69it/s]/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['failure'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n",
+ "/tmp/ipykernel_123172/2008249001.py:32: FutureWarning: ['errorID'] did not aggregate successfully. If any error is raised this will raise in a future version of pandas. Drop these columns/ops to avoid this warning.\n",
+ " numerical_features = cycle.agg(['min', 'max', 'mean']).unstack().reset_index()\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "augmentation: 100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 1000/1000 [00:21<00:00, 46.35it/s]\n"
]
}
],
@@ -572,7 +6414,7 @@
},
{
"cell_type": "code",
- "execution_count": 74,
+ "execution_count": 10,
"metadata": {},
"outputs": [
{
@@ -903,7 +6745,7 @@
"9 245 0 "
]
},
- "execution_count": 74,
+ "execution_count": 10,
"metadata": {},
"output_type": "execute_result"
}
@@ -1589,9 +7431,9 @@
"hash": "31f2aee4e71d21fbe5cf8b01ff0e069b9275f58929596ceb00d14d90e3e16cd6"
},
"kernelspec": {
- "display_name": "Python 3 (ipykernel)",
+ "display_name": "forecasting-degradataion-ip7JQ_LW-py3.9",
"language": "python",
- "name": "python3"
+ "name": "forecasting-degradataion-ip7jq_lw-py3.9"
},
"language_info": {
"codemirror_mode": {
diff --git a/datasets/ppd/__init__.py b/datasets/ppd/__init__.py
index 0d4daa8..31715c7 100644
--- a/datasets/ppd/__init__.py
+++ b/datasets/ppd/__init__.py
@@ -79,7 +79,6 @@ def set_broken_labels(df, size):
def run_to_failure_aux(df, n_sample, desc=""):
-
seq_len = df.shape[0]
samples = []
pbar = tqdm.tqdm(total=n_sample, desc=desc)
@@ -99,7 +98,6 @@ def run_to_failure_aux(df, n_sample, desc=""):
def generate_run_to_failure(n_sample=1000, bronken_holdout_steps=2000):
-
samples = []
print("Generating run-to-failure data:")
@@ -114,7 +112,6 @@ def generate_run_to_failure(n_sample=1000, bronken_holdout_steps=2000):
def gen_summary(outdir=None):
-
if outdir is None:
outdir = os.path.dirname(__file__)
diff --git a/datasets/utils.py b/datasets/utils.py
index 190a89b..87a2591 100644
--- a/datasets/utils.py
+++ b/datasets/utils.py
@@ -9,7 +9,6 @@ def train_test_split(arrays, test_size=0.2, random_state=None, shuffle=False):
def hist_survival_time(data, ax=None, figsize=(6, 4), bins_0=20, bins_1=30):
-
if ax is None:
fig, ax = plt.subplots(figsize=figsize)
diff --git a/notebooks/view_mapm.ipynb b/notebooks/view_mapm.ipynb
index 9ba822c..fbb273d 100644
--- a/notebooks/view_mapm.ipynb
+++ b/notebooks/view_mapm.ipynb
@@ -9,7 +9,7 @@
},
{
"cell_type": "code",
- "execution_count": 1,
+ "execution_count": 3,
"metadata": {},
"outputs": [],
"source": [
@@ -38,7 +38,7 @@
},
{
"cell_type": "code",
- "execution_count": 5,
+ "execution_count": 6,
"metadata": {},
"outputs": [
{
@@ -156,18 +156,18 @@
"[3919 rows x 3 columns]"
]
},
- "execution_count": 5,
+ "execution_count": 6,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
- "pd.read_csv('../datasets/MAPM/PdM_errors.csv.gz')"
+ "pd.read_csv('../datasets/mapm/PdM_errors.csv.gz')"
]
},
{
"cell_type": "code",
- "execution_count": 6,
+ "execution_count": 8,
"metadata": {},
"outputs": [
{
@@ -285,18 +285,18 @@
"[761 rows x 3 columns]"
]
},
- "execution_count": 6,
+ "execution_count": 8,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
- "pd.read_csv('../datasets/MAPM/PdM_failures.csv.gz')"
+ "pd.read_csv('../datasets/mapm/PdM_failures.csv.gz')"
]
},
{
"cell_type": "code",
- "execution_count": 7,
+ "execution_count": 9,
"metadata": {},
"outputs": [
{
@@ -414,142 +414,22 @@
"[100 rows x 3 columns]"
]
},
- "execution_count": 7,
+ "execution_count": 9,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
- "pd.read_csv('../datasets/MAPM/PdM_machines.csv.gz')"
+ "pd.read_csv('../datasets/mapm/PdM_machines.csv.gz')"
]
},
{
"cell_type": "code",
- "execution_count": 8,
+ "execution_count": null,
"metadata": {},
- "outputs": [
- {
- "data": {
- "text/html": [
- "