diff --git a/pyneon/preprocess/epoch.py b/pyneon/preprocess/epoch.py index 57d4049..e733a06 100644 --- a/pyneon/preprocess/epoch.py +++ b/pyneon/preprocess/epoch.py @@ -9,16 +9,59 @@ import pandas as pd class Epoch: - def __init__(self, data: pd.DataFrame, times: pd.DataFrame): + """ + Class to create and manage epochs in the data streams. + + Parameters + ---------- + data : pd.DataFrame + Data stream to create epochs from. Must contain a 'timestamp [ns]' or 'start timestamp [ns]' column. + times_df : pd.DataFrame, optional + DataFrame containing epoch information with the following columns: + - 't_ref': Reference time of the epoch, in nanoseconds. + - 't_before': Time before the reference time to start the epoch, in nanoseconds. + - 't_after': Time after the reference time to end the epoch, in nanoseconds. + - 'description': Description or label associated with the epoch. + If provided, `t_ref`, `t_before`, `t_after`, `description`, `global_t_ref`, and `time_unit` are ignored. + t_ref : np.ndarray or list, optional + Array or list of reference times for the epochs. Units specified by `time_unit`. + t_before : float, np.ndarray, or list, optional + Time before the reference time to start the epoch, in **seconds**. + t_after : float, np.ndarray, or list, optional + Time after the reference time to end the epoch, in **seconds**. + description : str, np.ndarray, or list, optional + Description or label associated with the epoch. + global_t_ref : int or float, optional + Global reference time to be added to each reference time in `t_ref`. Units specified by `time_unit`. Default is 0. + time_unit : str, optional + Unit of time for the reference times and `global_t_ref` ('ns' for nanoseconds or 's' for seconds). Default is 'ns'. + + Notes + ----- + - If `times_df` is provided, it is used to create epochs, and the other time-related parameters are ignored. + - If `times_df` is not provided, `t_ref`, `t_before`, `t_after`, and `description` must be provided. + - The `t_before` and `t_after` parameters are always expected in **seconds** and will be converted to nanoseconds internally. + """ + + def __init__(self, data: pd.DataFrame, + times_df: Union[pd.DataFrame, None] = None, + t_ref: Union[np.ndarray, None] = None, + t_before: Union[np.ndarray, Number, None] = None, + t_after: Union[np.ndarray, Number, None] = None, + description: Union[np.ndarray, None] = None, + global_t_ref: Union[int, float] = 0, + time_unit: str = "ns", + ): + self.data = data - self.times = times + self.times = times_df # Check if data is uniformly sampled ts_diff = data["timestamp [ns]"].diff().dropna().unique() self.uniform_data = len(ts_diff) == 1 # Create epochs - self.epochs, self.data = create_epoch(data, times) + self.epochs, self.data = create_epoch(data, times_df, t_ref, t_before, t_after, description, global_t_ref, time_unit) # Check epoch lengths data_len = self.epochs["epoch data"].apply(lambda x: x.shape[0]) @@ -37,11 +80,32 @@ def __init__(self, data: pd.DataFrame, times: pd.DataFrame): if self.equal_length: self.window_length = self.epochs["t_before"].iloc[0] + self.epochs["t_after"].iloc[0] - - def to_numpy(self, sampling_rate=100): + def to_numpy(self, sampling_rate=100, columns=None): """ Converts epochs into a NumPy array with dimensions (n_epochs, n_times, n_channels). Resamples epochs to a fixed sampling rate. + + Parameters + ---------- + sampling_rate : int + The sampling rate to resample the data to, in **Hz** (samples per second). + columns : list of str, optional + List of column names to extract from the DataFrame. If None, all columns except 't_rel' are used. + + Returns + ------- + epochs_np : np.ndarray + NumPy array of shape (n_epochs, n_times, n_channels). + info : dict + A dictionary containing: + - 'column_ids': List of provided column names. + - 't_rel': The common time grid, in nanoseconds. + - 'nan_status': String indicating whether NaN values were found in the data. + + Notes + ----- + - The time grid (`t_rel`) is in nanoseconds. + - If `NaN` values are present after interpolation, they are noted in `nan_status`. """ # Ensure there are epochs to process if len(self.epochs) == 0: @@ -55,11 +119,20 @@ def to_numpy(self, sampling_rate=100): t_before = self.epochs['t_before'].iloc[0] t_after = self.epochs['t_after'].iloc[0] total_duration = t_after + t_before - n_times = int(total_duration /1e9 * sampling_rate) + 1 + n_times = int(total_duration / 1e9 * sampling_rate) + 1 common_times = np.linspace(-t_before, t_after, n_times) - # Assume all epochs have the same data columns (excluding 't_rel') - data_columns = self.epochs.iloc[0]['epoch data'].columns.drop('t_rel') + # Select the relevant data columns + if columns is None: + # If no columns are provided, use all columns except 't_rel' + data_columns = self.epochs.iloc[0]['epoch data'].columns.drop('t_rel') + else: + # Use the explicitly provided columns + data_columns = [col for col in columns if col in self.epochs.iloc[0]['epoch data'].columns] + + if len(data_columns) == 0: + raise ValueError("None of the provided columns exist in the epoch data.") + n_channels = len(data_columns) # Initialize the NumPy array @@ -81,95 +154,147 @@ def to_numpy(self, sampling_rate=100): ) epochs_np[i, :, idx] = interp_values - return epochs_np + + # check if there are any NaN values in the data + nan_flag = np.isnan(epochs_np).any() + if nan_flag: + nan_text = "NaN values were found in the data." + else: + nan_text = "No NaN values were found in the data." + + # Return an object holding the column ids, times, and data + info = { + 'column_ids': data_columns, + 't_rel': common_times, + 'nan_status': nan_text + } + print(nan_text) + + return epochs_np, info + def __len__(self): return len(self.epochs) - def create_epoch( data: pd.DataFrame, times_df: Union[pd.DataFrame, None] = None, - t_ref: Union[np.ndarray, None] = None, - t_before: Union[np.ndarray, Number, None] = None, - t_after: Union[np.ndarray, Number, None] = None, - description: Union[np.ndarray, None] = None, - ): + t_refs: Union[list, np.ndarray, None] = None, + t_before: Union[np.ndarray, float, None] = None, + t_after: Union[np.ndarray, float, None] = None, + description: Union[np.ndarray, str, None] = None, + global_t_ref: Union[int, float] = 0, + time_unit: str = "ns", +): """ - Create epochs in the data stream(s) based on the input epochs dataframe. + Create epochs in the data streams based on the input epochs DataFrame or provided times. Parameters ---------- data : pd.DataFrame - Data stream to create epochs from. Must contain a 'timestamp [ns]' column. - times : pd.DataFrame - DataFrame containing the epochs information with the following columns: - - 't_ref': Reference time of the epoch in seconds. - - 't_before': Time before the reference time to start the epoch, in seconds. - - 't_after': Time after the reference time to end the epoch, in seconds. - - 'description': Message or label associated with the epoch. + Data stream to create epochs from. Must contain a 'timestamp [ns]' or 'start timestamp [ns]' column. + times_df : pd.DataFrame, optional + DataFrame containing epoch information with the following columns: + - 't_ref': Reference time of the epoch, in nanoseconds. + - 't_before': Time before the reference time to start the epoch, in nanoseconds. + - 't_after': Time after the reference time to end the epoch, in nanoseconds. + - 'description': Description or label associated with the epoch. + If provided, other time-related parameters are ignored. + t_refs : list or np.ndarray, optional + List or array of reference times for the epochs. Units specified by `time_unit`. + t_before : float, np.ndarray, or list, optional + Time before the reference time to start the epoch, in **seconds**. + t_after : float, np.ndarray, or list, optional + Time after the reference time to end the epoch, in **seconds**. + description : str, np.ndarray, or list, optional + Description or label associated with the epoch. + global_t_ref : int or float, optional + Global reference time to be added to each reference time in `t_refs`. Units specified by `time_unit`. Default is 0. + time_unit : str, optional + Unit of time for the reference times and `global_t_ref` ('ns' for nanoseconds or 's' for seconds). Default is 'ns'. Returns ------- - data : pd.DataFrame - Data stream with appended ``epoch id``, ``'t_rel'``, and ``description``. - epochs_data : pd.DataFrame + epochs : pd.DataFrame DataFrame where each row corresponds to an epoch, containing the data belonging to the epoch as a nested DataFrame. + Columns include: + - 'epoch id': Unique identifier for the epoch. + - 't_ref': Reference time of the epoch, in nanoseconds. + - 't_before': Time before the reference time to start the epoch, in nanoseconds. + - 't_after': Time after the reference time to end the epoch, in nanoseconds. + - 'description': Description or label associated with the epoch. + - 'epoch data': DataFrame containing the data within the epoch. + annotated_data : pd.DataFrame + Original data with added columns: + - 'epoch id': Identifier of the epoch to which the data point belongs. + - 't_rel': Time relative to the epoch reference time, in nanoseconds. + - 'description': Description or label associated with the epoch. + + Notes + ----- + - If `times_df` is provided, it is used to create epochs, and other time-related parameters are ignored. + - If `times_df` is not provided, `t_refs`, `t_before`, `t_after`, and `description` must be provided. + - The `t_before` and `t_after` parameters are always expected in **seconds** and will be converted to nanoseconds internally. """ + # Determine the timestamp column name if "timestamp [ns]" in data.columns: ts_name = "timestamp [ns]" elif "start timestamp [ns]" in data.columns: ts_name = "start timestamp [ns]" else: raise ValueError("Data must contain a 'timestamp [ns]' or 'start timestamp [ns]' column.") - + + # Generate event_times DataFrame if times_df is not None: # Ensure the DataFrame has the required columns if not all(col in times_df.columns for col in ['t_ref', 't_before', 't_after', 'description']): - raise ValueError("DataFrame must contain 't_ref', 't_before', 't_after', and 'description' columns") - # Extract the columns from the DataFrame - t_ref = times_df['t_ref'].to_numpy() - t_before = times_df['t_before'].to_numpy() - t_after = times_df['t_after'].to_numpy() - description = times_df['description'].to_numpy() + raise ValueError("times_df must contain 't_ref', 't_before', 't_after', and 'description' columns") + event_times = times_df else: # Ensure the input arrays are not None - if any(x is None for x in [t_ref, t_before, t_after, description]): - raise ValueError("t_ref, t_before, t_after, and description must be provided if times_df is None") - n_epoch = len(t_ref) - other_info = [] - for x in [t_before, t_after, description]: - # If an array is provided, ensure it has the same length as t_ref - if isinstance(x, np.ndarray): - if len(x) != n_epoch: - raise ValueError("If a numpy array is provided, it must have the same length as t_ref") - other_info.append(x) - # If a single value is provided, populate the list with the same value for each epoch - else: - other_info.append(np.repeat(x, n_epoch)) - t_before, t_after, description = other_info + if any(x is None for x in [t_refs, t_before, t_after, description]): + raise ValueError("t_refs, t_before, t_after, and description must be provided if times_df is None") + # Use construct_event_times to create the event_times DataFrame + event_times = construct_event_times( + t_refs=t_refs, + t_before=t_before, + t_after=t_after, + description=description, + global_t_ref=global_t_ref, + time_unit=time_unit, + ) # Initialize lists to collect data annotated_data = data.copy() epochs = pd.DataFrame( columns=["epoch id", "t_ref", "t_before", "t_after", "description", "epoch data"] ) - - for i, (t_ref_i, t_before_i, t_after_i, description_i) in enumerate(zip(t_ref, t_before, t_after, description)): + + # Iterate over each event time to create epochs + for i, row in event_times.iterrows(): + t_ref_i = row['t_ref'] + t_before_i = row['t_before'] + t_after_i = row['t_after'] + description_i = row['description'] + start_time = t_ref_i - t_before_i end_time = t_ref_i + t_after_i mask = (data[ts_name] >= start_time) & (data[ts_name] <= end_time) - if mask.empty: + + if not mask.any(): continue + annotated_data.loc[mask, "epoch id"] = i annotated_data.loc[mask, "description"] = description_i annotated_data.loc[mask, "t_rel"] = data.loc[mask, ts_name] - t_ref_i + local_data = data.loc[mask].copy() local_data["t_rel"] = local_data[ts_name] - t_ref_i local_data.reset_index(drop=True, inplace=True) + epochs.at[i, "epoch id"] = i epochs.at[i, "t_ref"] = t_ref_i epochs.at[i, "t_before"] = t_before_i @@ -177,12 +302,10 @@ def create_epoch( epochs.at[i, "description"] = description_i epochs.at[i, "epoch data"] = local_data - # Drop rows where 'data' is empty - for i, epoch in epochs.iterrows(): - if epoch["epoch data"].empty: - epochs.drop(i, inplace=True) + # Drop rows where 'epoch data' is empty + epochs = epochs.dropna(subset=["epoch data"]).reset_index(drop=True) - # set datatypes of the columns + # Set data types of the columns epochs = epochs.astype( { "epoch id": "Int32", @@ -207,22 +330,36 @@ def extract_event_times( event_name: str = "all", ) -> pd.DataFrame: """ - Extract the timestamps of the events from the data stream. + Construct event times from a list or array of reference times. Parameters ---------- - data : pd.DataFrame - Data stream to extract event timestamps from. Must contain a 'timestamp [ns]' column. - t_before : float - Time before the event to start the epoch, in seconds. - t_after : float - Time after the event to end the epoch, in seconds. - event_name : str, optional - Name of the event to extract. If 'all', extract all events. Only relevant if a concat stream or event data is provided. + t_refs : list or np.ndarray + List or array of reference times. Units specified by `time_unit`. + t_before : float, np.ndarray, or list + Time before the reference time to start the epoch, in **seconds**. + t_after : float, np.ndarray, or list + Time after the reference time to end the epoch, in **seconds**. + description : str, np.ndarray, or list + Description or label associated with the epoch. + global_t_ref : int or float, optional + Global reference time to be added to each reference time in `t_refs`. Units specified by `time_unit`. Default is 0. + time_unit : str, optional + Unit of time for the reference times and `global_t_ref` ('ns' for nanoseconds or 's' for seconds). Default is 'ns'. + Returns ------- event_times : pd.DataFrame - DataFrame containing the timestamps of the events. + DataFrame containing the constructed event times with columns: + - 't_ref': Reference time of the event, in nanoseconds. + - 't_before': Time before the reference time to start the epoch, in nanoseconds. + - 't_after': Time after the reference time to end the epoch, in nanoseconds. + - 'description': Description or label associated with the event. + + Notes + ----- + - The `t_refs` and `global_t_ref` are combined and converted to nanoseconds according to `time_unit`. + - The `t_before` and `t_after` parameters are always expected in **seconds** and will be converted to nanoseconds internally. """ if "start timestamp [ns]" not in event_data.columns: diff --git a/source/tutorials/epoching.ipynb b/source/tutorials/epoching.ipynb index 2b36669..831f07b 100644 --- a/source/tutorials/epoching.ipynb +++ b/source/tutorials/epoching.ipynb @@ -1,5259 +1,359 @@ { "cells": [ { - "cell_type": "code", - "execution_count": 1, + "cell_type": "markdown", "metadata": {}, - "outputs": [], "source": [ - "import numpy as np\n", - "from pyneon import NeonRecording, get_sample_data\n", - "from pyneon.preprocess import *" + "# Tutorial: Processing Eye-Tracking Data with PyNeon\n", + "\n", + "## Step 1: Loading Sample Data\n", + "\n", + "First, we'll load sample eye-tracking data provided by PyNeon." ] }, { "cell_type": "code", - "execution_count": 2, + "execution_count": 1, "metadata": {}, "outputs": [], "source": [ + "import numpy as np\n", + "from pyneon import NeonRecording, get_sample_data\n", + "from pyneon.preprocess import *\n", + "\n", + "# Load the sample recording\n", "recording_dir = get_sample_data(\"OfficeWalk\") / \"Timeseries Data\" / \"walk1-e116e606\"\n", "recording = NeonRecording(recording_dir)" ] }, { - "cell_type": "code", - "execution_count": 3, + "cell_type": "markdown", "metadata": {}, - "outputs": [], "source": [ - "tlist = np.arange(0, 100, 0.1)\n", - "global_ref_time = recording.start_time\n", - "event_times = construct_event_times(\n", - " tlist, 0.1, 0.5, \"test_event\", global_ref_time, time_unit=\"s\"\n", - ")" + "## Step 2: Constructing Event Times\n", + "\n", + "We'll create a list of event times from 0 to 100 seconds at intervals of 0.1 seconds. These events will serve as reference points for creating epochs." ] }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 2, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - " t_ref t_before t_after description\n", - "0 1.725032e+18 100000000.0 500000000.0 test_event\n", - "1 1.725032e+18 100000000.0 500000000.0 test_event\n", - "2 1.725032e+18 100000000.0 500000000.0 test_event\n", - "3 1.725032e+18 100000000.0 500000000.0 test_event\n", - "4 1.725032e+18 100000000.0 500000000.0 test_event\n", - ".. ... ... ... ...\n", - "995 1.725032e+18 100000000.0 500000000.0 test_event\n", - "996 1.725032e+18 100000000.0 500000000.0 test_event\n", - "997 1.725032e+18 100000000.0 500000000.0 test_event\n", - "998 1.725032e+18 100000000.0 500000000.0 test_event\n", - "999 1.725032e+18 100000000.0 500000000.0 test_event\n", - "\n", - "[1000 rows x 4 columns]\n", - "100000000.0\n" + " t_ref t_before t_after description\n", + "0 1.725032e+18 100000000.0 500000000.0 test_event\n", + "1 1.725032e+18 100000000.0 500000000.0 test_event\n", + "2 1.725032e+18 100000000.0 500000000.0 test_event\n", + "3 1.725032e+18 100000000.0 500000000.0 test_event\n", + "4 1.725032e+18 100000000.0 500000000.0 test_event\n" ] } ], "source": [ - "print(event_times)\n", + "# Create a list of event times from 0 to 100 seconds at 0.1-second intervals\n", + "tlist = np.arange(0, 100, 0.1)\n", + "global_ref_time = recording.start_time\n", + "\n", + "# Construct event times DataFrame\n", + "event_times = construct_event_times(\n", + " t_refs=tlist,\n", + " t_before=0.1, # 0.1 seconds before the event\n", + " t_after=0.5, # 0.5 seconds after the event\n", + " description=\"test_event\",\n", + " global_t_ref=global_ref_time,\n", + " time_unit=\"s\" # Specify that t_refs are in seconds\n", + ")\n", + "\n", + "# Display the first few event times\n", + "print(event_times.head())" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Step 3: Verifying Event Intervals\n", "\n", - "# average difference between subsequent event times\n", - "print(np.mean(np.diff(event_times[\"t_ref\"])))" + "Check the average interval between events to confirm they are correctly spaced." ] }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 3, "metadata": {}, "outputs": [ { - "data": { - "text/plain": [ - "( epoch id t_ref t_before t_after description \\\n", - " 29 29 1725032224427000064 100000000.0 500000000.0 test_event \n", - " 30 30 1725032224527000064 100000000.0 500000000.0 test_event \n", - " 31 31 1725032224627000064 100000000.0 500000000.0 test_event \n", - " 32 32 1725032224727000064 100000000.0 500000000.0 test_event \n", - " 33 33 1725032224827000064 100000000.0 500000000.0 test_event \n", - " .. ... ... ... ... ... \n", - " 979 979 1725032319427000064 100000000.0 500000000.0 test_event \n", - " 980 980 1725032319527000064 100000000.0 500000000.0 test_event \n", - " 981 981 1725032319627000064 100000000.0 500000000.0 test_event \n", - " 982 982 1725032319727000064 100000000.0 500000000.0 test_event \n", - " 983 983 1725032319827000064 100000000.0 500000000.0 test_event \n", - " \n", - " epoch data \n", - " 29 timestamp [ns] gaze x [px] gaze y [p... \n", - " 30 timestamp [ns] gaze x [px] gaze y [... \n", - " 31 timestamp [ns] gaze x [px] gaze y [... \n", - " 32 timestamp [ns] gaze x [px] gaze y [... \n", - " 33 timestamp [ns] gaze x [px] gaze y [... \n", - " .. ... \n", - " 979 timestamp [ns] gaze x [px] gaze y [... \n", - " 980 timestamp [ns] gaze x [px] gaze y [... \n", - " 981 timestamp [ns] gaze x [px] gaze y [... \n", - " 982 timestamp [ns] gaze x [px] gaze y [... \n", - " 983 timestamp [ns] gaze x [px] gaze y [p... \n", - " \n", - " [955 rows x 6 columns],\n", - " timestamp [ns] gaze x [px] gaze y [px] worn fixation id \\\n", - " 0 1725032224852161732 1067.486 620.856 True 1 \n", - " 1 1725032224857165732 1066.920 617.117 True 1 \n", - " 2 1725032224862161732 1072.699 615.780 True 1 \n", - " 3 1725032224867161732 1067.447 617.062 True 1 \n", - " 4 1725032224872161732 1071.564 613.158 True 1 \n", - " ... ... ... ... ... ... \n", - " 18764 1725032319717194732 800.364 781.350 True 264 \n", - " 18765 1725032319722198732 799.722 771.672 True 264 \n", - " 18766 1725032319727194732 799.901 777.316 True 264 \n", - " 18767 1725032319732194732 796.982 778.426 True 264 \n", - " 18768 1725032319737194732 797.285 778.738 True 264 \n", - " \n", - " blink id azimuth [deg] elevation [deg] time [s] epoch id \\\n", - " 0 16.213030 -0.748998 0.000000 34 \n", - " 1 16.176285 -0.511733 0.005004 34 \n", - " 2 16.546413 -0.426618 0.010000 34 \n", - " 3 16.210049 -0.508251 0.015000 34 \n", - " 4 16.473521 -0.260388 0.020000 34 \n", - " ... ... ... ... ... ... \n", - " 18764 -0.978658 -11.091931 94.865033 982 \n", - " 18765 -1.019202 -10.470156 94.870037 982 \n", - " 18766 -1.008324 -10.832782 94.875033 983 \n", - " 18767 -1.198652 -10.903787 94.880033 983 \n", - " 18768 -1.178970 -10.923870 94.885033 983 \n", - " \n", - " description t_rel \n", - " 0 test_event -74838272.0 \n", - " 1 test_event -69834240.0 \n", - " 2 test_event -64838400.0 \n", - " 3 test_event -59838208.0 \n", - " 4 test_event -54838272.0 \n", - " ... ... ... \n", - " 18764 test_event -9805312.0 \n", - " 18765 test_event -4801280.0 \n", - " 18766 test_event -99805440.0 \n", - " 18767 test_event -94805248.0 \n", - " 18768 test_event -89805312.0 \n", - " \n", - " [18769 rows x 12 columns])" - ] - }, - "execution_count": 5, - "metadata": {}, - "output_type": "execute_result" + "name": "stdout", + "output_type": "stream", + "text": [ + "Average interval between events: 100000000.0 nanoseconds\n" + ] } ], "source": [ - "create_epoch(recording.gaze.data, event_times)" + "# Calculate the average difference between subsequent event times\n", + "average_interval = np.mean(np.diff(event_times[\"t_ref\"]))\n", + "\n", + "print(f\"Average interval between events: {average_interval} nanoseconds\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "This confirms that events are spaced 0.1 seconds (100,000,000 nanoseconds) apart.\n", + "\n", + "## Step 4: Creating Epochs from the Data\n", + "\n", + "Use the create_epoch function to create epochs from the gaze data based on the event times." ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 4, "metadata": {}, "outputs": [], "source": [ - "epochs = Epoch(recording.gaze.data, event_times)" + "# Create epochs from the gaze data\n", + "epochs_df, annotated_data = create_epoch(recording.gaze.data, event_times)" ] }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 5, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - " timestamp [ns] gaze x [px] gaze y [px] worn fixation id \\\n", - "0 1725032224852161732 1067.486 620.856 True 1 \n", - "1 1725032224857165732 1066.920 617.117 True 1 \n", - "2 1725032224862161732 1072.699 615.780 True 1 \n", - "3 1725032224867161732 1067.447 617.062 True 1 \n", - "4 1725032224872161732 1071.564 613.158 True 1 \n", - "... ... ... ... ... ... \n", - "18764 1725032319717194732 800.364 781.350 True 264 \n", - "18765 1725032319722198732 799.722 771.672 True 264 \n", - "18766 1725032319727194732 799.901 777.316 True 264 \n", - "18767 1725032319732194732 796.982 778.426 True 264 \n", - "18768 1725032319737194732 797.285 778.738 True 264 \n", - "\n", - " blink id azimuth [deg] elevation [deg] time [s] epoch id \\\n", - "0 16.213030 -0.748998 0.000000 34 \n", - "1 16.176285 -0.511733 0.005004 34 \n", - "2 16.546413 -0.426618 0.010000 34 \n", - "3 16.210049 -0.508251 0.015000 34 \n", - "4 16.473521 -0.260388 0.020000 34 \n", - "... ... ... ... ... ... \n", - "18764 -0.978658 -11.091931 94.865033 982 \n", - "18765 -1.019202 -10.470156 94.870037 982 \n", - "18766 -1.008324 -10.832782 94.875033 983 \n", - "18767 -1.198652 -10.903787 94.880033 983 \n", - "18768 -1.178970 -10.923870 94.885033 983 \n", - "\n", - " description t_rel \n", - "0 test_event -74838272.0 \n", - "1 test_event -69834240.0 \n", - "2 test_event -64838400.0 \n", - "3 test_event -59838208.0 \n", - "4 test_event -54838272.0 \n", - "... ... ... \n", - "18764 test_event -9805312.0 \n", - "18765 test_event -4801280.0 \n", - "18766 test_event -99805440.0 \n", - "18767 test_event -94805248.0 \n", - "18768 test_event -89805312.0 \n", - "\n", - "[18769 rows x 12 columns]\n" + "epoch id 29\n", + "t_ref 1725032224427000064\n", + "t_before 100000000.0\n", + "t_after 500000000.0\n", + "description test_event\n", + "epoch data timestamp [ns] gaze x [px] gaze y [p...\n", + "Name: 0, dtype: object\n" ] } ], "source": [ - "epochs.to_numpy()" + "print(epochs_df.iloc[0])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Every row in the epochs_df file has information about the epoch as well as the data assigned to this epoch. " ] }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 26, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - " epoch ID t_ref t_before t_after description \\\n", - "29 29 1725032224427000064 100000000.0 500000000.0 test_event \n", - "30 30 1725032224527000064 100000000.0 500000000.0 test_event \n", - "31 31 1725032224627000064 100000000.0 500000000.0 test_event \n", - "32 32 1725032224727000064 100000000.0 500000000.0 test_event \n", - "33 33 1725032224827000064 100000000.0 500000000.0 test_event \n", - ".. ... ... ... ... ... \n", - "979 979 1725032319427000064 100000000.0 500000000.0 test_event \n", - "980 980 1725032319527000064 100000000.0 500000000.0 test_event \n", - "981 981 1725032319627000064 100000000.0 500000000.0 test_event \n", - "982 982 1725032319727000064 100000000.0 500000000.0 test_event \n", - "983 983 1725032319827000064 100000000.0 500000000.0 test_event \n", - "\n", - " data \n", - "29 timestamp [ns] gaze x [px] gaze y [p... \n", - "30 timestamp [ns] gaze x [px] gaze y [... \n", - "31 timestamp [ns] gaze x [px] gaze y [... \n", - "32 timestamp [ns] gaze x [px] gaze y [... \n", - "33 timestamp [ns] gaze x [px] gaze y [... \n", - ".. ... \n", - "979 timestamp [ns] gaze x [px] gaze y [... \n", - "980 timestamp [ns] gaze x [px] gaze y [... \n", - "981 timestamp [ns] gaze x [px] gaze y [... \n", - "982 timestamp [ns] gaze x [px] gaze y [... \n", - "983 timestamp [ns] gaze x [px] gaze y [p... \n", - "\n", - "[955 rows x 6 columns]\n", - "False\n", - "True\n", - "3\n", - "120\n" + "timestamp [ns] 1725032224852161732\n", + "gaze x [px] 1067.486\n", + "gaze y [px] 620.856\n", + "worn True\n", + "fixation id 1\n", + "blink id \n", + "azimuth [deg] 16.21303\n", + "elevation [deg] -0.748998\n", + "time [s] 0.0\n", + "epoch id 34\n", + "description test_event\n", + "t_rel -74838272.0\n", + "Name: 0, dtype: object\n" ] } ], "source": [ - "print(test_epoch.epochs)\n", - "\n", + "print(annotated_data.iloc[0])" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "On the other hand, annotated data has the information about the current epoch appended at the end.\n", "\n", - "print(test_epoch.equal_dist)\n", - "print(test_epoch.equal_length)\n", - "print(test_epoch.min_len)\n", - "print(test_epoch.max_len)" + "Alternatively, an epoch object can also be created without an event_times object but rather the info needed to create one" ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 29, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n", - "C:\\Users\\jan-gabriel.hartel\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:60: SettingWithCopyWarning: \n", - "A value is trying to be set on a copy of a slice from a DataFrame\n", - "\n", - "See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n", - " epoch['data'] = epoch['data'].resample(df_str, on='t_rel').mean().reset_index()\n" - ] - }, - { - "ename": "TypeError", - "evalue": "float() argument must be a string or a real number, not 'NAType'", - "output_type": "error", - "traceback": [ - "\u001b[1;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[1;31mTypeError\u001b[0m Traceback (most recent call last)", - "Cell \u001b[1;32mIn[7], line 1\u001b[0m\n\u001b[1;32m----> 1\u001b[0m \u001b[43mtest_epoch\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mto_np\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n", - "File \u001b[1;32m~\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:73\u001b[0m, in \u001b[0;36mEpoch.to_np\u001b[1;34m(self)\u001b[0m\n\u001b[0;32m 71\u001b[0m \u001b[38;5;28;01mfor\u001b[39;00m i \u001b[38;5;129;01min\u001b[39;00m \u001b[38;5;28mrange\u001b[39m(n_epoch):\n\u001b[0;32m 72\u001b[0m epoch \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mepochs\u001b[38;5;241m.\u001b[39miloc[i]\n\u001b[1;32m---> 73\u001b[0m \u001b[43mepochs_np\u001b[49m\u001b[43m[\u001b[49m\u001b[43mi\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43m:\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43m:\u001b[49m\u001b[43m]\u001b[49m \u001b[38;5;241m=\u001b[39m epoch[\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mdata\u001b[39m\u001b[38;5;124m'\u001b[39m]\u001b[38;5;241m.\u001b[39mvalues\n\u001b[0;32m 75\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m epochs_np\n", - "\u001b[1;31mTypeError\u001b[0m: float() argument must be a string or a real number, not 'NAType'" - ] - } - ], + "outputs": [], "source": [ - "test_epoch.to_np()" + "epochs_df, annotated_data = create_epoch(recording.gaze.data, times_df=None, t_refs=tlist, t_before=0.1, t_after=0.5, global_t_ref=global_ref_time, time_unit=\"s\", description=\"test_event\")" ] }, { - "cell_type": "code", - "execution_count": 6, + "cell_type": "markdown", "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - " timestamp [ns] gaze x [px] gaze y [px] worn fixation id \\\n", - "0 1725032226428627732 566.739 491.392 True \n", - "1 1725032226433633732 571.807 486.233 True \n", - "2 1725032226438627732 575.209 477.453 True \n", - "3 1725032226443627732 581.839 485.966 True \n", - "4 1725032226448627732 588.264 487.759 True \n", - ".. ... ... ... ... ... \n", - "115 1725032227004115732 1273.637 577.409 True \n", - "116 1725032227009115732 1279.229 578.139 True \n", - "117 1725032227014126732 1281.009 587.071 True \n", - "118 1725032227019115732 1281.013 589.609 True \n", - "119 1725032227024120732 1279.283 603.190 True \n", - "\n", - " blink id azimuth [deg] elevation [deg] time [s] t_rel \n", - "0 -16.077659 7.466477 1.576466 -98372352.0 \n", - "1 -15.758701 7.798182 1.581472 -93366272.0 \n", - "2 -15.552924 8.358361 1.586466 -88372224.0 \n", - "3 -15.112060 7.824038 1.591466 -83372288.0 \n", - "4 -14.695109 7.715571 1.596466 -78372352.0 \n", - ".. ... ... ... ... ... \n", - "115 29.417386 1.944366 2.151954 477115648.0 \n", - "116 29.775828 1.897557 2.156954 482115584.0 \n", - "117 29.884470 1.349400 2.161965 487126784.0 \n", - "118 29.883425 1.193784 2.166954 492115712.0 \n", - "119 29.768145 0.361326 2.171959 497120768.0 \n", - "\n", - "[120 rows x 10 columns]\n" - ] - } - ], - "source": [] + "source": [ + "This object is equivalent to the ones created before" + ] }, { - "cell_type": "code", - "execution_count": null, + "cell_type": "markdown", "metadata": {}, - "outputs": [], - "source": [] + "source": [ + "## Step 5: Initializing the Epoch Class\n", + "\n", + "Initialize the Epoch class with the gaze data and event times." + ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 14, "metadata": {}, "outputs": [], "source": [ - "# extract event times from blinks\n", - "blink_times = extract_event_times(recording.blinks.data, 0.5 * 1e9, 0.5 * 1e9)" + "# Initialize the Epoch object\n", + "\n", + "epochs = Epoch(recording.gaze.data, event_times)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Step 6: Converting Epochs to NumPy Array\n", + "\n", + "Convert the epochs into a NumPy array, specifying the columns of interest" ] }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 15, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - " ref_time t_before t_after description\n", - "0 1725032228255213732 500000000.0 500000000.0 blink\n", - "1 1725032236502915732 500000000.0 500000000.0 blink\n", - "2 1725032237548893732 500000000.0 500000000.0 blink\n", - "3 1725032238614881732 500000000.0 500000000.0 blink\n", - "4 1725032244034888732 500000000.0 500000000.0 blink\n", - "5 1725032244290128732 500000000.0 500000000.0 blink\n", - "6 1725032244960751732 500000000.0 500000000.0 blink\n", - "7 1725032246186964732 500000000.0 500000000.0 blink\n", - "8 1725032249349898732 500000000.0 500000000.0 blink\n", - "9 1725032262316882732 500000000.0 500000000.0 blink\n", - "10 1725032269803854732 500000000.0 500000000.0 blink\n", - "11 1725032270059098732 500000000.0 500000000.0 blink\n", - "12 1725032270389342732 500000000.0 500000000.0 blink\n", - "13 1725032271760689732 500000000.0 500000000.0 blink\n", - "14 1725032271975809732 500000000.0 500000000.0 blink\n", - "15 1725032272211055732 500000000.0 500000000.0 blink\n", - "16 1725032273182035732 500000000.0 500000000.0 blink\n", - "17 1725032277375825732 500000000.0 500000000.0 blink\n", - "18 1725032279037416732 500000000.0 500000000.0 blink\n", - "19 1725032285763656732 500000000.0 500000000.0 blink\n", - "20 1725032288646348732 500000000.0 500000000.0 blink\n", - "21 1725032289762451732 500000000.0 500000000.0 blink\n", - "22 1725032291804285732 500000000.0 500000000.0 blink\n", - "23 1725032299096016732 500000000.0 500000000.0 blink\n", - "24 1725032305817256732 500000000.0 500000000.0 blink\n", - "25 1725032307608977732 500000000.0 500000000.0 blink\n", - "26 1725032308094462732 500000000.0 500000000.0 blink\n", - "27 1725032308514828732 500000000.0 500000000.0 blink\n", - "28 1725032312238255732 500000000.0 500000000.0 blink\n", - "29 1725032317049579732 500000000.0 500000000.0 blink\n", - "30 1725032317254816732 500000000.0 500000000.0 blink\n", - "31 1725032318330817732 500000000.0 500000000.0 blink\n" + "NaN values were found in the data.\n", + "Column IDs: ['gaze x [px]', 'gaze y [px]']\n", + "Time relative to reference (s): [-0.1 -0.09 -0.08 -0.07 -0.06 -0.05 -0.04 -0.03 -0.02 -0.01 0. 0.01\n", + " 0.02 0.03 0.04 0.05 0.06 0.07 0.08 0.09 0.1 0.11 0.12 0.13\n", + " 0.14 0.15 0.16 0.17 0.18 0.19 0.2 0.21 0.22 0.23 0.24 0.25\n", + " 0.26 0.27 0.28 0.29 0.3 0.31 0.32 0.33 0.34 0.35 0.36 0.37\n", + " 0.38 0.39 0.4 0.41 0.42 0.43 0.44 0.45 0.46 0.47 0.48 0.49\n", + " 0.5 ]\n", + "Shape of epochs array: (955, 61, 2)\n" ] } ], "source": [ - "print(blink_times)" + "# Convert epochs to NumPy array, selecting specific columns\n", + "ep_np, info = epochs.to_numpy(columns=['gaze x [px]', 'gaze y [px]'])\n", + "\n", + "# Display information about the epochs\n", + "print(\"Column IDs:\", info['column_ids'])\n", + "print(\"Time relative to reference (s):\", info['t_rel']*1e-9)\n", + "print(\"Shape of epochs array:\", ep_np.shape)" ] }, { - "cell_type": "code", - "execution_count": 9, + "cell_type": "markdown", "metadata": {}, - "outputs": [], "source": [ - "epochs, data = create_epoch(recording.gaze.data, blink_times)" + "Column IDs: The data channels extracted.\n", + "Times: The common time grid for all epochs.\n", + "Shape: Indicates there are 1000 epochs, each with 61 time points and 2 data channels.\n", + "\n", + "## Step 7: Averaging Across Epochs\n", + "\n", + "Compute the average across all epochs to get the mean time-series." ] }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 16, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - " timestamp [ns] gaze x [px] gaze y [px] worn fixation id \\\n", - "0 1725032269308364732 1046.338 564.627 True 135 \n", - "1 1725032269313365732 1037.756 560.639 True 135 \n", - "2 1725032269318364732 1033.667 563.541 True 135 \n", - "3 1725032269323363732 1032.106 561.497 True 135 \n", - "4 1725032269328363732 1028.949 564.110 True 135 \n", - ".. ... ... ... ... ... \n", - "192 1725032270279344732 909.503 366.964 True 138 \n", - "193 1725032270284348732 907.158 365.440 True 138 \n", - "194 1725032270289344732 904.384 371.172 True 138 \n", - "195 1725032270294344732 903.765 374.912 True 138 \n", - "196 1725032270299344732 901.343 378.770 True 138 \n", - "\n", - " blink id azimuth [deg] elevation [deg] time [s] t_rel \n", - "0 14.868404 2.825628 44.456203 -495490000 \n", - "1 14.319751 3.082129 44.461204 -490489000 \n", - "2 14.055800 2.898636 44.466203 -485490000 \n", - "3 13.956623 3.029310 44.471202 -480491000 \n", - "4 13.752674 2.863820 44.476202 -475491000 \n", - ".. ... ... ... ... ... \n", - "192 12 6.205888 15.538344 45.427183 475490000 \n", - "193 12 6.053163 15.637466 45.432187 480494000 \n", - "194 12 5.863821 15.272586 45.437183 485490000 \n", - "195 12 5.818923 15.033658 45.442183 490490000 \n", - "196 12 5.655469 14.788212 45.447183 495490000 \n", - "\n", - "[197 rows x 10 columns]\n" + "Shape after averaging across epochs: (61, 2)\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "C:\\Users\\jan-gabriel.hartel\\AppData\\Local\\Temp\\ipykernel_12180\\2544218633.py:2: RuntimeWarning: Mean of empty slice\n", + " integrated_epochs = np.nanmean(ep_np, axis=0)\n" ] } ], "source": [ - "print(epochs.data[10])" + "# Average across epochs (resulting in a 2D array)\n", + "integrated_epochs = np.nanmean(ep_np, axis=0)\n", + "print(\"Shape after averaging across epochs:\", integrated_epochs.shape)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "The resulting array has 61 time points and 2 channels.\n", + "\n", + "## Step 8: Averaging Over Time\n", + "\n", + "Further, average over time to get a single value per channel." ] }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 17, "metadata": {}, "outputs": [ { - "ename": "TypeError", - "evalue": "string indices must be integers, not 'str'", - "output_type": "error", - "traceback": [ - "\u001b[1;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[1;31mTypeError\u001b[0m Traceback (most recent call last)", - "Cell \u001b[1;32mIn[11], line 1\u001b[0m\n\u001b[1;32m----> 1\u001b[0m test_epoch \u001b[38;5;241m=\u001b[39m \u001b[43mEpoch\u001b[49m\u001b[43m(\u001b[49m\u001b[43mrecording\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mgaze\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mdata\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mevent_times\u001b[49m\u001b[43m)\u001b[49m\n", - "File \u001b[1;32m~\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:14\u001b[0m, in \u001b[0;36mEpoch.__init__\u001b[1;34m(self, data, times)\u001b[0m\n\u001b[0;32m 11\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mepochs, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mdata \u001b[38;5;241m=\u001b[39m create_epoch(data, times)\n\u001b[0;32m 13\u001b[0m \u001b[38;5;66;03m# check if all epochs have the same length\u001b[39;00m\n\u001b[1;32m---> 14\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mequal_samples \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mall\u001b[39;49m\u001b[43m(\u001b[49m\u001b[43mepoch\u001b[49m\u001b[43m[\u001b[49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[38;5;124;43mdata\u001b[39;49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[43m]\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mshape\u001b[49m\u001b[43m[\u001b[49m\u001b[38;5;241;43m0\u001b[39;49m\u001b[43m]\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m==\u001b[39;49m\u001b[43m \u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mepochs\u001b[49m\u001b[43m[\u001b[49m\u001b[38;5;241;43m0\u001b[39;49m\u001b[43m]\u001b[49m\u001b[43m[\u001b[49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[38;5;124;43mdata\u001b[39;49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[43m]\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mshape\u001b[49m\u001b[43m[\u001b[49m\u001b[38;5;241;43m0\u001b[39;49m\u001b[43m]\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;28;43;01mfor\u001b[39;49;00m\u001b[43m \u001b[49m\u001b[43mepoch\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;129;43;01min\u001b[39;49;00m\u001b[43m \u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mepochs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[0;32m 16\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mepoch[\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mt_ref\u001b[39m\u001b[38;5;124m'\u001b[39m]\u001b[38;5;241m.\u001b[39mdiff()\u001b[38;5;241m.\u001b[39munique()\u001b[38;5;241m.\u001b[39mshape[\u001b[38;5;241m0\u001b[39m] \u001b[38;5;241m==\u001b[39m \u001b[38;5;241m1\u001b[39m:\n\u001b[0;32m 17\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mequal_dist \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;01mTrue\u001b[39;00m\n", - "File \u001b[1;32m~\\Documents\\GitHub\\PyNeon\\pyneon\\preprocess\\epoch.py:14\u001b[0m, in \u001b[0;36m\u001b[1;34m(.0)\u001b[0m\n\u001b[0;32m 11\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mepochs, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mdata \u001b[38;5;241m=\u001b[39m create_epoch(data, times)\n\u001b[0;32m 13\u001b[0m \u001b[38;5;66;03m# check if all epochs have the same length\u001b[39;00m\n\u001b[1;32m---> 14\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mequal_samples \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mall\u001b[39m(\u001b[43mepoch\u001b[49m\u001b[43m[\u001b[49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[38;5;124;43mdata\u001b[39;49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[43m]\u001b[49m\u001b[38;5;241m.\u001b[39mshape[\u001b[38;5;241m0\u001b[39m] \u001b[38;5;241m==\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mepochs[\u001b[38;5;241m0\u001b[39m][\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mdata\u001b[39m\u001b[38;5;124m'\u001b[39m]\u001b[38;5;241m.\u001b[39mshape[\u001b[38;5;241m0\u001b[39m] \u001b[38;5;28;01mfor\u001b[39;00m epoch \u001b[38;5;129;01min\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mepochs)\n\u001b[0;32m 16\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mepoch[\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mt_ref\u001b[39m\u001b[38;5;124m'\u001b[39m]\u001b[38;5;241m.\u001b[39mdiff()\u001b[38;5;241m.\u001b[39munique()\u001b[38;5;241m.\u001b[39mshape[\u001b[38;5;241m0\u001b[39m] \u001b[38;5;241m==\u001b[39m \u001b[38;5;241m1\u001b[39m:\n\u001b[0;32m 17\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mequal_dist \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;01mTrue\u001b[39;00m\n", - "\u001b[1;31mTypeError\u001b[0m: string indices must be integers, not 'str'" + "name": "stdout", + "output_type": "stream", + "text": [ + "Averaged values over time: [784.02903257 539.72164082]\n" ] } ], - "source": [] + "source": [ + "# Average over time (resulting in a 1D array)\n", + "integrate_in_time = np.nanmean(integrated_epochs, axis=0)\n", + "print(\"Averaged values over time:\", integrate_in_time)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "his gives the overall mean for each data channel.\n", + "\n", + "## Conclusion\n", + "\n", + "In this tutorial, we've demonstrated how to:\n", + "\n", + "- Load sample eye-tracking data using PyNeon.\n", + "- Construct event times for epoching the data.\n", + "- Create epochs from continuous gaze data.\n", + "- Convert epochs into a NumPy array for analysis.\n", + "- Perform averaging across epochs and over time.\n", + "\n", + "These steps are essential for preprocessing eye-tracking data and can be extended for more advanced analyses." + ] } ], "metadata": {