diff --git a/_modules/eitprocessing/datahandling/breath.html b/_modules/eitprocessing/datahandling/breath.html new file mode 100644 index 000000000..8c4e7c2b0 --- /dev/null +++ b/_modules/eitprocessing/datahandling/breath.html @@ -0,0 +1,100 @@ + + + + + + + eitprocessing.datahandling.breath — eitprocessing 0.0.0 documentation + + + + + + + + + + + +
+
+
+
+ +

Source code for eitprocessing.datahandling.breath

+from typing import NamedTuple
+
+
+
+[docs] +class Breath(NamedTuple): + """Represents a breath with a start, middle and end index.""" + +
+[docs] + start_time: float
+ +
+[docs] + middle_time: float
+ +
+[docs] + end_time: float
+
+ +
+ +
+
+
+
+ +
+
+ + + + \ No newline at end of file diff --git a/_modules/eitprocessing/datahandling/continuousdata.html b/_modules/eitprocessing/datahandling/continuousdata.html index bce6eda1a..ecbd66bea 100644 --- a/_modules/eitprocessing/datahandling/continuousdata.html +++ b/_modules/eitprocessing/datahandling/continuousdata.html @@ -169,7 +169,7 @@

Source code for eitprocessing.datahandling.continuousdata

[docs] def __add__(self: T, other: T) -> T: - return self.concatenate(self, other)
+ return self.concatenate(other)
@@ -183,7 +183,7 @@

Source code for eitprocessing.datahandling.continuousdata

raise ValueError(msg) cls = self.__class__ - newlabel = newlabel or f"Merge of <{self.label}> and <{other.label}>" + newlabel = newlabel or self.label return cls( name=self.name, @@ -250,7 +250,7 @@

Source code for eitprocessing.datahandling.continuousdata

""" if not len(attr): # default values are not allowed when using *attr, so set a default here if none is supplied - attr = ["values"] + attr = ("values",) for attr_ in attr: getattr(self, attr_).flags["WRITEABLE"] = False
@@ -280,7 +280,7 @@

Source code for eitprocessing.datahandling.continuousdata

""" if not len(attr): # default values are not allowed when using *attr, so set a default here if none is supplied - attr = ["values"] + attr = ("values",) for attr_ in attr: getattr(self, attr_).flags["WRITEABLE"] = True
diff --git a/_modules/eitprocessing/datahandling/datacollection.html b/_modules/eitprocessing/datahandling/datacollection.html index bd984cc50..404a4b239 100644 --- a/_modules/eitprocessing/datahandling/datacollection.html +++ b/_modules/eitprocessing/datahandling/datacollection.html @@ -42,6 +42,7 @@

Source code for eitprocessing.datahandling.datacollection

from eitprocessing.datahandling.continuousdata import ContinuousData from eitprocessing.datahandling.eitdata import EITData +from eitprocessing.datahandling.intervaldata import IntervalData from eitprocessing.datahandling.mixins.equality import Equivalence from eitprocessing.datahandling.mixins.slicing import HasTimeIndexer from eitprocessing.datahandling.sparsedata import SparseData @@ -49,9 +50,13 @@

Source code for eitprocessing.datahandling.datacollection

if TYPE_CHECKING: from typing_extensions import Self +
+[docs] +V_classes = (EITData, ContinuousData, SparseData, IntervalData)
+
[docs] -V = TypeVar("V", EITData, ContinuousData, SparseData)
+V = TypeVar("V", EITData, ContinuousData, SparseData, IntervalData)
@@ -80,7 +85,7 @@

Source code for eitprocessing.datahandling.datacollection

def __init__(self, data_type: type[V], *args, **kwargs): - if not any(issubclass(data_type, cls) for cls in V.__constraints__): + if not any(issubclass(data_type, cls) for cls in V_classes): msg = f"Type {data_type} not expected to be stored in a DataCollection." raise ValueError(msg) self.data_type = data_type @@ -166,7 +171,7 @@

Source code for eitprocessing.datahandling.datacollection

[docs] - def concatenate(self: Self[V], other: Self[V]) -> Self[V]: + def concatenate(self: Self, other: Self) -> Self: """Concatenate this collection with an equivalent collection. Each item of self of concatenated with the item of other with the same key. @@ -175,7 +180,7 @@

Source code for eitprocessing.datahandling.datacollection

concatenated = self.__class__(self.data_type) for key in self: - concatenated[key] = self[key].concatenate(other[key]) + concatenated.add(self[key].concatenate(other[key])) return concatenated
@@ -188,11 +193,31 @@

Source code for eitprocessing.datahandling.datacollection

end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False, - ) -> Self: + ) -> DataCollection: """Return a DataCollection containing sliced copies of the items.""" + if self.data_type is IntervalData: + return DataCollection( + self.data_type, + **{ + k: v.select_by_time( + start_time=start_time, + end_time=end_time, + ) + for k, v in self.items() + }, + ) + return DataCollection( self.data_type, - **{k: v.select_by_time(start_time, end_time, start_inclusive, end_inclusive) for k, v in self.items()}, + **{ + k: v.select_by_time( + start_time=start_time, + end_time=end_time, + start_inclusive=start_inclusive, + end_inclusive=end_inclusive, + ) + for k, v in self.items() + }, )
diff --git a/_modules/eitprocessing/datahandling/eitdata.html b/_modules/eitprocessing/datahandling/eitdata.html index adf15cc8b..53456ffc3 100644 --- a/_modules/eitprocessing/datahandling/eitdata.html +++ b/_modules/eitprocessing/datahandling/eitdata.html @@ -40,7 +40,7 @@

Source code for eitprocessing.datahandling.eitdata

from dataclasses import dataclass, field from enum import auto from pathlib import Path -from typing import TYPE_CHECKING, TypeVar +from typing import TypeVar import numpy as np from strenum import LowercaseStrEnum @@ -49,9 +49,6 @@

Source code for eitprocessing.datahandling.eitdata

from eitprocessing.datahandling.mixins.equality import Equivalence from eitprocessing.datahandling.mixins.slicing import SelectByTime -if TYPE_CHECKING: - from eitprocessing.datahandling.eitdata import Vendor -
[docs] T = TypeVar("T", bound="EITData")
@@ -80,7 +77,7 @@

Source code for eitprocessing.datahandling.eitdata

[docs] - path: Path | list[Path] = field(compare=False)
+ path: str | Path | list[Path | str] | list[Path] | list[str] = field(compare=False)
[docs] @@ -98,14 +95,6 @@

Source code for eitprocessing.datahandling.eitdata

[docs] vendor: Vendor = field(metadata={"check_equivalence": True})
-
-[docs] - phases: list = field(default_factory=list, repr=False)
- -
-[docs] - events: list = field(default_factory=list, repr=False)
-
[docs] label: str | None = field(default=None, compare=False, metadata={"check_equivalence": True})
@@ -124,13 +113,17 @@

Source code for eitprocessing.datahandling.eitdata

def __post_init__(self): if not self.label: self.label = f"{self.__class__.__name__}_{id(self)}" + if isinstance(self.path, str): + self.path = Path(self.path) + elif isinstance(self.path, list): + self.path = [Path(p) for p in self.path] self.name = self.name or self.label
@staticmethod
[docs] - def ensure_path_list(path: str | Path | list[str | Path]) -> list[Path]: + def ensure_path_list(path: str | Path | list[str | Path] | list[str] | list[Path]) -> list[Path]: """Return the path or paths as a list. The path of any EITData object can be a single str/Path or a list of str/Path objects. This method returns a @@ -144,7 +137,7 @@

Source code for eitprocessing.datahandling.eitdata

[docs] def __add__(self: T, other: T) -> T: - return self.concatenate(self, other)
+ return self.concatenate(other)
@@ -168,8 +161,6 @@

Source code for eitprocessing.datahandling.eitdata

nframes=self.nframes + other.nframes, time=np.concatenate((self.time, other.time)), pixel_impedance=np.concatenate((self.pixel_impedance, other.pixel_impedance), axis=0), - phases=self.phases + other.phases, - events=self.events + other.events, )
@@ -185,9 +176,6 @@

Source code for eitprocessing.datahandling.eitdata

time = self.time[start_index:end_index] nframes = len(time) - phases = list(filter(lambda p: start_index <= p.index < end_index, self.phases)) - events = list(filter(lambda e: start_index <= e.index < end_index, self.events)) - pixel_impedance = self.pixel_impedance[start_index:end_index, :, :] return cls( @@ -196,8 +184,6 @@

Source code for eitprocessing.datahandling.eitdata

vendor=self.vendor, time=time, framerate=self.framerate, - phases=phases, - events=events, label=self.label, # newlabel gives errors pixel_impedance=pixel_impedance, )
@@ -209,48 +195,9 @@

Source code for eitprocessing.datahandling.eitdata

return self.pixel_impedance.shape[0]
- @property -
-[docs] - def global_baseline(self) -> np.ndarray: - """Return the global baseline, i.e. the minimum pixel impedance across all pixels.""" - return np.nanmin(self.pixel_impedance)
- - - @property -
-[docs] - def pixel_impedance_global_offset(self) -> np.ndarray: - """Return the pixel impedance with the global baseline removed. - - In the resulting array the minimum impedance across all pixels is set to 0. - """ - return self.pixel_impedance - self.global_baseline
- - - @property -
-[docs] - def pixel_baseline(self) -> np.ndarray: - """Return the lowest value in each individual pixel over time.""" - return np.nanmin(self.pixel_impedance, axis=0)
- - - @property -
-[docs] - def pixel_impedance_individual_offset(self) -> np.ndarray: - """Return the pixel impedance with the baseline of each individual pixel removed. - - Each pixel in the resulting array has a minimum value of 0. - """ - return self.pixel_impedance - self.pixel_baseline
- - - @property -
-[docs] - def global_impedance(self) -> np.ndarray: +
+[docs] + def _calculate_global_impedance(self) -> np.ndarray: """Return the global impedance, i.e. the sum of all pixels at each frame.""" return np.nansum(self.pixel_impedance, axis=(1, 2))
diff --git a/_modules/eitprocessing/datahandling/event.html b/_modules/eitprocessing/datahandling/event.html index cdb751b53..cf48391d6 100644 --- a/_modules/eitprocessing/datahandling/event.html +++ b/_modules/eitprocessing/datahandling/event.html @@ -44,14 +44,6 @@

Source code for eitprocessing.datahandling.event

class Event: """Single time point event registered during an EIT measurement.""" -
-[docs] - index: int
- -
-[docs] - time: float
-
[docs] marker: int
diff --git a/_modules/eitprocessing/datahandling/intervaldata.html b/_modules/eitprocessing/datahandling/intervaldata.html new file mode 100644 index 000000000..ed2622e41 --- /dev/null +++ b/_modules/eitprocessing/datahandling/intervaldata.html @@ -0,0 +1,324 @@ + + + + + + + eitprocessing.datahandling.intervaldata — eitprocessing 0.0.0 documentation + + + + + + + + + + + +
+
+
+
+ +

Source code for eitprocessing.datahandling.intervaldata

+import copy
+import itertools
+from dataclasses import dataclass, field
+from typing import Any, NamedTuple, TypeVar
+
+import numpy as np
+from typing_extensions import Self
+
+from eitprocessing.datahandling.mixins.equality import Equivalence
+from eitprocessing.datahandling.mixins.slicing import HasTimeIndexer
+
+
+[docs] +T = TypeVar("T", bound="IntervalData")
+ + + +
+[docs] +class TimeRange(NamedTuple): + """A tuple containing the start time and end time of a time range.""" + +
+[docs] + start_time: float
+ +
+[docs] + end_time: float
+
+ + + +@dataclass(eq=False) +
+[docs] +class IntervalData(Equivalence, HasTimeIndexer): + """Container for interval data existing over a period of time. + + Interval data is data that constists for a given time interval. Examples are a ventilator setting (e.g. + end-expiratory pressure), the position of a patient, a maneuver (end-expiratory hold) being performed, detected + periods in the data, etc. + + Interval data consists of a number of time range-value pairs or time ranges without associated values. E.g. interval + data with the label "expiratory_breath_hold" only requires time ranges for when expiratory breath holds were + performed. Other interval data, e.g. "set_driving_pressure" do have associated values. + + Interval data can be selected by time through the `select_by_time(start_time, end_time)` method. Alternatively, + `t[start_time:end_time]` can be used. When the start or end time overlaps with a time range, the time range and its + associated value are included in the selection if `partial_inclusion` is `True`, but ignored if `partial_inclusion` + is `False`. If the time range is partially included, the start and end times are trimmed to the start and end time + of the selection. + + A potential use case where `partial_inclusion` should be set to `True` is "set_driving_pressure": you might want to + keep the driving pressure that was set before the start of the selectioon. A use case where `partial_inclusion` + should be set to `False` is "detected_breaths": you might want to ignore partial breaths that started before or + ended after the selected period. + + Note that when selecting by time, the end time is included in the selection. + + Args: + label: a computer-readable name + name: a human-readable name + unit: the unit associated with the data + category: the category of data + time_ranges: a list of time ranges (tuples containing a start time and end time) + values: an optional list of values with the same length as time_ranges + parameters: parameters used to derive the data + derived_from: list of data sets this data was derived from + description: extended human readible description of the data + partial_inclusion: whether to include a trimmed version of a time range when selecting data + """ + +
+[docs] + label: str
+ +
+[docs] + name: str
+ +
+[docs] + unit: str | None
+ +
+[docs] + category: str
+ +
+[docs] + time_ranges: list[TimeRange | tuple[float, float]]
+ +
+[docs] + values: list[Any] | None = None
+ +
+[docs] + parameters: dict[str, Any] = field(default_factory=dict)
+ +
+[docs] + derived_from: list[Any] = field(default_factory=list)
+ +
+[docs] + description: str = ""
+ +
+[docs] + partial_inclusion: bool = False
+ + +
+[docs] + def __post_init__(self) -> None: + self.time_ranges = [TimeRange._make(time_range) for time_range in self.time_ranges] + self._check_equivalence = ["unit", "category", "parameters", "partial_inclusion"]
+ + +
+[docs] + def __repr__(self) -> str: + return f"{self.__class__.__name__}('{self.label}')"
+ + +
+[docs] + def __len__(self) -> int: + return len(self.time_ranges)
+ + +
+[docs] + def select_by_time( # noqa: C901 + self, + start_time: float | None = None, + end_time: float | None = None, + partial_inclusion: bool | None = None, + newlabel: str | None = None, + ) -> Self: + """Return only period data that overlaps (partly) with start and end time. + + Other types of data (e.g. ContinuousData and SparseData) support the start_inclusive and end_inclusive + arguments. PeriodData does not. That means that selection by time of PeriodData probably works slightly + different than other types of selecting/slicing data. + """ + if partial_inclusion is None: + partial_inclusion = self.partial_inclusion + newlabel = newlabel or self.label + + if start_time is None: + start_time = self.time_ranges[0].start_time + if end_time is None: + end_time = self.time_ranges[-1].end_time + + def keep_starting_on_or_before_end(item: tuple[TimeRange, Any]) -> bool: + time_range, _ = item + return time_range.start_time <= end_time + + def keep_ending_on_or_after_start(item: tuple[TimeRange, Any]) -> bool: + time_range, _ = item + return time_range.end_time >= start_time + + def keep_fully_overlapping(item: tuple[TimeRange, Any]) -> bool: + time_range, _ = item + if time_range.start_time < start_time: + return False + if time_range.end_time > end_time: + return False + return True + + def replace_start_end_time(time_range: TimeRange) -> TimeRange: + start_time_ = max(time_range.start_time, start_time) + end_time_ = min(time_range.end_time, end_time) + return TimeRange(start_time_, end_time_) + + has_values = self.values is not None + iter_values = self.values or itertools.repeat(None) + + time_range_value_pairs: Any = zip(self.time_ranges, iter_values, strict=True) + time_range_value_pairs = filter(keep_starting_on_or_before_end, time_range_value_pairs) + time_range_value_pairs = list(filter(keep_ending_on_or_after_start, time_range_value_pairs)) + + if not partial_inclusion: + time_range_value_pairs = list(filter(keep_fully_overlapping, time_range_value_pairs)) + + if len(time_range_value_pairs): + time_ranges, values = zip(*time_range_value_pairs, strict=True) + time_ranges = list(map(replace_start_end_time, time_ranges)) + else: + time_ranges, values = [], [] + + return self.__class__( + label=newlabel, + name=self.name, + unit=self.unit, + category=self.category, + derived_from=[*self.derived_from, self], + time_ranges=list(time_ranges), + values=list(values) if has_values else None, + )
+ + +
+[docs] + def concatenate(self: T, other: T, newlabel: str | None = None) -> T: # noqa: D102, will be moved to mixin in future + self.isequivalent(other, raise_=True) + + # TODO: make proper copy functions + if not len(self): + return copy.deepcopy(other) + if not len(other): + return copy.deepcopy(self) + + if other.time_ranges[0].start_time < self.time_ranges[-1].end_time: + msg = f"{other} (b) starts before {self} (a) ends." + raise ValueError(msg) + + cls = type(self) + newlabel = newlabel or self.label + + if isinstance(self.values, list | tuple) and isinstance(other.values, list | tuple): + new_values = self.values + other.values + elif isinstance(self.values, np.ndarray) and isinstance(other.values, np.ndarray): + new_values = np.concatenate((self.values, other.values)) + elif self.values is None and other.values is None: + new_values = None + else: + msg = "self and other have different value types" + raise TypeError(msg) + + return cls( + label=newlabel, + name=self.name, + unit=self.unit, + category=self.category, + description=self.description, + derived_from=[*self.derived_from, *other.derived_from, self, other], + time_ranges=self.time_ranges + other.time_ranges, + values=new_values, + )
+
+ +
+ +
+
+
+
+ +
+
+ + + + \ No newline at end of file diff --git a/_modules/eitprocessing/datahandling/loading.html b/_modules/eitprocessing/datahandling/loading.html index 046633945..ebcf83197 100644 --- a/_modules/eitprocessing/datahandling/loading.html +++ b/_modules/eitprocessing/datahandling/loading.html @@ -106,21 +106,23 @@

Source code for eitprocessing.datahandling.loading

eit_datasets: list[DataCollection] = [] continuous_datasets: list[DataCollection] = [] sparse_datasets: list[DataCollection] = [] + interval_datasets: list[DataCollection] = [] for single_path in paths: single_path.resolve(strict=True) # raise error if any file does not exist for single_path in paths: - eit, continuous, sparse = load_func( + loaded_data = load_func( path=single_path, framerate=framerate, first_frame=first_frame, max_frames=max_frames, ) - eit_datasets.append(eit) - continuous_datasets.append(continuous) - sparse_datasets.append(sparse) + eit_datasets.append(loaded_data["eitdata_collection"]) + continuous_datasets.append(loaded_data["continuousdata_collection"]) + sparse_datasets.append(loaded_data["sparsedata_collection"]) + interval_datasets.append(loaded_data["intervaldata_collection"]) return Sequence( label=label, @@ -129,6 +131,7 @@

Source code for eitprocessing.datahandling.loading

eit_data=reduce(DataCollection.concatenate, eit_datasets), continuous_data=reduce(DataCollection.concatenate, continuous_datasets), sparse_data=reduce(DataCollection.concatenate, sparse_datasets), + interval_data=reduce(DataCollection.concatenate, interval_datasets), )
diff --git a/_modules/eitprocessing/datahandling/loading/binreader.html b/_modules/eitprocessing/datahandling/loading/binreader.html index c3e41ec69..eddff2ec3 100644 --- a/_modules/eitprocessing/datahandling/loading/binreader.html +++ b/_modules/eitprocessing/datahandling/loading/binreader.html @@ -39,6 +39,7 @@

Source code for eitprocessing.datahandling.loading.binreader

import io import struct from dataclasses import dataclass +from mmap import mmap from typing import Any, Literal, TypeVar import numpy as np @@ -67,7 +68,7 @@

Source code for eitprocessing.datahandling.loading.binreader

[docs] - file_handle: io.BufferedReader
+ file_handle: io.BufferedReader | mmap
[docs] diff --git a/_modules/eitprocessing/datahandling/loading/draeger.html b/_modules/eitprocessing/datahandling/loading/draeger.html index 1b6b232b0..76e02c787 100644 --- a/_modules/eitprocessing/datahandling/loading/draeger.html +++ b/_modules/eitprocessing/datahandling/loading/draeger.html @@ -50,9 +50,9 @@

Source code for eitprocessing.datahandling.loading.draeger

from eitprocessing.datahandling.datacollection import DataCollection from eitprocessing.datahandling.eitdata import EITData, Vendor from eitprocessing.datahandling.event import Event +from eitprocessing.datahandling.intervaldata import IntervalData from eitprocessing.datahandling.loading import load_eit_data from eitprocessing.datahandling.loading.binreader import BinReader -from eitprocessing.datahandling.phases import MaxValue, MinValue from eitprocessing.datahandling.sparsedata import SparseData if TYPE_CHECKING: @@ -81,7 +81,7 @@

Source code for eitprocessing.datahandling.loading.draeger

framerate: float | None = 20, first_frame: int = 0, max_frames: int | None = None, -) -> tuple[DataCollection, DataCollection, DataCollection]: +) -> dict[str, DataCollection]: """Load Dräger EIT data from path.""" file_size = path.stat().st_size if file_size % _FRAME_SIZE_BYTES: @@ -114,8 +114,8 @@

Source code for eitprocessing.datahandling.loading.draeger

pixel_impedance = np.zeros((n_frames, 32, 32)) time = np.zeros((n_frames,)) - events = [] - phases = [] + events: list = [] + phases: list = [] medibus_data = np.zeros((52, n_frames)) with path.open("br") as fo, mmap.mmap(fo.fileno(), length=0, access=mmap.ACCESS_READ) as fh: @@ -134,36 +134,86 @@

Source code for eitprocessing.datahandling.loading.draeger

events, phases, previous_marker, - first_frame, ) if not framerate: framerate = DRAEGER_FRAMERATE eit_data_collection = DataCollection(EITData) - eit_data_collection.add( - EITData( - vendor=Vendor.DRAEGER, - path=path, - framerate=framerate, - nframes=n_frames, - time=time, - phases=phases, - events=events, - label="raw", - pixel_impedance=pixel_impedance, - ), + eit_data = EITData( + vendor=Vendor.DRAEGER, + path=path, + framerate=framerate, + nframes=n_frames, + time=time, + label="raw", + pixel_impedance=pixel_impedance, ) + eit_data_collection.add(eit_data) + ( continuous_data_collection, - sparse_data_collections, + sparse_data_collection, ) = _convert_medibus_data(medibus_data, time) + interval_data_collection = DataCollection(IntervalData) + # TODO: move some medibus data to sparse / interval + # TODO: move phases and events to sparse / interval + + continuous_data_collection.add( + ContinuousData( + label="global_impedance_(raw)", + name="Global impedance (raw)", + unit="a.u.", + category="impedance", + derived_from=[eit_data_collection["raw"]], + time=eit_data_collection["raw"].time, + values=eit_data_collection["raw"]._calculate_global_impedance(), # noqa: SLF001 + ), + ) + sparse_data_collection.add( + SparseData( + label="minvalues_(draeger)", + name="Minimum values detected by Draeger device.", + unit=None, + category="minvalue", + derived_from=[eit_data], + time=np.array([t for t, d in phases if d == -1]), + ), + ) + sparse_data_collection.add( + SparseData( + label="maxvalues_(draeger)", + name="Maximum values detected by Draeger device.", + unit=None, + category="maxvalue", + derived_from=[eit_data], + time=np.array([t for t, d in phases if d == 1]), + ), + ) + if len(events): + time_, events_ = zip(*events, strict=True) + time = np.array(time_) + events = list(events_) + else: + time, events = np.array([]), [] + sparse_data_collection.add( + SparseData( + label="events_(draeger)", + name="Events loaded from Draeger data", + unit=None, + category="event", + derived_from=[eit_data], + time=time, + values=events, + ), + ) - return ( - eit_data_collection, - continuous_data_collection, - sparse_data_collections, - )
+ return { + "eitdata_collection": eit_data_collection, + "continuousdata_collection": continuous_data_collection, + "sparsedata_collection": sparse_data_collection, + "intervaldata_collection": interval_data_collection, + }
@@ -209,7 +259,6 @@

Source code for eitprocessing.datahandling.loading.draeger

events: list, phases: list, previous_marker: int | None, - first_frame: int = 0, ) -> int: """Read frame by frame data from DRAEGER files. @@ -241,14 +290,12 @@

Source code for eitprocessing.datahandling.loading.draeger

# Therefore, check whether the event marker has changed with # respect to the most recent event. If so, create a new event. if (previous_marker is not None) and (event_marker > previous_marker): - events.append(Event(index + first_frame, frame_time, event_marker, event_text)) + events.append((frame_time, Event(event_marker, event_text))) if timing_error: warnings.warn("A timing error was encountered during loading.") # TODO: expand on what timing errors are in some documentation. - if min_max_flag == 1: - phases.append(MaxValue(index + first_frame, frame_time)) - elif min_max_flag == -1: - phases.append(MinValue(index + first_frame, frame_time)) + if min_max_flag in (1, -1): + phases.append((frame_time, min_max_flag)) return event_marker
diff --git a/_modules/eitprocessing/datahandling/loading/sentec.html b/_modules/eitprocessing/datahandling/loading/sentec.html index f27b58c67..adb8d8a32 100644 --- a/_modules/eitprocessing/datahandling/loading/sentec.html +++ b/_modules/eitprocessing/datahandling/loading/sentec.html @@ -77,14 +77,14 @@

Source code for eitprocessing.datahandling.loading.sentec

framerate: float | None = 50.2, first_frame: int = 0, max_frames: int | None = None, -) -> DataCollection | tuple[DataCollection, DataCollection, DataCollection]: +) -> dict[str, DataCollection]: """Load Sentec EIT data from path.""" with path.open("br") as fo, mmap.mmap(fo.fileno(), length=0, access=mmap.ACCESS_READ) as fh: file_length = os.fstat(fo.fileno()).st_size reader = BinReader(fh, endian="little") version = reader.uint8() - time = [] + time: list[float] = [] max_n_images = int(file_length / 32 / 32 / 4) image = np.full(shape=(max_n_images, 32, 32), fill_value=np.nan) index = 0 @@ -168,14 +168,18 @@

Source code for eitprocessing.datahandling.loading.sentec

), ) - return eit_data_collection, DataCollection(ContinuousData), DataCollection(SparseData)
+ return { + "eitdata_collection": eit_data_collection, + "continuousdata_collection": DataCollection(ContinuousData), + "sparsedata_collection": DataCollection(SparseData), + }
[docs] def _read_frame( - fh: BinaryIO, + fh: BinaryIO | mmap.mmap, version: int, index: int, payload_size: int, diff --git a/_modules/eitprocessing/datahandling/loading/timpel.html b/_modules/eitprocessing/datahandling/loading/timpel.html index f6167bd2d..bf1ba545f 100644 --- a/_modules/eitprocessing/datahandling/loading/timpel.html +++ b/_modules/eitprocessing/datahandling/loading/timpel.html @@ -44,11 +44,12 @@

Source code for eitprocessing.datahandling.loading.timpel

import numpy as np +from eitprocessing.datahandling.breath import Breath from eitprocessing.datahandling.continuousdata import ContinuousData from eitprocessing.datahandling.datacollection import DataCollection from eitprocessing.datahandling.eitdata import EITData, Vendor +from eitprocessing.datahandling.intervaldata import IntervalData from eitprocessing.datahandling.loading import load_eit_data -from eitprocessing.datahandling.phases import MaxValue, MinValue, QRSMark from eitprocessing.datahandling.sparsedata import SparseData if TYPE_CHECKING: @@ -85,7 +86,7 @@

Source code for eitprocessing.datahandling.loading.timpel

framerate: float | None = 20, first_frame: int = 0, max_frames: int | None = None, -) -> DataCollection | tuple[DataCollection, DataCollection, DataCollection]: +) -> dict[str, DataCollection]: """Load Timpel EIT data from path.""" if not framerate: framerate = TIMPEL_FRAMERATE @@ -141,11 +142,34 @@

Source code for eitprocessing.datahandling.loading.timpel

pixel_impedance = np.where(pixel_impedance == _NAN_VALUE, np.nan, pixel_impedance) + eit_data = EITData( + vendor=Vendor.TIMPEL, + label="raw", + path=path, + nframes=nframes, + time=time, + framerate=framerate, + pixel_impedance=pixel_impedance, + ) + eitdata_collection = DataCollection(EITData) + eitdata_collection.add(eit_data) + # extract waveform data # TODO: properly export waveform data - continuous_data_collection = DataCollection(ContinuousData) - continuous_data_collection.add( + continuousdata_collection = DataCollection(ContinuousData) + continuousdata_collection.add( + ContinuousData( + "global_impedance_(raw)", + "Global impedance", + "a.u.", + "global_impedance", + "Global impedance calculated from raw EIT data", + time=time, + values=eit_data._calculate_global_impedance(), # noqa: SLF001 + ), + ) + continuousdata_collection.add( ContinuousData( label="airway_pressure_(timpel)", name="Airway pressure", @@ -157,7 +181,7 @@

Source code for eitprocessing.datahandling.loading.timpel

), ) - continuous_data_collection.add( + continuousdata_collection.add( ContinuousData( label="flow_(timpel)", name="Flow", @@ -169,7 +193,7 @@

Source code for eitprocessing.datahandling.loading.timpel

), ) - continuous_data_collection.add( + continuousdata_collection.add( ContinuousData( label="volume_(timpel)", name="Volume", @@ -181,34 +205,133 @@

Source code for eitprocessing.datahandling.loading.timpel

), ) - # extract breath start, breath end and QRS marks - phases = [] - for index in np.flatnonzero(data[:, 1027] == 1): - phases.append(MinValue(index + first_frame, time[int(index)])) # noqa: PERF401 - - for index in np.flatnonzero(data[:, 1028] == 1): - phases.append(MaxValue(index + first_frame, time[int(index)])) # noqa: PERF401 + # extract sparse data + sparsedata_collection = DataCollection(SparseData) + + min_indices = np.nonzero(data[:, 1027] == 1)[0] + sparsedata_collection.add( + SparseData( + label="minvalues_(timpel)", + name="Minimum values detected by Timpel device.", + unit=None, + category="minvalue", + derived_from=[eit_data], + time=time[min_indices], + ), + ) - for index in np.flatnonzero(data[:, 1029] == 1): - phases.append(QRSMark(index + first_frame, time[int(index)])) # noqa: PERF401 + max_indices = np.nonzero(data[:, 1028] == 1)[0] + sparsedata_collection.add( + SparseData( + label="maxvalues_(timpel)", + name="Maximum values detected by Timpel device.", + unit=None, + category="maxvalue", + derived_from=[eit_data], + time=time[max_indices], + ), + ) - phases.sort(key=lambda x: x.index) + gi = continuousdata_collection["global_impedance_(raw)"].values + + time_ranges, breaths = _make_breaths(time, min_indices, max_indices, gi) + intervaldata_collection = DataCollection(IntervalData) + intervaldata_collection.add( + IntervalData( + label="breaths_(timpel)", + name="Breaths (Timpel)", + unit=None, + category="breaths", + time_ranges=time_ranges, + values=breaths, + partial_inclusion=False, + ), + ) - eit_data_collection = DataCollection(EITData) - eit_data_collection.add( - EITData( - vendor=Vendor.TIMPEL, - label="raw", - path=path, - nframes=nframes, - time=time, - framerate=framerate, - phases=phases, - pixel_impedance=pixel_impedance, + qrs_indices = np.nonzero(data[:, 1029] == 1)[0] + sparsedata_collection.add( + SparseData( + label="qrscomplexes_(timpel)", + name="QRS complexes detected by Timpel device", + unit=None, + category="qrs_complex", + derived_from=[eit_data], + time=time[qrs_indices], ), ) - return eit_data_collection, continuous_data_collection, DataCollection(SparseData)
+ return { + "eitdata_collection": eitdata_collection, + "continuousdata_collection": continuousdata_collection, + "sparsedata_collection": sparsedata_collection, + "intervaldata_collection": intervaldata_collection, + }
+ + + +
+[docs] +def _make_breaths( + time: np.ndarray, + min_indices: np.ndarray, + max_indices: np.ndarray, + gi: np.ndarray, +) -> tuple[list[tuple[float, float]], list[Breath]]: + # TODO: replace section with BreathDetection._remove_doubles() and BreathDetection._remove_edge_cases() from + # 41_breath_detection_psomhorst; this code was directly copied from b59ac54 + + if len(min_indices) < 2 or len(max_indices) < 1: # noqa: PLR2004 + return [], [] + + valley_indices = min_indices.copy() + peak_indices = max_indices.copy() + + keep_peaks = peak_indices > valley_indices[0] + peak_indices = peak_indices[keep_peaks] + + keep_peaks = peak_indices < valley_indices[-1] + peak_indices = peak_indices[keep_peaks] + + valley_values = gi[min_indices] + peak_values = gi[max_indices] + + current_valley_index = 0 + while current_valley_index < len(valley_indices) - 1: + start_index = valley_indices[current_valley_index] + end_index = valley_indices[current_valley_index + 1] + peaks_between_valleys = np.argwhere( + (peak_indices > start_index) & (peak_indices < end_index), + ) + if not len(peaks_between_valleys): + # no peak between valleys, remove highest valley + delete_valley_index = ( + current_valley_index + if valley_values[current_valley_index] > valley_values[current_valley_index + 1] + else current_valley_index + 1 + ) + valley_indices = np.delete(valley_indices, delete_valley_index) + valley_values = np.delete(valley_values, delete_valley_index) + continue + + if len(peaks_between_valleys) > 1: + # multiple peaks between valleys, remove lowest peak + delete_peak_index = ( + peaks_between_valleys[0] + if peak_values[peaks_between_valleys[0]] < peak_values[peaks_between_valleys[1]] + else peaks_between_valleys[1] + ) + peak_indices = np.delete(peak_indices, delete_peak_index) + peak_values = np.delete(peak_values, delete_peak_index) + continue + + current_valley_index += 1 + + breaths = [] + for start, end, middle in zip(valley_indices[:-1], valley_indices[1:], peak_indices, strict=True): + breaths.append(((time[start], time[end]), Breath(time[start], time[middle], time[end]))) + + time_ranges, values = zip(*breaths, strict=True) + return list(time_ranges), list(values)
diff --git a/_modules/eitprocessing/datahandling/mixins/equality.html b/_modules/eitprocessing/datahandling/mixins/equality.html index e7be563a7..bd9c8d0f9 100644 --- a/_modules/eitprocessing/datahandling/mixins/equality.html +++ b/_modules/eitprocessing/datahandling/mixins/equality.html @@ -48,13 +48,13 @@

Source code for eitprocessing.datahandling.mixins.equality

-[docs] +[docs] class Equivalence: """Mixin class that adds an equality and equivalence check.""" # inspired by: https://stackoverflow.com/a/51743960/5170442
-[docs] +[docs] def __eq__(self, other: object) -> bool: if self is other: return True @@ -62,24 +62,51 @@

Source code for eitprocessing.datahandling.mixins.equality

if type(self) is not type(other): return False - if is_dataclass(self): - field_names = {field.name for field in fields(self)} - if set(vars(self).keys()) != field_names or set(vars(other).keys()) != field_names: - return False + if is_dataclass(self) and isinstance(self, Equivalence): + return self._eq_dataclass(other) - compare_fields = filter(lambda x: x.compare, fields(self)) - - return all( - Equivalence._array_safe_eq(getattr(self, field.name), getattr(other, field.name)) - for field in compare_fields - ) + if isinstance(self, UserDict): + return self._eq_userdict(other) return Equivalence._array_safe_eq(self, other)
+
+[docs] + def _eq_dataclass(self, other: object) -> bool: + """Compare two dataclasses for equality.""" + if not is_dataclass(self) or not is_dataclass(other): + msg = "self or other is not a Dataclass" + raise TypeError(msg) + + field_names = {field.name for field in fields(self)} + if set(vars(self).keys()) != field_names or set(vars(other).keys()) != field_names: + return False + + compare_fields = filter(lambda x: x.compare, fields(self)) + + return all( + Equivalence._array_safe_eq(getattr(self, field.name), getattr(other, field.name)) + for field in compare_fields + )
+ + +
+[docs] + def _eq_userdict(self, other: object) -> bool: + """Compare two userdicts for equality.""" + if not isinstance(self, UserDict) or not isinstance(other, UserDict): + msg = "self or other is not a Userdict" + raise TypeError(msg) + + if set(self.keys()) != set(other.keys()): + return False + return all(Equivalence.__eq__(self[key], other[key]) for key in set(self.keys()))
+ + @staticmethod
-[docs] +[docs] def _array_safe_eq(a: Any, b: Any) -> bool: # noqa: ANN401, PLR0911 """Check if a and b are equal, even if they are numpy arrays containing nans.""" if not isinstance(b, type(a)) and not isinstance(a, type(b)): @@ -109,7 +136,7 @@

Source code for eitprocessing.datahandling.mixins.equality

-[docs] +[docs] def isequivalent(self, other: Self, raise_: bool = False) -> bool: # noqa: C901, PLR0912 """Test whether the data structure between two objects are equivalent. diff --git a/_modules/eitprocessing/datahandling/mixins/slicing.html b/_modules/eitprocessing/datahandling/mixins/slicing.html index 34b594083..9a6148bcb 100644 --- a/_modules/eitprocessing/datahandling/mixins/slicing.html +++ b/_modules/eitprocessing/datahandling/mixins/slicing.html @@ -38,10 +38,11 @@

Source code for eitprocessing.datahandling.mixins.slicing

from __future__ import annotations import bisect +import copy import warnings from abc import ABC, abstractmethod from dataclasses import dataclass -from typing import TYPE_CHECKING +from typing import TYPE_CHECKING, Any import numpy as np @@ -101,13 +102,19 @@

Source code for eitprocessing.datahandling.mixins.slicing

warnings.warn("No starting or end timepoint was selected.") return self - start = start or 0 - end = end or len(self) - newlabel = newlabel or f"Slice ({start}-{end}] of <{self.label}>" + start = start if isinstance(start, int) else 0 + end = end if isinstance(end, int) else len(self) + newlabel = newlabel or self.label return self._sliced_copy(start_index=start, end_index=end, newlabel=newlabel)
+ @abstractmethod +
+[docs] + def __len__(self): ...
+ + @abstractmethod
[docs] @@ -148,17 +155,23 @@

Source code for eitprocessing.datahandling.mixins.slicing

``` """ return TimeIndexer(self)
+ + + @abstractmethod +
+[docs] + def select_by_time(self, *args, **kwargs) -> Self: ... # noqa: D102
-[docs] +[docs] class SelectByTime(SelectByIndex, HasTimeIndexer): """Adds methods for slicing by time rather than index."""
-[docs] +[docs] def select_by_time( # noqa: D417 self, start_time: float | None = None, @@ -190,10 +203,14 @@

Source code for eitprocessing.datahandling.mixins.slicing

Returns: Slice of self. """ - if "time" not in vars(self): + if not hasattr(self, "time"): msg = f"Object {self} has no time axis." raise TypeError(msg) + if len(self.time) == 0: + # TODO: make proper new instances when not slicing + return copy.deepcopy(self) + if start_time is None and end_time is None: warnings.warn("No starting or end timepoint was selected.") return self @@ -219,7 +236,7 @@

Source code for eitprocessing.datahandling.mixins.slicing

return self.select_by_index( start=start_index, end=end_index, - label=label, + newlabel=label, )
@@ -243,7 +260,7 @@

Source code for eitprocessing.datahandling.mixins.slicing

[docs] - obj: SelectByTime
+ obj: HasTimeIndexer
diff --git a/_modules/eitprocessing/datahandling/phases.html b/_modules/eitprocessing/datahandling/phases.html index 2f2d07d82..d55dec165 100644 --- a/_modules/eitprocessing/datahandling/phases.html +++ b/_modules/eitprocessing/datahandling/phases.html @@ -40,16 +40,16 @@

Source code for eitprocessing.datahandling.phases

@dataclass
-[docs] +[docs] class PhaseIndicator: """Parent class for phase indications."""
-[docs] +[docs] index: int
-[docs] +[docs] time: float
@@ -57,7 +57,7 @@

Source code for eitprocessing.datahandling.phases

@dataclass
-[docs] +[docs] class MinValue(PhaseIndicator): """Automatically registered local minimum of an EIT measurement."""
@@ -65,7 +65,7 @@

Source code for eitprocessing.datahandling.phases

@dataclass
-[docs] +[docs] class MaxValue(PhaseIndicator): """Automatically registered local maximum of an EIT measurement."""
@@ -73,7 +73,7 @@

Source code for eitprocessing.datahandling.phases

@dataclass
-[docs] +[docs] class QRSMark(PhaseIndicator): """Automatically registered QRS mark an EIT measurement from a Timpel device."""
diff --git a/_modules/eitprocessing/datahandling/sequence.html b/_modules/eitprocessing/datahandling/sequence.html index c06dc01fd..b015286c3 100644 --- a/_modules/eitprocessing/datahandling/sequence.html +++ b/_modules/eitprocessing/datahandling/sequence.html @@ -43,6 +43,7 @@

Source code for eitprocessing.datahandling.sequence

from eitprocessing.datahandling.continuousdata import ContinuousData from eitprocessing.datahandling.datacollection import DataCollection from eitprocessing.datahandling.eitdata import EITData +from eitprocessing.datahandling.intervaldata import IntervalData from eitprocessing.datahandling.mixins.equality import Equivalence from eitprocessing.datahandling.mixins.slicing import HasTimeIndexer, SelectByTime from eitprocessing.datahandling.sparsedata import SparseData @@ -101,6 +102,10 @@

Source code for eitprocessing.datahandling.sequence

[docs] sparse_data: DataCollection = field(default_factory=lambda: DataCollection(SparseData), repr=False)
+
+[docs] + interval_data: DataCollection = field(default_factory=lambda: DataCollection(IntervalData), repr=False)
+
[docs] @@ -118,7 +123,7 @@

Source code for eitprocessing.datahandling.sequence

if len(self.eit_data): return self.eit_data["raw"].time if len(self.continuous_data): - return next(self.continuous_data.values()) + return next(iter(self.continuous_data.values())) msg = "Sequence has no timed data" raise AttributeError(msg)
@@ -151,14 +156,16 @@

Source code for eitprocessing.datahandling.sequence

concat_eit = a.eit_data.concatenate(b.eit_data) concat_continuous = a.continuous_data.concatenate(b.continuous_data) concat_sparse = a.sparse_data.concatenate(b.sparse_data) + concat_interval = a.interval_data.concatenate(b.interval_data) - newlabel = newlabel or f"Merge of <{a.label}> and <{b.label}>" + newlabel = newlabel or a.label # TODO: add concatenation of other attached objects return a.__class__( eit_data=concat_eit, continuous_data=concat_continuous, sparse_data=concat_sparse, + interval_data=concat_interval, label=newlabel, )
@@ -181,7 +188,11 @@

Source code for eitprocessing.datahandling.sequence

sliced_sparse = DataCollection(SparseData) for value in self.sparse_data.values(): - sliced_sparse.add(value.t[time[0], time[-1]]) + sliced_sparse.add(value.t[time[0] : time[-1]]) + + sliced_interval = DataCollection(IntervalData) + for value in self.interval_data.values(): + sliced_interval.add(value.t[time[0] : time[-1]]) return self.__class__( label=self.label, # newlabel gives errors @@ -190,6 +201,7 @@

Source code for eitprocessing.datahandling.sequence

eit_data=sliced_eit, continuous_data=sliced_continuous, sparse_data=sliced_sparse, + interval_data=sliced_interval, )
@@ -203,7 +215,7 @@

Source code for eitprocessing.datahandling.sequence

end_inclusive: bool = False, label: str | None = None, name: str | None = None, - description: str | None = "", + description: str = "", ) -> Self: """Return a sliced version of the Sequence. diff --git a/_modules/eitprocessing/datahandling/sparsedata.html b/_modules/eitprocessing/datahandling/sparsedata.html index b19452df8..d3fefddca 100644 --- a/_modules/eitprocessing/datahandling/sparsedata.html +++ b/_modules/eitprocessing/datahandling/sparsedata.html @@ -35,10 +35,171 @@

Navigation

Source code for eitprocessing.datahandling.sparsedata

+import copy
+from dataclasses import dataclass, field
+from typing import Any, TypeVar
+
+import numpy as np
+from typing_extensions import Self
+
+from eitprocessing.datahandling.mixins.equality import Equivalence
+from eitprocessing.datahandling.mixins.slicing import SelectByTime
+
+
+[docs] +T = TypeVar("T", bound="SparseData")
+ + + +@dataclass(eq=False)
[docs] -class SparseData: - """SparseData."""
+class SparseData(Equivalence, SelectByTime): + """Container for data occuring at unpredictable time points. + + In sparse data the time points are not necessarily evenly spaced. Data can consist time-value pairs or only time + points. Values generally are numeric values in arrays, but can also be lists of different types of object. + + Sparse data differs from IntervalData in that each data points is associated with a single time point rather than a + time range. + + Examples are data points at end of inspiration/end of expiration (e.g. tidal volume, end-expiratoy lung impedance) + or detected time points (e.g. QRS complexes). + + + + Args: + label: Computer readable name. + name: Human readable name. + unit: Unit of the data, if applicable. + category: Category the data falls into, e.g. 'airway pressure'. + description: Human readible extended description of the data. + parameters: Parameters used to derive the data. + derived_from: Traceback of intermediates from which the current data was derived. + values: List or array of values. These van be numeric data, text or Python objects. + """ + +
+[docs] + label: str
+ +
+[docs] + name: str
+ +
+[docs] + unit: str | None
+ +
+[docs] + category: str
+ +
+[docs] + time: np.ndarray
+ +
+[docs] + description: str = ""
+ +
+[docs] + parameters: dict[str, Any] = field(default_factory=dict)
+ +
+[docs] + derived_from: list[Any] = field(default_factory=list)
+ +
+[docs] + values: Any | None = None
+ + +
+[docs] + def __post_init__(self) -> None: + self._check_equivalence = ["unit", "category", "parameters"]
+ + +
+[docs] + def __repr__(self) -> str: + return f"{self.__class__.__name__}('{self.label}')"
+ + +
+[docs] + def __len__(self) -> int: + return len(self.time)
+ + +
+[docs] + def _sliced_copy( + self, + start_index: int, + end_index: int, + newlabel: str, + ) -> Self: + # TODO: check correct implementation + cls = self.__class__ + time = self.time[start_index:end_index] + values = self.values[start_index:end_index] if self.values is not None else None + description = f"Slice ({start_index}-{end_index}) of <{self.description}>" + + return cls( + label=newlabel, + name=self.name, + unit=self.unit, + category=self.category, + description=description, + derived_from=[*self.derived_from, self], + time=time, + values=values, + )
+ + +
+[docs] + def concatenate(self: T, other: T, newlabel: str | None = None) -> T: # noqa: D102, will be moved to mixin in future + self.isequivalent(other, raise_=True) + + # TODO: make proper copy functions + if not len(self): + return copy.deepcopy(other) + if not len(other): + return copy.deepcopy(self) + + if np.min(other.time) <= np.max(self.time): + msg = f"{other} (b) starts before {self} (a) ends." + raise ValueError(msg) + + cls = type(self) + newlabel = newlabel or self.label + + new_values: Any + if isinstance(self.values, list) and isinstance(other.values, list): + new_values = self.values + other.values + elif isinstance(self.values, np.ndarray) and isinstance(other.values, np.ndarray): + new_values = np.concatenate((self.values, other.values)) + elif self.values is None and other.values is None: + new_values = None + else: + msg = "Value types of self and other do not match." + raise TypeError(msg) + + return cls( + label=newlabel, + name=self.name, + unit=self.unit, + category=self.category, + description=self.description, + derived_from=[*self.derived_from, *other.derived_from, self, other], + time=np.concatenate((self.time, other.time)), + values=new_values, + )
+
diff --git a/_modules/index.html b/_modules/index.html index aff21d3b1..293a8ca1b 100644 --- a/_modules/index.html +++ b/_modules/index.html @@ -34,10 +34,12 @@

Navigation

All modules for which code is available

-
  • eitprocessing.datahandling.continuousdata
  • +
    • eitprocessing.datahandling.breath
    • +
    • eitprocessing.datahandling.continuousdata
    • eitprocessing.datahandling.datacollection
    • eitprocessing.datahandling.eitdata
    • eitprocessing.datahandling.event
    • +
    • eitprocessing.datahandling.intervaldata
    • eitprocessing.datahandling.loading
      • eitprocessing.datahandling.loading.binreader
      • eitprocessing.datahandling.loading.draeger
      • diff --git a/_sources/autoapi/eitprocessing/datahandling/breath/index.rst.txt b/_sources/autoapi/eitprocessing/datahandling/breath/index.rst.txt new file mode 100644 index 000000000..c2bd14b57 --- /dev/null +++ b/_sources/autoapi/eitprocessing/datahandling/breath/index.rst.txt @@ -0,0 +1,37 @@ +eitprocessing.datahandling.breath +================================= + +.. py:module:: eitprocessing.datahandling.breath + + +Classes +------- + +.. autoapisummary:: + + eitprocessing.datahandling.breath.Breath + + +Module Contents +--------------- + +.. py:class:: Breath + + Bases: :py:obj:`NamedTuple` + + + Represents a breath with a start, middle and end index. + + + .. py:attribute:: start_time + :type: float + + + .. py:attribute:: middle_time + :type: float + + + .. py:attribute:: end_time + :type: float + + diff --git a/_sources/autoapi/eitprocessing/datahandling/continuousdata/index.rst.txt b/_sources/autoapi/eitprocessing/datahandling/continuousdata/index.rst.txt index 7a08faf73..ddeefdc26 100644 --- a/_sources/autoapi/eitprocessing/datahandling/continuousdata/index.rst.txt +++ b/_sources/autoapi/eitprocessing/datahandling/continuousdata/index.rst.txt @@ -36,6 +36,18 @@ Module Contents + .. py:method:: _eq_dataclass(other: object) -> bool + + Compare two dataclasses for equality. + + + + .. py:method:: _eq_userdict(other: object) -> bool + + Compare two userdicts for equality. + + + .. py:method:: _array_safe_eq(a: Any, b: Any) -> bool :staticmethod: diff --git a/_sources/autoapi/eitprocessing/datahandling/datacollection/index.rst.txt b/_sources/autoapi/eitprocessing/datahandling/datacollection/index.rst.txt index 603affbd9..817138714 100644 --- a/_sources/autoapi/eitprocessing/datahandling/datacollection/index.rst.txt +++ b/_sources/autoapi/eitprocessing/datahandling/datacollection/index.rst.txt @@ -9,6 +9,7 @@ Attributes .. autoapisummary:: + eitprocessing.datahandling.datacollection.V_classes eitprocessing.datahandling.datacollection.V @@ -19,6 +20,7 @@ Classes eitprocessing.datahandling.datacollection.ContinuousData eitprocessing.datahandling.datacollection.EITData + eitprocessing.datahandling.datacollection.IntervalData eitprocessing.datahandling.datacollection.Equivalence eitprocessing.datahandling.datacollection.HasTimeIndexer eitprocessing.datahandling.datacollection.SparseData @@ -223,7 +225,7 @@ Module Contents .. py:attribute:: path - :type: pathlib.Path | list[pathlib.Path] + :type: str | pathlib.Path | list[pathlib.Path | str] | list[pathlib.Path] | list[str] .. py:attribute:: nframes @@ -242,14 +244,6 @@ Module Contents :type: Vendor - .. py:attribute:: phases - :type: list - - - .. py:attribute:: events - :type: list - - .. py:attribute:: label :type: str | None @@ -265,7 +259,7 @@ Module Contents .. py:method:: __post_init__() - .. py:method:: ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path]) -> list[pathlib.Path] + .. py:method:: ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path] | list[str] | list[pathlib.Path]) -> list[pathlib.Path] :staticmethod: @@ -294,38 +288,121 @@ Module Contents .. py:method:: __len__() - .. py:property:: global_baseline - :type: numpy.ndarray + .. py:method:: _calculate_global_impedance() -> numpy.ndarray - Return the global baseline, i.e. the minimum pixel impedance across all pixels. + Return the global impedance, i.e. the sum of all pixels at each frame. - .. py:property:: pixel_impedance_global_offset - :type: numpy.ndarray - Return the pixel impedance with the global baseline removed. +.. py:class:: IntervalData - In the resulting array the minimum impedance across all pixels is set to 0. + Bases: :py:obj:`eitprocessing.datahandling.mixins.equality.Equivalence`, :py:obj:`eitprocessing.datahandling.mixins.slicing.HasTimeIndexer` - .. py:property:: pixel_baseline - :type: numpy.ndarray + Container for interval data existing over a period of time. - Return the lowest value in each individual pixel over time. + Interval data is data that constists for a given time interval. Examples are a ventilator setting (e.g. + end-expiratory pressure), the position of a patient, a maneuver (end-expiratory hold) being performed, detected + periods in the data, etc. + Interval data consists of a number of time range-value pairs or time ranges without associated values. E.g. interval + data with the label "expiratory_breath_hold" only requires time ranges for when expiratory breath holds were + performed. Other interval data, e.g. "set_driving_pressure" do have associated values. - .. py:property:: pixel_impedance_individual_offset - :type: numpy.ndarray + Interval data can be selected by time through the `select_by_time(start_time, end_time)` method. Alternatively, + `t[start_time:end_time]` can be used. When the start or end time overlaps with a time range, the time range and its + associated value are included in the selection if `partial_inclusion` is `True`, but ignored if `partial_inclusion` + is `False`. If the time range is partially included, the start and end times are trimmed to the start and end time + of the selection. - Return the pixel impedance with the baseline of each individual pixel removed. + A potential use case where `partial_inclusion` should be set to `True` is "set_driving_pressure": you might want to + keep the driving pressure that was set before the start of the selectioon. A use case where `partial_inclusion` + should be set to `False` is "detected_breaths": you might want to ignore partial breaths that started before or + ended after the selected period. - Each pixel in the resulting array has a minimum value of 0. + Note that when selecting by time, the end time is included in the selection. + :param label: a computer-readable name + :param name: a human-readable name + :param unit: the unit associated with the data + :param category: the category of data + :param time_ranges: a list of time ranges (tuples containing a start time and end time) + :param values: an optional list of values with the same length as time_ranges + :param parameters: parameters used to derive the data + :param derived_from: list of data sets this data was derived from + :param description: extended human readible description of the data + :param partial_inclusion: whether to include a trimmed version of a time range when selecting data - .. py:property:: global_impedance - :type: numpy.ndarray - Return the global impedance, i.e. the sum of all pixels at each frame. + .. py:attribute:: label + :type: str + + + .. py:attribute:: name + :type: str + + + .. py:attribute:: unit + :type: str | None + + + .. py:attribute:: category + :type: str + + + .. py:attribute:: time_ranges + :type: list[TimeRange | tuple[float, float]] + + + .. py:attribute:: values + :type: list[Any] | None + :value: None + + + + .. py:attribute:: parameters + :type: dict[str, Any] + + + .. py:attribute:: derived_from + :type: list[Any] + + + .. py:attribute:: description + :type: str + :value: '' + + + + .. py:attribute:: partial_inclusion + :type: bool + :value: False + + + + .. py:method:: __post_init__() -> None + + + .. py:method:: __repr__() -> str + + Return repr(self). + + + + .. py:method:: __len__() -> int + + + .. py:method:: select_by_time(start_time: float | None = None, end_time: float | None = None, partial_inclusion: bool | None = None, newlabel: str | None = None) -> typing_extensions.Self + + Return only period data that overlaps (partly) with start and end time. + + Other types of data (e.g. ContinuousData and SparseData) support the start_inclusive and end_inclusive + arguments. PeriodData does not. That means that selection by time of PeriodData probably works slightly + different than other types of selecting/slicing data. + + + + .. py:method:: concatenate(other: T, newlabel: str | None = None) -> T .. py:class:: Equivalence @@ -339,6 +416,18 @@ Module Contents + .. py:method:: _eq_dataclass(other: object) -> bool + + Compare two dataclasses for equality. + + + + .. py:method:: _eq_userdict(other: object) -> bool + + Compare two userdicts for equality. + + + .. py:method:: _array_safe_eq(a: Any, b: Any) -> bool :staticmethod: @@ -387,10 +476,104 @@ Module Contents ``` + .. py:method:: select_by_time(*args, **kwargs) -> typing_extensions.Self + :abstractmethod: + + + .. py:class:: SparseData - SparseData. + Bases: :py:obj:`eitprocessing.datahandling.mixins.equality.Equivalence`, :py:obj:`eitprocessing.datahandling.mixins.slicing.SelectByTime` + + + Container for data occuring at unpredictable time points. + + In sparse data the time points are not necessarily evenly spaced. Data can consist time-value pairs or only time + points. Values generally are numeric values in arrays, but can also be lists of different types of object. + + Sparse data differs from IntervalData in that each data points is associated with a single time point rather than a + time range. + + Examples are data points at end of inspiration/end of expiration (e.g. tidal volume, end-expiratoy lung impedance) + or detected time points (e.g. QRS complexes). + + + + :param label: Computer readable name. + :param name: Human readable name. + :param unit: Unit of the data, if applicable. + :param category: Category the data falls into, e.g. 'airway pressure'. + :param description: Human readible extended description of the data. + :param parameters: Parameters used to derive the data. + :param derived_from: Traceback of intermediates from which the current data was derived. + :param values: List or array of values. These van be numeric data, text or Python objects. + + + .. py:attribute:: label + :type: str + + + .. py:attribute:: name + :type: str + + + .. py:attribute:: unit + :type: str | None + + + .. py:attribute:: category + :type: str + + + .. py:attribute:: time + :type: numpy.ndarray + + + .. py:attribute:: description + :type: str + :value: '' + + + + .. py:attribute:: parameters + :type: dict[str, Any] + + + .. py:attribute:: derived_from + :type: list[Any] + + + .. py:attribute:: values + :type: Any | None + :value: None + + + + .. py:method:: __post_init__() -> None + + + .. py:method:: __repr__() -> str + + Return repr(self). + + + + .. py:method:: __len__() -> int + + + .. py:method:: _sliced_copy(start_index: int, end_index: int, newlabel: str) -> typing_extensions.Self + + Slicing method that must be implemented by all subclasses. + + Must return a copy of self object with all attached data within selected + indices. + + + + .. py:method:: concatenate(other: T, newlabel: str | None = None) -> T + +.. py:data:: V_classes .. py:data:: V @@ -464,7 +647,7 @@ Module Contents - .. py:method:: concatenate(other: typing_extensions.Self[V]) -> typing_extensions.Self[V] + .. py:method:: concatenate(other: typing_extensions.Self) -> typing_extensions.Self Concatenate this collection with an equivalent collection. @@ -472,7 +655,7 @@ Module Contents - .. py:method:: select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) -> typing_extensions.Self + .. py:method:: select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) -> DataCollection Return a DataCollection containing sliced copies of the items. diff --git a/_sources/autoapi/eitprocessing/datahandling/eitdata/index.rst.txt b/_sources/autoapi/eitprocessing/datahandling/eitdata/index.rst.txt index efafb753c..421ed7bdb 100644 --- a/_sources/autoapi/eitprocessing/datahandling/eitdata/index.rst.txt +++ b/_sources/autoapi/eitprocessing/datahandling/eitdata/index.rst.txt @@ -37,6 +37,18 @@ Module Contents + .. py:method:: _eq_dataclass(other: object) -> bool + + Compare two dataclasses for equality. + + + + .. py:method:: _eq_userdict(other: object) -> bool + + Compare two userdicts for equality. + + + .. py:method:: _array_safe_eq(a: Any, b: Any) -> bool :staticmethod: @@ -120,7 +132,7 @@ Module Contents .. py:attribute:: path - :type: pathlib.Path | list[pathlib.Path] + :type: str | pathlib.Path | list[pathlib.Path | str] | list[pathlib.Path] | list[str] .. py:attribute:: nframes @@ -139,14 +151,6 @@ Module Contents :type: Vendor - .. py:attribute:: phases - :type: list - - - .. py:attribute:: events - :type: list - - .. py:attribute:: label :type: str | None @@ -162,7 +166,7 @@ Module Contents .. py:method:: __post_init__() - .. py:method:: ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path]) -> list[pathlib.Path] + .. py:method:: ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path] | list[str] | list[pathlib.Path]) -> list[pathlib.Path] :staticmethod: @@ -191,40 +195,12 @@ Module Contents .. py:method:: __len__() - .. py:property:: global_baseline - :type: numpy.ndarray - - Return the global baseline, i.e. the minimum pixel impedance across all pixels. - - - .. py:property:: pixel_impedance_global_offset - :type: numpy.ndarray - - Return the pixel impedance with the global baseline removed. - - In the resulting array the minimum impedance across all pixels is set to 0. - - - .. py:property:: pixel_baseline - :type: numpy.ndarray - - Return the lowest value in each individual pixel over time. - - - .. py:property:: pixel_impedance_individual_offset - :type: numpy.ndarray - - Return the pixel impedance with the baseline of each individual pixel removed. - - Each pixel in the resulting array has a minimum value of 0. - - - .. py:property:: global_impedance - :type: numpy.ndarray + .. py:method:: _calculate_global_impedance() -> numpy.ndarray Return the global impedance, i.e. the sum of all pixels at each frame. + .. py:class:: Vendor Bases: :py:obj:`strenum.LowercaseStrEnum` diff --git a/_sources/autoapi/eitprocessing/datahandling/event/index.rst.txt b/_sources/autoapi/eitprocessing/datahandling/event/index.rst.txt index 545947d14..bff1c55bc 100644 --- a/_sources/autoapi/eitprocessing/datahandling/event/index.rst.txt +++ b/_sources/autoapi/eitprocessing/datahandling/event/index.rst.txt @@ -20,14 +20,6 @@ Module Contents Single time point event registered during an EIT measurement. - .. py:attribute:: index - :type: int - - - .. py:attribute:: time - :type: float - - .. py:attribute:: marker :type: int diff --git a/_sources/autoapi/eitprocessing/datahandling/index.rst.txt b/_sources/autoapi/eitprocessing/datahandling/index.rst.txt index 7eaf57013..4eb1a7f41 100644 --- a/_sources/autoapi/eitprocessing/datahandling/index.rst.txt +++ b/_sources/autoapi/eitprocessing/datahandling/index.rst.txt @@ -20,10 +20,12 @@ Submodules .. toctree:: :maxdepth: 1 + /autoapi/eitprocessing/datahandling/breath/index /autoapi/eitprocessing/datahandling/continuousdata/index /autoapi/eitprocessing/datahandling/datacollection/index /autoapi/eitprocessing/datahandling/eitdata/index /autoapi/eitprocessing/datahandling/event/index + /autoapi/eitprocessing/datahandling/intervaldata/index /autoapi/eitprocessing/datahandling/phases/index /autoapi/eitprocessing/datahandling/sequence/index /autoapi/eitprocessing/datahandling/sparsedata/index diff --git a/_sources/autoapi/eitprocessing/datahandling/intervaldata/index.rst.txt b/_sources/autoapi/eitprocessing/datahandling/intervaldata/index.rst.txt new file mode 100644 index 000000000..4248ab5e2 --- /dev/null +++ b/_sources/autoapi/eitprocessing/datahandling/intervaldata/index.rst.txt @@ -0,0 +1,233 @@ +eitprocessing.datahandling.intervaldata +======================================= + +.. py:module:: eitprocessing.datahandling.intervaldata + + +Attributes +---------- + +.. autoapisummary:: + + eitprocessing.datahandling.intervaldata.T + + +Classes +------- + +.. autoapisummary:: + + eitprocessing.datahandling.intervaldata.Equivalence + eitprocessing.datahandling.intervaldata.HasTimeIndexer + eitprocessing.datahandling.intervaldata.TimeRange + eitprocessing.datahandling.intervaldata.IntervalData + + +Module Contents +--------------- + +.. py:class:: Equivalence + + Mixin class that adds an equality and equivalence check. + + + .. py:method:: __eq__(other: object) -> bool + + Return self==value. + + + + .. py:method:: _eq_dataclass(other: object) -> bool + + Compare two dataclasses for equality. + + + + .. py:method:: _eq_userdict(other: object) -> bool + + Compare two userdicts for equality. + + + + .. py:method:: _array_safe_eq(a: Any, b: Any) -> bool + :staticmethod: + + + Check if a and b are equal, even if they are numpy arrays containing nans. + + + + .. py:method:: isequivalent(other: typing_extensions.Self, raise_: bool = False) -> bool + + Test whether the data structure between two objects are equivalent. + + Equivalence, in this case means that objects are compatible e.g. to be + merged. Data content can vary, but e.g. the category of data (e.g. + airway pressure, flow, tidal volume) and unit, etc., must match. + + :param other: object that will be compared to self. + :param raise_: sets this method's behavior in case of non-equivalence. If + True, an `EquivalenceError` is raised, otherwise `False` is + returned. + + :raises EquivalenceError: if `raise_ == True` and the objects are not + :raises equivalent.: + + :returns: bool describing result of equivalence comparison. + + + +.. py:class:: HasTimeIndexer + + Gives access to a TimeIndexer object that can be used to slice by time. + + + .. py:property:: t + :type: TimeIndexer + + Slicing an object using the time axis instead of indices. + + Example: + ``` + >>> sequence = load_eit_data(, ...) + >>> time_slice1 = sequence.t[tp_start:tp_end] + >>> time_slice2 = sequence.select_by_time(tp_start, tp_end) + >>> time_slice1 == time_slice2 + True + ``` + + + .. py:method:: select_by_time(*args, **kwargs) -> typing_extensions.Self + :abstractmethod: + + + +.. py:data:: T + +.. py:class:: TimeRange + + Bases: :py:obj:`NamedTuple` + + + A tuple containing the start time and end time of a time range. + + + .. py:attribute:: start_time + :type: float + + + .. py:attribute:: end_time + :type: float + + +.. py:class:: IntervalData + + Bases: :py:obj:`eitprocessing.datahandling.mixins.equality.Equivalence`, :py:obj:`eitprocessing.datahandling.mixins.slicing.HasTimeIndexer` + + + Container for interval data existing over a period of time. + + Interval data is data that constists for a given time interval. Examples are a ventilator setting (e.g. + end-expiratory pressure), the position of a patient, a maneuver (end-expiratory hold) being performed, detected + periods in the data, etc. + + Interval data consists of a number of time range-value pairs or time ranges without associated values. E.g. interval + data with the label "expiratory_breath_hold" only requires time ranges for when expiratory breath holds were + performed. Other interval data, e.g. "set_driving_pressure" do have associated values. + + Interval data can be selected by time through the `select_by_time(start_time, end_time)` method. Alternatively, + `t[start_time:end_time]` can be used. When the start or end time overlaps with a time range, the time range and its + associated value are included in the selection if `partial_inclusion` is `True`, but ignored if `partial_inclusion` + is `False`. If the time range is partially included, the start and end times are trimmed to the start and end time + of the selection. + + A potential use case where `partial_inclusion` should be set to `True` is "set_driving_pressure": you might want to + keep the driving pressure that was set before the start of the selectioon. A use case where `partial_inclusion` + should be set to `False` is "detected_breaths": you might want to ignore partial breaths that started before or + ended after the selected period. + + Note that when selecting by time, the end time is included in the selection. + + :param label: a computer-readable name + :param name: a human-readable name + :param unit: the unit associated with the data + :param category: the category of data + :param time_ranges: a list of time ranges (tuples containing a start time and end time) + :param values: an optional list of values with the same length as time_ranges + :param parameters: parameters used to derive the data + :param derived_from: list of data sets this data was derived from + :param description: extended human readible description of the data + :param partial_inclusion: whether to include a trimmed version of a time range when selecting data + + + .. py:attribute:: label + :type: str + + + .. py:attribute:: name + :type: str + + + .. py:attribute:: unit + :type: str | None + + + .. py:attribute:: category + :type: str + + + .. py:attribute:: time_ranges + :type: list[TimeRange | tuple[float, float]] + + + .. py:attribute:: values + :type: list[Any] | None + :value: None + + + + .. py:attribute:: parameters + :type: dict[str, Any] + + + .. py:attribute:: derived_from + :type: list[Any] + + + .. py:attribute:: description + :type: str + :value: '' + + + + .. py:attribute:: partial_inclusion + :type: bool + :value: False + + + + .. py:method:: __post_init__() -> None + + + .. py:method:: __repr__() -> str + + Return repr(self). + + + + .. py:method:: __len__() -> int + + + .. py:method:: select_by_time(start_time: float | None = None, end_time: float | None = None, partial_inclusion: bool | None = None, newlabel: str | None = None) -> typing_extensions.Self + + Return only period data that overlaps (partly) with start and end time. + + Other types of data (e.g. ContinuousData and SparseData) support the start_inclusive and end_inclusive + arguments. PeriodData does not. That means that selection by time of PeriodData probably works slightly + different than other types of selecting/slicing data. + + + + .. py:method:: concatenate(other: T, newlabel: str | None = None) -> T + + diff --git a/_sources/autoapi/eitprocessing/datahandling/loading/binreader/index.rst.txt b/_sources/autoapi/eitprocessing/datahandling/loading/binreader/index.rst.txt index 7cdb44451..7b4b21210 100644 --- a/_sources/autoapi/eitprocessing/datahandling/loading/binreader/index.rst.txt +++ b/_sources/autoapi/eitprocessing/datahandling/loading/binreader/index.rst.txt @@ -37,7 +37,7 @@ Module Contents .. py:attribute:: file_handle - :type: io.BufferedReader + :type: io.BufferedReader | mmap.mmap .. py:attribute:: endian diff --git a/_sources/autoapi/eitprocessing/datahandling/loading/draeger/index.rst.txt b/_sources/autoapi/eitprocessing/datahandling/loading/draeger/index.rst.txt index ef20c879a..36bd2a39d 100644 --- a/_sources/autoapi/eitprocessing/datahandling/loading/draeger/index.rst.txt +++ b/_sources/autoapi/eitprocessing/datahandling/loading/draeger/index.rst.txt @@ -25,9 +25,8 @@ Classes eitprocessing.datahandling.loading.draeger.EITData eitprocessing.datahandling.loading.draeger.Vendor eitprocessing.datahandling.loading.draeger.Event + eitprocessing.datahandling.loading.draeger.IntervalData eitprocessing.datahandling.loading.draeger.BinReader - eitprocessing.datahandling.loading.draeger.MaxValue - eitprocessing.datahandling.loading.draeger.MinValue eitprocessing.datahandling.loading.draeger.SparseData eitprocessing.datahandling.loading.draeger._MedibusField @@ -290,7 +289,7 @@ Module Contents - .. py:method:: concatenate(other: typing_extensions.Self[V]) -> typing_extensions.Self[V] + .. py:method:: concatenate(other: typing_extensions.Self) -> typing_extensions.Self Concatenate this collection with an equivalent collection. @@ -298,7 +297,7 @@ Module Contents - .. py:method:: select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) -> typing_extensions.Self + .. py:method:: select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) -> DataCollection Return a DataCollection containing sliced copies of the items. @@ -325,7 +324,7 @@ Module Contents .. py:attribute:: path - :type: pathlib.Path | list[pathlib.Path] + :type: str | pathlib.Path | list[pathlib.Path | str] | list[pathlib.Path] | list[str] .. py:attribute:: nframes @@ -344,14 +343,6 @@ Module Contents :type: Vendor - .. py:attribute:: phases - :type: list - - - .. py:attribute:: events - :type: list - - .. py:attribute:: label :type: str | None @@ -367,7 +358,7 @@ Module Contents .. py:method:: __post_init__() - .. py:method:: ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path]) -> list[pathlib.Path] + .. py:method:: ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path] | list[str] | list[pathlib.Path]) -> list[pathlib.Path] :staticmethod: @@ -396,82 +387,157 @@ Module Contents .. py:method:: __len__() - .. py:property:: global_baseline - :type: numpy.ndarray + .. py:method:: _calculate_global_impedance() -> numpy.ndarray - Return the global baseline, i.e. the minimum pixel impedance across all pixels. + Return the global impedance, i.e. the sum of all pixels at each frame. - .. py:property:: pixel_impedance_global_offset - :type: numpy.ndarray - Return the pixel impedance with the global baseline removed. +.. py:class:: Vendor - In the resulting array the minimum impedance across all pixels is set to 0. + Bases: :py:obj:`strenum.LowercaseStrEnum` - .. py:property:: pixel_baseline - :type: numpy.ndarray + Enum indicating the vendor (manufacturer) of the source EIT device. - Return the lowest value in each individual pixel over time. + .. py:attribute:: DRAEGER - .. py:property:: pixel_impedance_individual_offset - :type: numpy.ndarray - Return the pixel impedance with the baseline of each individual pixel removed. + .. py:attribute:: TIMPEL - Each pixel in the resulting array has a minimum value of 0. + .. py:attribute:: SENTEC - .. py:property:: global_impedance - :type: numpy.ndarray - Return the global impedance, i.e. the sum of all pixels at each frame. + .. py:attribute:: DRAGER -.. py:class:: Vendor + .. py:attribute:: DRÄGER - Bases: :py:obj:`strenum.LowercaseStrEnum` +.. py:class:: Event - Enum indicating the vendor (manufacturer) of the source EIT device. + Single time point event registered during an EIT measurement. - .. py:attribute:: DRAEGER + .. py:attribute:: marker + :type: int - .. py:attribute:: TIMPEL + .. py:attribute:: text + :type: str - .. py:attribute:: SENTEC +.. py:class:: IntervalData + Bases: :py:obj:`eitprocessing.datahandling.mixins.equality.Equivalence`, :py:obj:`eitprocessing.datahandling.mixins.slicing.HasTimeIndexer` - .. py:attribute:: DRAGER + Container for interval data existing over a period of time. - .. py:attribute:: DRÄGER + Interval data is data that constists for a given time interval. Examples are a ventilator setting (e.g. + end-expiratory pressure), the position of a patient, a maneuver (end-expiratory hold) being performed, detected + periods in the data, etc. + Interval data consists of a number of time range-value pairs or time ranges without associated values. E.g. interval + data with the label "expiratory_breath_hold" only requires time ranges for when expiratory breath holds were + performed. Other interval data, e.g. "set_driving_pressure" do have associated values. -.. py:class:: Event + Interval data can be selected by time through the `select_by_time(start_time, end_time)` method. Alternatively, + `t[start_time:end_time]` can be used. When the start or end time overlaps with a time range, the time range and its + associated value are included in the selection if `partial_inclusion` is `True`, but ignored if `partial_inclusion` + is `False`. If the time range is partially included, the start and end times are trimmed to the start and end time + of the selection. - Single time point event registered during an EIT measurement. + A potential use case where `partial_inclusion` should be set to `True` is "set_driving_pressure": you might want to + keep the driving pressure that was set before the start of the selectioon. A use case where `partial_inclusion` + should be set to `False` is "detected_breaths": you might want to ignore partial breaths that started before or + ended after the selected period. + Note that when selecting by time, the end time is included in the selection. - .. py:attribute:: index - :type: int + :param label: a computer-readable name + :param name: a human-readable name + :param unit: the unit associated with the data + :param category: the category of data + :param time_ranges: a list of time ranges (tuples containing a start time and end time) + :param values: an optional list of values with the same length as time_ranges + :param parameters: parameters used to derive the data + :param derived_from: list of data sets this data was derived from + :param description: extended human readible description of the data + :param partial_inclusion: whether to include a trimmed version of a time range when selecting data - .. py:attribute:: time - :type: float + .. py:attribute:: label + :type: str - .. py:attribute:: marker - :type: int + .. py:attribute:: name + :type: str - .. py:attribute:: text + .. py:attribute:: unit + :type: str | None + + + .. py:attribute:: category + :type: str + + + .. py:attribute:: time_ranges + :type: list[TimeRange | tuple[float, float]] + + + .. py:attribute:: values + :type: list[Any] | None + :value: None + + + + .. py:attribute:: parameters + :type: dict[str, Any] + + + .. py:attribute:: derived_from + :type: list[Any] + + + .. py:attribute:: description :type: str + :value: '' + + + + .. py:attribute:: partial_inclusion + :type: bool + :value: False + + + + .. py:method:: __post_init__() -> None + + + .. py:method:: __repr__() -> str + + Return repr(self). + + + + .. py:method:: __len__() -> int + + + .. py:method:: select_by_time(start_time: float | None = None, end_time: float | None = None, partial_inclusion: bool | None = None, newlabel: str | None = None) -> typing_extensions.Self + + Return only period data that overlaps (partly) with start and end time. + + Other types of data (e.g. ContinuousData and SparseData) support the start_inclusive and end_inclusive + arguments. PeriodData does not. That means that selection by time of PeriodData probably works slightly + different than other types of selecting/slicing data. + + + + .. py:method:: concatenate(other: T, newlabel: str | None = None) -> T .. py:function:: load_eit_data(path: str | pathlib.Path | list[str | pathlib.Path], vendor: eitprocessing.datahandling.eitdata.Vendor | str, label: str | None = None, name: str | None = None, description: str = '', framerate: float | None = None, first_frame: int = 0, max_frames: int | None = None) -> eitprocessing.datahandling.sequence.Sequence @@ -519,7 +585,7 @@ Module Contents .. py:attribute:: file_handle - :type: io.BufferedReader + :type: io.BufferedReader | mmap.mmap .. py:attribute:: endian @@ -646,25 +712,96 @@ Module Contents -.. py:class:: MaxValue +.. py:class:: SparseData - Bases: :py:obj:`PhaseIndicator` + Bases: :py:obj:`eitprocessing.datahandling.mixins.equality.Equivalence`, :py:obj:`eitprocessing.datahandling.mixins.slicing.SelectByTime` - Automatically registered local maximum of an EIT measurement. + Container for data occuring at unpredictable time points. + In sparse data the time points are not necessarily evenly spaced. Data can consist time-value pairs or only time + points. Values generally are numeric values in arrays, but can also be lists of different types of object. -.. py:class:: MinValue + Sparse data differs from IntervalData in that each data points is associated with a single time point rather than a + time range. - Bases: :py:obj:`PhaseIndicator` + Examples are data points at end of inspiration/end of expiration (e.g. tidal volume, end-expiratoy lung impedance) + or detected time points (e.g. QRS complexes). - Automatically registered local minimum of an EIT measurement. + :param label: Computer readable name. + :param name: Human readable name. + :param unit: Unit of the data, if applicable. + :param category: Category the data falls into, e.g. 'airway pressure'. + :param description: Human readible extended description of the data. + :param parameters: Parameters used to derive the data. + :param derived_from: Traceback of intermediates from which the current data was derived. + :param values: List or array of values. These van be numeric data, text or Python objects. -.. py:class:: SparseData - SparseData. + .. py:attribute:: label + :type: str + + + .. py:attribute:: name + :type: str + + + .. py:attribute:: unit + :type: str | None + + + .. py:attribute:: category + :type: str + + + .. py:attribute:: time + :type: numpy.ndarray + + + .. py:attribute:: description + :type: str + :value: '' + + + + .. py:attribute:: parameters + :type: dict[str, Any] + + + .. py:attribute:: derived_from + :type: list[Any] + + + .. py:attribute:: values + :type: Any | None + :value: None + + + + .. py:method:: __post_init__() -> None + + + .. py:method:: __repr__() -> str + + Return repr(self). + + + + .. py:method:: __len__() -> int + + + .. py:method:: _sliced_copy(start_index: int, end_index: int, newlabel: str) -> typing_extensions.Self + + Slicing method that must be implemented by all subclasses. + + Must return a copy of self object with all attached data within selected + indices. + + + + .. py:method:: concatenate(other: T, newlabel: str | None = None) -> T .. py:data:: _FRAME_SIZE_BYTES @@ -677,14 +814,14 @@ Module Contents .. py:data:: load_draeger_data -.. py:function:: load_from_single_path(path: pathlib.Path, framerate: float | None = 20, first_frame: int = 0, max_frames: int | None = None) -> tuple[eitprocessing.datahandling.datacollection.DataCollection, eitprocessing.datahandling.datacollection.DataCollection, eitprocessing.datahandling.datacollection.DataCollection] +.. py:function:: load_from_single_path(path: pathlib.Path, framerate: float | None = 20, first_frame: int = 0, max_frames: int | None = None) -> dict[str, eitprocessing.datahandling.datacollection.DataCollection] Load Dräger EIT data from path. .. py:function:: _convert_medibus_data(medibus_data: numpy.typing.NDArray, time: numpy.typing.NDArray) -> tuple[eitprocessing.datahandling.datacollection.DataCollection, eitprocessing.datahandling.datacollection.DataCollection] -.. py:function:: _read_frame(reader: eitprocessing.datahandling.loading.binreader.BinReader, index: int, time: numpy.typing.NDArray, pixel_impedance: numpy.typing.NDArray, medibus_data: numpy.typing.NDArray, events: list, phases: list, previous_marker: int | None, first_frame: int = 0) -> int +.. py:function:: _read_frame(reader: eitprocessing.datahandling.loading.binreader.BinReader, index: int, time: numpy.typing.NDArray, pixel_impedance: numpy.typing.NDArray, medibus_data: numpy.typing.NDArray, events: list, phases: list, previous_marker: int | None) -> int Read frame by frame data from DRAEGER files. diff --git a/_sources/autoapi/eitprocessing/datahandling/loading/index.rst.txt b/_sources/autoapi/eitprocessing/datahandling/loading/index.rst.txt index d511c52d0..d0c4071bf 100644 --- a/_sources/autoapi/eitprocessing/datahandling/loading/index.rst.txt +++ b/_sources/autoapi/eitprocessing/datahandling/loading/index.rst.txt @@ -110,7 +110,7 @@ Package Contents - .. py:method:: concatenate(other: typing_extensions.Self[V]) -> typing_extensions.Self[V] + .. py:method:: concatenate(other: typing_extensions.Self) -> typing_extensions.Self Concatenate this collection with an equivalent collection. @@ -118,7 +118,7 @@ Package Contents - .. py:method:: select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) -> typing_extensions.Self + .. py:method:: select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) -> DataCollection Return a DataCollection containing sliced copies of the items. @@ -145,7 +145,7 @@ Package Contents .. py:attribute:: path - :type: pathlib.Path | list[pathlib.Path] + :type: str | pathlib.Path | list[pathlib.Path | str] | list[pathlib.Path] | list[str] .. py:attribute:: nframes @@ -164,14 +164,6 @@ Package Contents :type: Vendor - .. py:attribute:: phases - :type: list - - - .. py:attribute:: events - :type: list - - .. py:attribute:: label :type: str | None @@ -187,7 +179,7 @@ Package Contents .. py:method:: __post_init__() - .. py:method:: ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path]) -> list[pathlib.Path] + .. py:method:: ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path] | list[str] | list[pathlib.Path]) -> list[pathlib.Path] :staticmethod: @@ -216,40 +208,12 @@ Package Contents .. py:method:: __len__() - .. py:property:: global_baseline - :type: numpy.ndarray - - Return the global baseline, i.e. the minimum pixel impedance across all pixels. - - - .. py:property:: pixel_impedance_global_offset - :type: numpy.ndarray - - Return the pixel impedance with the global baseline removed. - - In the resulting array the minimum impedance across all pixels is set to 0. - - - .. py:property:: pixel_baseline - :type: numpy.ndarray - - Return the lowest value in each individual pixel over time. - - - .. py:property:: pixel_impedance_individual_offset - :type: numpy.ndarray - - Return the pixel impedance with the baseline of each individual pixel removed. - - Each pixel in the resulting array has a minimum value of 0. - - - .. py:property:: global_impedance - :type: numpy.ndarray + .. py:method:: _calculate_global_impedance() -> numpy.ndarray Return the global impedance, i.e. the sum of all pixels at each frame. + .. py:class:: Vendor Bases: :py:obj:`strenum.LowercaseStrEnum` @@ -322,6 +286,10 @@ Package Contents :type: eitprocessing.datahandling.datacollection.DataCollection + .. py:attribute:: interval_data + :type: eitprocessing.datahandling.datacollection.DataCollection + + .. py:method:: __post_init__() @@ -354,7 +322,7 @@ Package Contents - .. py:method:: select_by_time(start_time: float | None = None, end_time: float | None = None, start_inclusive: bool = True, end_inclusive: bool = False, label: str | None = None, name: str | None = None, description: str | None = '') -> typing_extensions.Self + .. py:method:: select_by_time(start_time: float | None = None, end_time: float | None = None, start_inclusive: bool = True, end_inclusive: bool = False, label: str | None = None, name: str | None = None, description: str = '') -> typing_extensions.Self Return a sliced version of the Sequence. diff --git a/_sources/autoapi/eitprocessing/datahandling/loading/sentec/index.rst.txt b/_sources/autoapi/eitprocessing/datahandling/loading/sentec/index.rst.txt index 090dc4742..e23ac59cc 100644 --- a/_sources/autoapi/eitprocessing/datahandling/loading/sentec/index.rst.txt +++ b/_sources/autoapi/eitprocessing/datahandling/loading/sentec/index.rst.txt @@ -286,7 +286,7 @@ Module Contents - .. py:method:: concatenate(other: typing_extensions.Self[V]) -> typing_extensions.Self[V] + .. py:method:: concatenate(other: typing_extensions.Self) -> typing_extensions.Self Concatenate this collection with an equivalent collection. @@ -294,7 +294,7 @@ Module Contents - .. py:method:: select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) -> typing_extensions.Self + .. py:method:: select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) -> DataCollection Return a DataCollection containing sliced copies of the items. @@ -321,7 +321,7 @@ Module Contents .. py:attribute:: path - :type: pathlib.Path | list[pathlib.Path] + :type: str | pathlib.Path | list[pathlib.Path | str] | list[pathlib.Path] | list[str] .. py:attribute:: nframes @@ -340,14 +340,6 @@ Module Contents :type: Vendor - .. py:attribute:: phases - :type: list - - - .. py:attribute:: events - :type: list - - .. py:attribute:: label :type: str | None @@ -363,7 +355,7 @@ Module Contents .. py:method:: __post_init__() - .. py:method:: ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path]) -> list[pathlib.Path] + .. py:method:: ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path] | list[str] | list[pathlib.Path]) -> list[pathlib.Path] :staticmethod: @@ -392,40 +384,12 @@ Module Contents .. py:method:: __len__() - .. py:property:: global_baseline - :type: numpy.ndarray - - Return the global baseline, i.e. the minimum pixel impedance across all pixels. - - - .. py:property:: pixel_impedance_global_offset - :type: numpy.ndarray - - Return the pixel impedance with the global baseline removed. - - In the resulting array the minimum impedance across all pixels is set to 0. - - - .. py:property:: pixel_baseline - :type: numpy.ndarray - - Return the lowest value in each individual pixel over time. - - - .. py:property:: pixel_impedance_individual_offset - :type: numpy.ndarray - - Return the pixel impedance with the baseline of each individual pixel removed. - - Each pixel in the resulting array has a minimum value of 0. - - - .. py:property:: global_impedance - :type: numpy.ndarray + .. py:method:: _calculate_global_impedance() -> numpy.ndarray Return the global impedance, i.e. the sum of all pixels at each frame. + .. py:class:: Vendor Bases: :py:obj:`strenum.LowercaseStrEnum` @@ -494,7 +458,7 @@ Module Contents .. py:attribute:: file_handle - :type: io.BufferedReader + :type: io.BufferedReader | mmap.mmap .. py:attribute:: endian @@ -623,7 +587,94 @@ Module Contents .. py:class:: SparseData - SparseData. + Bases: :py:obj:`eitprocessing.datahandling.mixins.equality.Equivalence`, :py:obj:`eitprocessing.datahandling.mixins.slicing.SelectByTime` + + + Container for data occuring at unpredictable time points. + + In sparse data the time points are not necessarily evenly spaced. Data can consist time-value pairs or only time + points. Values generally are numeric values in arrays, but can also be lists of different types of object. + + Sparse data differs from IntervalData in that each data points is associated with a single time point rather than a + time range. + + Examples are data points at end of inspiration/end of expiration (e.g. tidal volume, end-expiratoy lung impedance) + or detected time points (e.g. QRS complexes). + + + + :param label: Computer readable name. + :param name: Human readable name. + :param unit: Unit of the data, if applicable. + :param category: Category the data falls into, e.g. 'airway pressure'. + :param description: Human readible extended description of the data. + :param parameters: Parameters used to derive the data. + :param derived_from: Traceback of intermediates from which the current data was derived. + :param values: List or array of values. These van be numeric data, text or Python objects. + + + .. py:attribute:: label + :type: str + + + .. py:attribute:: name + :type: str + + + .. py:attribute:: unit + :type: str | None + + + .. py:attribute:: category + :type: str + + + .. py:attribute:: time + :type: numpy.ndarray + + + .. py:attribute:: description + :type: str + :value: '' + + + + .. py:attribute:: parameters + :type: dict[str, Any] + + + .. py:attribute:: derived_from + :type: list[Any] + + + .. py:attribute:: values + :type: Any | None + :value: None + + + + .. py:method:: __post_init__() -> None + + + .. py:method:: __repr__() -> str + + Return repr(self). + + + + .. py:method:: __len__() -> int + + + .. py:method:: _sliced_copy(start_index: int, end_index: int, newlabel: str) -> typing_extensions.Self + + Slicing method that must be implemented by all subclasses. + + Must return a copy of self object with all attached data within selected + indices. + + + + .. py:method:: concatenate(other: T, newlabel: str | None = None) -> T .. py:data:: SENTEC_FRAMERATE @@ -632,12 +683,12 @@ Module Contents .. py:data:: load_sentec_data -.. py:function:: load_from_single_path(path: pathlib.Path, framerate: float | None = 50.2, first_frame: int = 0, max_frames: int | None = None) -> eitprocessing.datahandling.datacollection.DataCollection | tuple[eitprocessing.datahandling.datacollection.DataCollection, eitprocessing.datahandling.datacollection.DataCollection, eitprocessing.datahandling.datacollection.DataCollection] +.. py:function:: load_from_single_path(path: pathlib.Path, framerate: float | None = 50.2, first_frame: int = 0, max_frames: int | None = None) -> dict[str, eitprocessing.datahandling.datacollection.DataCollection] Load Sentec EIT data from path. -.. py:function:: _read_frame(fh: BinaryIO, version: int, index: int, payload_size: int, reader: eitprocessing.datahandling.loading.binreader.BinReader, first_frame: int = 0) -> numpy.typing.NDArray | None +.. py:function:: _read_frame(fh: BinaryIO | mmap.mmap, version: int, index: int, payload_size: int, reader: eitprocessing.datahandling.loading.binreader.BinReader, first_frame: int = 0) -> numpy.typing.NDArray | None Read a single frame in the file. diff --git a/_sources/autoapi/eitprocessing/datahandling/loading/timpel/index.rst.txt b/_sources/autoapi/eitprocessing/datahandling/loading/timpel/index.rst.txt index 75253f7e1..ee9fd7ca3 100644 --- a/_sources/autoapi/eitprocessing/datahandling/loading/timpel/index.rst.txt +++ b/_sources/autoapi/eitprocessing/datahandling/loading/timpel/index.rst.txt @@ -20,13 +20,12 @@ Classes .. autoapisummary:: + eitprocessing.datahandling.loading.timpel.Breath eitprocessing.datahandling.loading.timpel.ContinuousData eitprocessing.datahandling.loading.timpel.DataCollection eitprocessing.datahandling.loading.timpel.EITData eitprocessing.datahandling.loading.timpel.Vendor - eitprocessing.datahandling.loading.timpel.MaxValue - eitprocessing.datahandling.loading.timpel.MinValue - eitprocessing.datahandling.loading.timpel.QRSMark + eitprocessing.datahandling.loading.timpel.IntervalData eitprocessing.datahandling.loading.timpel.SparseData @@ -37,11 +36,32 @@ Functions eitprocessing.datahandling.loading.timpel.load_eit_data eitprocessing.datahandling.loading.timpel.load_from_single_path + eitprocessing.datahandling.loading.timpel._make_breaths Module Contents --------------- +.. py:class:: Breath + + Bases: :py:obj:`NamedTuple` + + + Represents a breath with a start, middle and end index. + + + .. py:attribute:: start_time + :type: float + + + .. py:attribute:: middle_time + :type: float + + + .. py:attribute:: end_time + :type: float + + .. py:class:: ContinuousData Bases: :py:obj:`eitprocessing.datahandling.mixins.equality.Equivalence`, :py:obj:`eitprocessing.datahandling.mixins.slicing.SelectByTime` @@ -286,7 +306,7 @@ Module Contents - .. py:method:: concatenate(other: typing_extensions.Self[V]) -> typing_extensions.Self[V] + .. py:method:: concatenate(other: typing_extensions.Self) -> typing_extensions.Self Concatenate this collection with an equivalent collection. @@ -294,7 +314,7 @@ Module Contents - .. py:method:: select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) -> typing_extensions.Self + .. py:method:: select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) -> DataCollection Return a DataCollection containing sliced copies of the items. @@ -321,7 +341,7 @@ Module Contents .. py:attribute:: path - :type: pathlib.Path | list[pathlib.Path] + :type: str | pathlib.Path | list[pathlib.Path | str] | list[pathlib.Path] | list[str] .. py:attribute:: nframes @@ -340,14 +360,6 @@ Module Contents :type: Vendor - .. py:attribute:: phases - :type: list - - - .. py:attribute:: events - :type: list - - .. py:attribute:: label :type: str | None @@ -363,7 +375,7 @@ Module Contents .. py:method:: __post_init__() - .. py:method:: ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path]) -> list[pathlib.Path] + .. py:method:: ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path] | list[str] | list[pathlib.Path]) -> list[pathlib.Path] :staticmethod: @@ -392,61 +404,144 @@ Module Contents .. py:method:: __len__() - .. py:property:: global_baseline - :type: numpy.ndarray + .. py:method:: _calculate_global_impedance() -> numpy.ndarray - Return the global baseline, i.e. the minimum pixel impedance across all pixels. + Return the global impedance, i.e. the sum of all pixels at each frame. - .. py:property:: pixel_impedance_global_offset - :type: numpy.ndarray - Return the pixel impedance with the global baseline removed. +.. py:class:: Vendor - In the resulting array the minimum impedance across all pixels is set to 0. + Bases: :py:obj:`strenum.LowercaseStrEnum` - .. py:property:: pixel_baseline - :type: numpy.ndarray + Enum indicating the vendor (manufacturer) of the source EIT device. - Return the lowest value in each individual pixel over time. + .. py:attribute:: DRAEGER - .. py:property:: pixel_impedance_individual_offset - :type: numpy.ndarray - Return the pixel impedance with the baseline of each individual pixel removed. + .. py:attribute:: TIMPEL - Each pixel in the resulting array has a minimum value of 0. + .. py:attribute:: SENTEC - .. py:property:: global_impedance - :type: numpy.ndarray - Return the global impedance, i.e. the sum of all pixels at each frame. + .. py:attribute:: DRAGER -.. py:class:: Vendor + .. py:attribute:: DRÄGER - Bases: :py:obj:`strenum.LowercaseStrEnum` +.. py:class:: IntervalData - Enum indicating the vendor (manufacturer) of the source EIT device. + Bases: :py:obj:`eitprocessing.datahandling.mixins.equality.Equivalence`, :py:obj:`eitprocessing.datahandling.mixins.slicing.HasTimeIndexer` - .. py:attribute:: DRAEGER + Container for interval data existing over a period of time. + Interval data is data that constists for a given time interval. Examples are a ventilator setting (e.g. + end-expiratory pressure), the position of a patient, a maneuver (end-expiratory hold) being performed, detected + periods in the data, etc. - .. py:attribute:: TIMPEL + Interval data consists of a number of time range-value pairs or time ranges without associated values. E.g. interval + data with the label "expiratory_breath_hold" only requires time ranges for when expiratory breath holds were + performed. Other interval data, e.g. "set_driving_pressure" do have associated values. + Interval data can be selected by time through the `select_by_time(start_time, end_time)` method. Alternatively, + `t[start_time:end_time]` can be used. When the start or end time overlaps with a time range, the time range and its + associated value are included in the selection if `partial_inclusion` is `True`, but ignored if `partial_inclusion` + is `False`. If the time range is partially included, the start and end times are trimmed to the start and end time + of the selection. - .. py:attribute:: SENTEC + A potential use case where `partial_inclusion` should be set to `True` is "set_driving_pressure": you might want to + keep the driving pressure that was set before the start of the selectioon. A use case where `partial_inclusion` + should be set to `False` is "detected_breaths": you might want to ignore partial breaths that started before or + ended after the selected period. + Note that when selecting by time, the end time is included in the selection. - .. py:attribute:: DRAGER + :param label: a computer-readable name + :param name: a human-readable name + :param unit: the unit associated with the data + :param category: the category of data + :param time_ranges: a list of time ranges (tuples containing a start time and end time) + :param values: an optional list of values with the same length as time_ranges + :param parameters: parameters used to derive the data + :param derived_from: list of data sets this data was derived from + :param description: extended human readible description of the data + :param partial_inclusion: whether to include a trimmed version of a time range when selecting data + + + .. py:attribute:: label + :type: str + + + .. py:attribute:: name + :type: str + + + .. py:attribute:: unit + :type: str | None + + + .. py:attribute:: category + :type: str + + + .. py:attribute:: time_ranges + :type: list[TimeRange | tuple[float, float]] + + + .. py:attribute:: values + :type: list[Any] | None + :value: None + + + + .. py:attribute:: parameters + :type: dict[str, Any] + + + .. py:attribute:: derived_from + :type: list[Any] + + + .. py:attribute:: description + :type: str + :value: '' + + + + .. py:attribute:: partial_inclusion + :type: bool + :value: False - .. py:attribute:: DRÄGER + + .. py:method:: __post_init__() -> None + + + .. py:method:: __repr__() -> str + + Return repr(self). + + + + .. py:method:: __len__() -> int + + + .. py:method:: select_by_time(start_time: float | None = None, end_time: float | None = None, partial_inclusion: bool | None = None, newlabel: str | None = None) -> typing_extensions.Self + + Return only period data that overlaps (partly) with start and end time. + + Other types of data (e.g. ContinuousData and SparseData) support the start_inclusive and end_inclusive + arguments. PeriodData does not. That means that selection by time of PeriodData probably works slightly + different than other types of selecting/slicing data. + + + + .. py:method:: concatenate(other: T, newlabel: str | None = None) -> T .. py:function:: load_eit_data(path: str | pathlib.Path | list[str | pathlib.Path], vendor: eitprocessing.datahandling.eitdata.Vendor | str, label: str | None = None, name: str | None = None, description: str = '', framerate: float | None = None, first_frame: int = 0, max_frames: int | None = None) -> eitprocessing.datahandling.sequence.Sequence @@ -485,33 +580,96 @@ Module Contents ``` -.. py:class:: MaxValue +.. py:class:: SparseData + + Bases: :py:obj:`eitprocessing.datahandling.mixins.equality.Equivalence`, :py:obj:`eitprocessing.datahandling.mixins.slicing.SelectByTime` + - Bases: :py:obj:`PhaseIndicator` + Container for data occuring at unpredictable time points. + In sparse data the time points are not necessarily evenly spaced. Data can consist time-value pairs or only time + points. Values generally are numeric values in arrays, but can also be lists of different types of object. - Automatically registered local maximum of an EIT measurement. + Sparse data differs from IntervalData in that each data points is associated with a single time point rather than a + time range. + Examples are data points at end of inspiration/end of expiration (e.g. tidal volume, end-expiratoy lung impedance) + or detected time points (e.g. QRS complexes). -.. py:class:: MinValue - Bases: :py:obj:`PhaseIndicator` + :param label: Computer readable name. + :param name: Human readable name. + :param unit: Unit of the data, if applicable. + :param category: Category the data falls into, e.g. 'airway pressure'. + :param description: Human readible extended description of the data. + :param parameters: Parameters used to derive the data. + :param derived_from: Traceback of intermediates from which the current data was derived. + :param values: List or array of values. These van be numeric data, text or Python objects. - Automatically registered local minimum of an EIT measurement. + + .. py:attribute:: label + :type: str -.. py:class:: QRSMark + .. py:attribute:: name + :type: str - Bases: :py:obj:`PhaseIndicator` + .. py:attribute:: unit + :type: str | None - Automatically registered QRS mark an EIT measurement from a Timpel device. + .. py:attribute:: category + :type: str -.. py:class:: SparseData - SparseData. + .. py:attribute:: time + :type: numpy.ndarray + + + .. py:attribute:: description + :type: str + :value: '' + + + + .. py:attribute:: parameters + :type: dict[str, Any] + + + .. py:attribute:: derived_from + :type: list[Any] + + + .. py:attribute:: values + :type: Any | None + :value: None + + + + .. py:method:: __post_init__() -> None + + + .. py:method:: __repr__() -> str + + Return repr(self). + + + + .. py:method:: __len__() -> int + + + .. py:method:: _sliced_copy(start_index: int, end_index: int, newlabel: str) -> typing_extensions.Self + + Slicing method that must be implemented by all subclasses. + + Must return a copy of self object with all attached data within selected + indices. + + + + .. py:method:: concatenate(other: T, newlabel: str | None = None) -> T .. py:data:: _COLUMN_WIDTH @@ -526,8 +684,10 @@ Module Contents .. py:data:: load_timpel_data -.. py:function:: load_from_single_path(path: pathlib.Path, framerate: float | None = 20, first_frame: int = 0, max_frames: int | None = None) -> eitprocessing.datahandling.datacollection.DataCollection | tuple[eitprocessing.datahandling.datacollection.DataCollection, eitprocessing.datahandling.datacollection.DataCollection, eitprocessing.datahandling.datacollection.DataCollection] +.. py:function:: load_from_single_path(path: pathlib.Path, framerate: float | None = 20, first_frame: int = 0, max_frames: int | None = None) -> dict[str, eitprocessing.datahandling.datacollection.DataCollection] Load Timpel EIT data from path. +.. py:function:: _make_breaths(time: numpy.ndarray, min_indices: numpy.ndarray, max_indices: numpy.ndarray, gi: numpy.ndarray) -> tuple[list[tuple[float, float]], list[eitprocessing.datahandling.breath.Breath]] + diff --git a/_sources/autoapi/eitprocessing/datahandling/mixins/equality/index.rst.txt b/_sources/autoapi/eitprocessing/datahandling/mixins/equality/index.rst.txt index 9a33559b3..892b032c4 100644 --- a/_sources/autoapi/eitprocessing/datahandling/mixins/equality/index.rst.txt +++ b/_sources/autoapi/eitprocessing/datahandling/mixins/equality/index.rst.txt @@ -34,6 +34,18 @@ Module Contents + .. py:method:: _eq_dataclass(other: object) -> bool + + Compare two dataclasses for equality. + + + + .. py:method:: _eq_userdict(other: object) -> bool + + Compare two userdicts for equality. + + + .. py:method:: _array_safe_eq(a: Any, b: Any) -> bool :staticmethod: diff --git a/_sources/autoapi/eitprocessing/datahandling/mixins/slicing/index.rst.txt b/_sources/autoapi/eitprocessing/datahandling/mixins/slicing/index.rst.txt index 8f0a4e87b..fecb593b1 100644 --- a/_sources/autoapi/eitprocessing/datahandling/mixins/slicing/index.rst.txt +++ b/_sources/autoapi/eitprocessing/datahandling/mixins/slicing/index.rst.txt @@ -48,6 +48,11 @@ Module Contents + .. py:method:: __len__() + :abstractmethod: + + + .. py:method:: _sliced_copy(start_index: int, end_index: int, newlabel: str) -> typing_extensions.Self :abstractmethod: @@ -79,6 +84,11 @@ Module Contents ``` + .. py:method:: select_by_time(*args, **kwargs) -> typing_extensions.Self + :abstractmethod: + + + .. py:class:: SelectByTime Bases: :py:obj:`SelectByIndex`, :py:obj:`HasTimeIndexer` @@ -126,7 +136,7 @@ Module Contents .. py:attribute:: obj - :type: SelectByTime + :type: HasTimeIndexer .. py:method:: __getitem__(key: slice | float) diff --git a/_sources/autoapi/eitprocessing/datahandling/sequence/index.rst.txt b/_sources/autoapi/eitprocessing/datahandling/sequence/index.rst.txt index 1718dc8b7..eff40f56a 100644 --- a/_sources/autoapi/eitprocessing/datahandling/sequence/index.rst.txt +++ b/_sources/autoapi/eitprocessing/datahandling/sequence/index.rst.txt @@ -12,6 +12,7 @@ Classes eitprocessing.datahandling.sequence.ContinuousData eitprocessing.datahandling.sequence.DataCollection eitprocessing.datahandling.sequence.EITData + eitprocessing.datahandling.sequence.IntervalData eitprocessing.datahandling.sequence.Equivalence eitprocessing.datahandling.sequence.HasTimeIndexer eitprocessing.datahandling.sequence.SelectByTime @@ -266,7 +267,7 @@ Module Contents - .. py:method:: concatenate(other: typing_extensions.Self[V]) -> typing_extensions.Self[V] + .. py:method:: concatenate(other: typing_extensions.Self) -> typing_extensions.Self Concatenate this collection with an equivalent collection. @@ -274,7 +275,7 @@ Module Contents - .. py:method:: select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) -> typing_extensions.Self + .. py:method:: select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) -> DataCollection Return a DataCollection containing sliced copies of the items. @@ -301,7 +302,7 @@ Module Contents .. py:attribute:: path - :type: pathlib.Path | list[pathlib.Path] + :type: str | pathlib.Path | list[pathlib.Path | str] | list[pathlib.Path] | list[str] .. py:attribute:: nframes @@ -320,14 +321,6 @@ Module Contents :type: Vendor - .. py:attribute:: phases - :type: list - - - .. py:attribute:: events - :type: list - - .. py:attribute:: label :type: str | None @@ -343,7 +336,7 @@ Module Contents .. py:method:: __post_init__() - .. py:method:: ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path]) -> list[pathlib.Path] + .. py:method:: ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path] | list[str] | list[pathlib.Path]) -> list[pathlib.Path] :staticmethod: @@ -372,38 +365,121 @@ Module Contents .. py:method:: __len__() - .. py:property:: global_baseline - :type: numpy.ndarray + .. py:method:: _calculate_global_impedance() -> numpy.ndarray - Return the global baseline, i.e. the minimum pixel impedance across all pixels. + Return the global impedance, i.e. the sum of all pixels at each frame. - .. py:property:: pixel_impedance_global_offset - :type: numpy.ndarray - Return the pixel impedance with the global baseline removed. +.. py:class:: IntervalData - In the resulting array the minimum impedance across all pixels is set to 0. + Bases: :py:obj:`eitprocessing.datahandling.mixins.equality.Equivalence`, :py:obj:`eitprocessing.datahandling.mixins.slicing.HasTimeIndexer` - .. py:property:: pixel_baseline - :type: numpy.ndarray + Container for interval data existing over a period of time. - Return the lowest value in each individual pixel over time. + Interval data is data that constists for a given time interval. Examples are a ventilator setting (e.g. + end-expiratory pressure), the position of a patient, a maneuver (end-expiratory hold) being performed, detected + periods in the data, etc. + Interval data consists of a number of time range-value pairs or time ranges without associated values. E.g. interval + data with the label "expiratory_breath_hold" only requires time ranges for when expiratory breath holds were + performed. Other interval data, e.g. "set_driving_pressure" do have associated values. - .. py:property:: pixel_impedance_individual_offset - :type: numpy.ndarray + Interval data can be selected by time through the `select_by_time(start_time, end_time)` method. Alternatively, + `t[start_time:end_time]` can be used. When the start or end time overlaps with a time range, the time range and its + associated value are included in the selection if `partial_inclusion` is `True`, but ignored if `partial_inclusion` + is `False`. If the time range is partially included, the start and end times are trimmed to the start and end time + of the selection. - Return the pixel impedance with the baseline of each individual pixel removed. + A potential use case where `partial_inclusion` should be set to `True` is "set_driving_pressure": you might want to + keep the driving pressure that was set before the start of the selectioon. A use case where `partial_inclusion` + should be set to `False` is "detected_breaths": you might want to ignore partial breaths that started before or + ended after the selected period. - Each pixel in the resulting array has a minimum value of 0. + Note that when selecting by time, the end time is included in the selection. + :param label: a computer-readable name + :param name: a human-readable name + :param unit: the unit associated with the data + :param category: the category of data + :param time_ranges: a list of time ranges (tuples containing a start time and end time) + :param values: an optional list of values with the same length as time_ranges + :param parameters: parameters used to derive the data + :param derived_from: list of data sets this data was derived from + :param description: extended human readible description of the data + :param partial_inclusion: whether to include a trimmed version of a time range when selecting data - .. py:property:: global_impedance - :type: numpy.ndarray - Return the global impedance, i.e. the sum of all pixels at each frame. + .. py:attribute:: label + :type: str + + + .. py:attribute:: name + :type: str + + + .. py:attribute:: unit + :type: str | None + + + .. py:attribute:: category + :type: str + + + .. py:attribute:: time_ranges + :type: list[TimeRange | tuple[float, float]] + + + .. py:attribute:: values + :type: list[Any] | None + :value: None + + + + .. py:attribute:: parameters + :type: dict[str, Any] + + + .. py:attribute:: derived_from + :type: list[Any] + + + .. py:attribute:: description + :type: str + :value: '' + + + + .. py:attribute:: partial_inclusion + :type: bool + :value: False + + + + .. py:method:: __post_init__() -> None + + + .. py:method:: __repr__() -> str + + Return repr(self). + + + + .. py:method:: __len__() -> int + + + .. py:method:: select_by_time(start_time: float | None = None, end_time: float | None = None, partial_inclusion: bool | None = None, newlabel: str | None = None) -> typing_extensions.Self + + Return only period data that overlaps (partly) with start and end time. + + Other types of data (e.g. ContinuousData and SparseData) support the start_inclusive and end_inclusive + arguments. PeriodData does not. That means that selection by time of PeriodData probably works slightly + different than other types of selecting/slicing data. + + + + .. py:method:: concatenate(other: T, newlabel: str | None = None) -> T .. py:class:: Equivalence @@ -417,6 +493,18 @@ Module Contents + .. py:method:: _eq_dataclass(other: object) -> bool + + Compare two dataclasses for equality. + + + + .. py:method:: _eq_userdict(other: object) -> bool + + Compare two userdicts for equality. + + + .. py:method:: _array_safe_eq(a: Any, b: Any) -> bool :staticmethod: @@ -465,6 +553,11 @@ Module Contents ``` + .. py:method:: select_by_time(*args, **kwargs) -> typing_extensions.Self + :abstractmethod: + + + .. py:class:: SelectByTime Bases: :py:obj:`SelectByIndex`, :py:obj:`HasTimeIndexer` @@ -499,7 +592,94 @@ Module Contents .. py:class:: SparseData - SparseData. + Bases: :py:obj:`eitprocessing.datahandling.mixins.equality.Equivalence`, :py:obj:`eitprocessing.datahandling.mixins.slicing.SelectByTime` + + + Container for data occuring at unpredictable time points. + + In sparse data the time points are not necessarily evenly spaced. Data can consist time-value pairs or only time + points. Values generally are numeric values in arrays, but can also be lists of different types of object. + + Sparse data differs from IntervalData in that each data points is associated with a single time point rather than a + time range. + + Examples are data points at end of inspiration/end of expiration (e.g. tidal volume, end-expiratoy lung impedance) + or detected time points (e.g. QRS complexes). + + + + :param label: Computer readable name. + :param name: Human readable name. + :param unit: Unit of the data, if applicable. + :param category: Category the data falls into, e.g. 'airway pressure'. + :param description: Human readible extended description of the data. + :param parameters: Parameters used to derive the data. + :param derived_from: Traceback of intermediates from which the current data was derived. + :param values: List or array of values. These van be numeric data, text or Python objects. + + + .. py:attribute:: label + :type: str + + + .. py:attribute:: name + :type: str + + + .. py:attribute:: unit + :type: str | None + + + .. py:attribute:: category + :type: str + + + .. py:attribute:: time + :type: numpy.ndarray + + + .. py:attribute:: description + :type: str + :value: '' + + + + .. py:attribute:: parameters + :type: dict[str, Any] + + + .. py:attribute:: derived_from + :type: list[Any] + + + .. py:attribute:: values + :type: Any | None + :value: None + + + + .. py:method:: __post_init__() -> None + + + .. py:method:: __repr__() -> str + + Return repr(self). + + + + .. py:method:: __len__() -> int + + + .. py:method:: _sliced_copy(start_index: int, end_index: int, newlabel: str) -> typing_extensions.Self + + Slicing method that must be implemented by all subclasses. + + Must return a copy of self object with all attached data within selected + indices. + + + + .. py:method:: concatenate(other: T, newlabel: str | None = None) -> T .. py:class:: Sequence @@ -551,6 +731,10 @@ Module Contents :type: eitprocessing.datahandling.datacollection.DataCollection + .. py:attribute:: interval_data + :type: eitprocessing.datahandling.datacollection.DataCollection + + .. py:method:: __post_init__() @@ -583,7 +767,7 @@ Module Contents - .. py:method:: select_by_time(start_time: float | None = None, end_time: float | None = None, start_inclusive: bool = True, end_inclusive: bool = False, label: str | None = None, name: str | None = None, description: str | None = '') -> typing_extensions.Self + .. py:method:: select_by_time(start_time: float | None = None, end_time: float | None = None, start_inclusive: bool = True, end_inclusive: bool = False, label: str | None = None, name: str | None = None, description: str = '') -> typing_extensions.Self Return a sliced version of the Sequence. diff --git a/_sources/autoapi/eitprocessing/datahandling/sparsedata/index.rst.txt b/_sources/autoapi/eitprocessing/datahandling/sparsedata/index.rst.txt index aeb844c0b..ae6a11b19 100644 --- a/_sources/autoapi/eitprocessing/datahandling/sparsedata/index.rst.txt +++ b/_sources/autoapi/eitprocessing/datahandling/sparsedata/index.rst.txt @@ -4,19 +4,201 @@ eitprocessing.datahandling.sparsedata .. py:module:: eitprocessing.datahandling.sparsedata +Attributes +---------- + +.. autoapisummary:: + + eitprocessing.datahandling.sparsedata.T + + Classes ------- .. autoapisummary:: + eitprocessing.datahandling.sparsedata.Equivalence + eitprocessing.datahandling.sparsedata.SelectByTime eitprocessing.datahandling.sparsedata.SparseData Module Contents --------------- +.. py:class:: Equivalence + + Mixin class that adds an equality and equivalence check. + + + .. py:method:: __eq__(other: object) -> bool + + Return self==value. + + + + .. py:method:: _eq_dataclass(other: object) -> bool + + Compare two dataclasses for equality. + + + + .. py:method:: _eq_userdict(other: object) -> bool + + Compare two userdicts for equality. + + + + .. py:method:: _array_safe_eq(a: Any, b: Any) -> bool + :staticmethod: + + + Check if a and b are equal, even if they are numpy arrays containing nans. + + + + .. py:method:: isequivalent(other: typing_extensions.Self, raise_: bool = False) -> bool + + Test whether the data structure between two objects are equivalent. + + Equivalence, in this case means that objects are compatible e.g. to be + merged. Data content can vary, but e.g. the category of data (e.g. + airway pressure, flow, tidal volume) and unit, etc., must match. + + :param other: object that will be compared to self. + :param raise_: sets this method's behavior in case of non-equivalence. If + True, an `EquivalenceError` is raised, otherwise `False` is + returned. + + :raises EquivalenceError: if `raise_ == True` and the objects are not + :raises equivalent.: + + :returns: bool describing result of equivalence comparison. + + + +.. py:class:: SelectByTime + + Bases: :py:obj:`SelectByIndex`, :py:obj:`HasTimeIndexer` + + + Adds methods for slicing by time rather than index. + + + .. py:method:: select_by_time(start_time: float | None = None, end_time: float | None = None, start_inclusive: bool = True, end_inclusive: bool = False, label: str | None = None) -> typing_extensions.Self + + Get a slice from start to end time stamps. + + Given a start and end time stamp (i.e. its value, not its index), + return a slice of the original object, which must contain a time axis. + + :param start_time: first time point to include. Defaults to first frame of sequence. + :param end_time: last time point. Defaults to last frame of sequence. + :param start_inclusive (default: `True`), end_inclusive (default `False`): + these arguments control the behavior if the given time stamp + does not match exactly with an existing time stamp of the input. + if `True`: the given time stamp will be inside the sliced object. + if `False`: the given time stamp will be outside the sliced object. + :param label: Description. Defaults to None, which will create a label based + on the original object label and the frames by which it is sliced. + + :raises TypeError: if `self` does not contain a `time` attribute. + :raises ValueError: if time stamps are not sorted. + + :returns: Slice of self. + + + +.. py:data:: T + .. py:class:: SparseData - SparseData. + Bases: :py:obj:`eitprocessing.datahandling.mixins.equality.Equivalence`, :py:obj:`eitprocessing.datahandling.mixins.slicing.SelectByTime` + + + Container for data occuring at unpredictable time points. + + In sparse data the time points are not necessarily evenly spaced. Data can consist time-value pairs or only time + points. Values generally are numeric values in arrays, but can also be lists of different types of object. + + Sparse data differs from IntervalData in that each data points is associated with a single time point rather than a + time range. + + Examples are data points at end of inspiration/end of expiration (e.g. tidal volume, end-expiratoy lung impedance) + or detected time points (e.g. QRS complexes). + + + + :param label: Computer readable name. + :param name: Human readable name. + :param unit: Unit of the data, if applicable. + :param category: Category the data falls into, e.g. 'airway pressure'. + :param description: Human readible extended description of the data. + :param parameters: Parameters used to derive the data. + :param derived_from: Traceback of intermediates from which the current data was derived. + :param values: List or array of values. These van be numeric data, text or Python objects. + + + .. py:attribute:: label + :type: str + + + .. py:attribute:: name + :type: str + + + .. py:attribute:: unit + :type: str | None + + + .. py:attribute:: category + :type: str + + + .. py:attribute:: time + :type: numpy.ndarray + + + .. py:attribute:: description + :type: str + :value: '' + + + + .. py:attribute:: parameters + :type: dict[str, Any] + + + .. py:attribute:: derived_from + :type: list[Any] + + + .. py:attribute:: values + :type: Any | None + :value: None + + + + .. py:method:: __post_init__() -> None + + + .. py:method:: __repr__() -> str + + Return repr(self). + + + + .. py:method:: __len__() -> int + + + .. py:method:: _sliced_copy(start_index: int, end_index: int, newlabel: str) -> typing_extensions.Self + + Slicing method that must be implemented by all subclasses. + + Must return a copy of self object with all attached data within selected + indices. + + + + .. py:method:: concatenate(other: T, newlabel: str | None = None) -> T diff --git a/autoapi/eitprocessing/datahandling/breath/index.html b/autoapi/eitprocessing/datahandling/breath/index.html new file mode 100644 index 000000000..dd6f4f1f9 --- /dev/null +++ b/autoapi/eitprocessing/datahandling/breath/index.html @@ -0,0 +1,171 @@ + + + + + + + + eitprocessing.datahandling.breath — eitprocessing 0.0.0 documentation + + + + + + + + + + + + + +
        +
        +
        +
        + +
        +

        eitprocessing.datahandling.breath

        +
        +

        Classes

        + + + + + + +

        Breath

        Represents a breath with a start, middle and end index.

        +
        +
        +

        Module Contents

        +
        +
        +class eitprocessing.datahandling.breath.Breath[source]
        +

        Bases: NamedTuple

        +

        Represents a breath with a start, middle and end index.

        +
        +
        +start_time: float[source]
        +
        + +
        +
        +middle_time: float[source]
        +
        + +
        +
        +end_time: float[source]
        +
        + +
        + +
        +
        + + +
        +
        +
        +
        + +
        +
        + + + + \ No newline at end of file diff --git a/autoapi/eitprocessing/datahandling/continuousdata/index.html b/autoapi/eitprocessing/datahandling/continuousdata/index.html index d55c13aff..101e5ef5b 100644 --- a/autoapi/eitprocessing/datahandling/continuousdata/index.html +++ b/autoapi/eitprocessing/datahandling/continuousdata/index.html @@ -15,7 +15,7 @@ - +

        Next topic

        @@ -472,7 +486,7 @@

        Navigation

        next |
      • - previous |
      • diff --git a/autoapi/eitprocessing/datahandling/datacollection/index.html b/autoapi/eitprocessing/datahandling/datacollection/index.html index d3d5e1b08..36daf03a5 100644 --- a/autoapi/eitprocessing/datahandling/datacollection/index.html +++ b/autoapi/eitprocessing/datahandling/datacollection/index.html @@ -51,7 +51,10 @@

        Navigation

        Attributes

        - + + + + @@ -67,16 +70,19 @@

        Classes

        - + + + + - + - - + + - + @@ -309,7 +315,7 @@

        Module Contents
        -path: pathlib.Path | list[pathlib.Path]
        +path: str | pathlib.Path | list[pathlib.Path | str] | list[pathlib.Path] | list[str]
        @@ -332,16 +338,6 @@

        Module Contentsvendor: Vendor

        -
        -
        -phases: list
        -
        - -
        -
        -events: list
        -
        -
        label: str | None
        @@ -364,7 +360,7 @@

        Module Contents
        -static ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path]) list[pathlib.Path][source]
        +static ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path] | list[str] | list[pathlib.Path]) list[pathlib.Path][source]

        Return the path or paths as a list.

        The path of any EITData object can be a single str/Path or a list of str/Path objects. This method returns a list of Path objects given either a str/Path or list of str/Paths.

        @@ -393,38 +389,131 @@

        Module Contents__len__()[source]

        -
        -
        -property global_baseline: numpy.ndarray
        -

        Return the global baseline, i.e. the minimum pixel impedance across all pixels.

        +
        +
        +_calculate_global_impedance() numpy.ndarray[source]
        +

        Return the global impedance, i.e. the sum of all pixels at each frame.

        -
        -
        -property pixel_impedance_global_offset: numpy.ndarray
        -

        Return the pixel impedance with the global baseline removed.

        -

        In the resulting array the minimum impedance across all pixels is set to 0.

        -
        -
        -property pixel_baseline: numpy.ndarray
        -

        Return the lowest value in each individual pixel over time.

        -
        +
        +
        +class eitprocessing.datahandling.datacollection.IntervalData[source]
        +

        Bases: eitprocessing.datahandling.mixins.equality.Equivalence, eitprocessing.datahandling.mixins.slicing.HasTimeIndexer

        +

        Container for interval data existing over a period of time.

        +

        Interval data is data that constists for a given time interval. Examples are a ventilator setting (e.g. +end-expiratory pressure), the position of a patient, a maneuver (end-expiratory hold) being performed, detected +periods in the data, etc.

        +

        Interval data consists of a number of time range-value pairs or time ranges without associated values. E.g. interval +data with the label “expiratory_breath_hold” only requires time ranges for when expiratory breath holds were +performed. Other interval data, e.g. “set_driving_pressure” do have associated values.

        +

        Interval data can be selected by time through the select_by_time(start_time, end_time) method. Alternatively, +t[start_time:end_time] can be used. When the start or end time overlaps with a time range, the time range and its +associated value are included in the selection if partial_inclusion is True, but ignored if partial_inclusion +is False. If the time range is partially included, the start and end times are trimmed to the start and end time +of the selection.

        +

        A potential use case where partial_inclusion should be set to True is “set_driving_pressure”: you might want to +keep the driving pressure that was set before the start of the selectioon. A use case where partial_inclusion +should be set to False is “detected_breaths”: you might want to ignore partial breaths that started before or +ended after the selected period.

        +

        Note that when selecting by time, the end time is included in the selection.

        +
        +
        Parameters:
        +
          +
        • label – a computer-readable name

        • +
        • name – a human-readable name

        • +
        • unit – the unit associated with the data

        • +
        • category – the category of data

        • +
        • time_ranges – a list of time ranges (tuples containing a start time and end time)

        • +
        • values – an optional list of values with the same length as time_ranges

        • +
        • parameters – parameters used to derive the data

        • +
        • derived_from – list of data sets this data was derived from

        • +
        • description – extended human readible description of the data

        • +
        • partial_inclusion – whether to include a trimmed version of a time range when selecting data

        • +
        +
        +
        +
        +
        +label: str
        +
        -
        -
        -property pixel_impedance_individual_offset: numpy.ndarray
        -

        Return the pixel impedance with the baseline of each individual pixel removed.

        -

        Each pixel in the resulting array has a minimum value of 0.

        +
        +
        +name: str
        +
        + +
        +
        +unit: str | None
        +
        + +
        +
        +category: str
        +
        + +
        +
        +time_ranges: list[TimeRange | tuple[float, float]]
        +
        + +
        +
        +values: list[Any] | None = None
        +
        + +
        +
        +parameters: dict[str, Any]
        +
        + +
        +
        +derived_from: list[Any]
        +
        + +
        +
        +description: str = ''
        +
        + +
        +
        +partial_inclusion: bool = False
        +
        + +
        +
        +__post_init__() None[source]
        +
        + +
        +
        +__repr__() str[source]
        +

        Return repr(self).

        -
        -
        -property global_impedance: numpy.ndarray
        -

        Return the global impedance, i.e. the sum of all pixels at each frame.

        +
        +
        +__len__() int[source]
        +
        + +
        +
        +select_by_time(start_time: float | None = None, end_time: float | None = None, partial_inclusion: bool | None = None, newlabel: str | None = None) typing_extensions.Self[source]
        +

        Return only period data that overlaps (partly) with start and end time.

        +

        Other types of data (e.g. ContinuousData and SparseData) support the start_inclusive and end_inclusive +arguments. PeriodData does not. That means that selection by time of PeriodData probably works slightly +different than other types of selecting/slicing data.

        +
        +
        +concatenate(other: T, newlabel: str | None = None) T[source]
        +
        +
        @@ -437,6 +526,18 @@

        Module Contents +
        +_eq_dataclass(other: object) bool[source]
        +

        Compare two dataclasses for equality.

        +

        + +
        +
        +_eq_userdict(other: object) bool[source]
        +

        Compare two userdicts for equality.

        +
        +
        static _array_safe_eq(a: Any, b: Any) bool[source]
        @@ -491,14 +592,119 @@

        Module Contents`

        +
        +
        +abstract select_by_time(*args, **kwargs) typing_extensions.Self[source]
        +
        +
        class eitprocessing.datahandling.datacollection.SparseData[source]
        -

        SparseData.

        +

        Bases: eitprocessing.datahandling.mixins.equality.Equivalence, eitprocessing.datahandling.mixins.slicing.SelectByTime

        +

        Container for data occuring at unpredictable time points.

        +

        In sparse data the time points are not necessarily evenly spaced. Data can consist time-value pairs or only time +points. Values generally are numeric values in arrays, but can also be lists of different types of object.

        +

        Sparse data differs from IntervalData in that each data points is associated with a single time point rather than a +time range.

        +

        Examples are data points at end of inspiration/end of expiration (e.g. tidal volume, end-expiratoy lung impedance) +or detected time points (e.g. QRS complexes).

        +
        +
        Parameters:
        +
          +
        • label – Computer readable name.

        • +
        • name – Human readable name.

        • +
        • unit – Unit of the data, if applicable.

        • +
        • category – Category the data falls into, e.g. ‘airway pressure’.

        • +
        • description – Human readible extended description of the data.

        • +
        • parameters – Parameters used to derive the data.

        • +
        • derived_from – Traceback of intermediates from which the current data was derived.

        • +
        • values – List or array of values. These van be numeric data, text or Python objects.

        • +
        +
        +
        +
        +
        +label: str
        +
        + +
        +
        +name: str
        +
        + +
        +
        +unit: str | None
        +
        + +
        +
        +category: str
        +
        + +
        +
        +time: numpy.ndarray
        +
        + +
        +
        +description: str = ''
        +
        + +
        +
        +parameters: dict[str, Any]
        +
        + +
        +
        +derived_from: list[Any]
        +
        + +
        +
        +values: Any | None = None
        +
        + +
        +
        +__post_init__() None[source]
        +
        + +
        +
        +__repr__() str[source]
        +

        Return repr(self).

        +
        +
        +__len__() int[source]
        +
        + +
        +
        +_sliced_copy(start_index: int, end_index: int, newlabel: str) typing_extensions.Self[source]
        +

        Slicing method that must be implemented by all subclasses.

        +

        Must return a copy of self object with all attached data within selected +indices.

        +
        + +
        +
        +concatenate(other: T, newlabel: str | None = None) T[source]
        +
        + +
        + +
        +
        +eitprocessing.datahandling.datacollection.V_classes[source]
        +
        +
        eitprocessing.datahandling.datacollection.V[source]
        @@ -585,14 +791,14 @@

        Module Contents
        -concatenate(other: typing_extensions.Self[V]) typing_extensions.Self[V][source]
        +concatenate(other: typing_extensions.Self) typing_extensions.Self[source]

        Concatenate this collection with an equivalent collection.

        Each item of self of concatenated with the item of other with the same key.

        -select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) typing_extensions.Self[source]
        +select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) DataCollection[source]

        Return a DataCollection containing sliced copies of the items.

        @@ -645,8 +851,6 @@

        Table of Contents

      • EITData.time
      • EITData.framerate
      • EITData.vendor
      • -
      • EITData.phases
      • -
      • EITData.events
      • EITData.label
      • EITData.name
      • EITData.pixel_impedance
      • @@ -656,24 +860,58 @@

        Table of Contents

      • EITData.concatenate()
      • EITData._sliced_copy()
      • EITData.__len__()
      • -
      • EITData.global_baseline
      • -
      • EITData.pixel_impedance_global_offset
      • -
      • EITData.pixel_baseline
      • -
      • EITData.pixel_impedance_individual_offset
      • -
      • EITData.global_impedance
      • +
      • EITData._calculate_global_impedance()
      • + + +
      • IntervalData
      • Equivalence
      • HasTimeIndexer +
      • +
      • SparseData
      • -
      • SparseData
      • +
      • V_classes
      • V
      • DataCollection
        • DataCollection.data_type
        • diff --git a/autoapi/eitprocessing/datahandling/eitdata/index.html b/autoapi/eitprocessing/datahandling/eitdata/index.html index fa0213bbc..56c02ff9f 100644 --- a/autoapi/eitprocessing/datahandling/eitdata/index.html +++ b/autoapi/eitprocessing/datahandling/eitdata/index.html @@ -88,6 +88,18 @@

          Module Contents +
          +_eq_dataclass(other: object) bool[source]
          +

          Compare two dataclasses for equality.

          +

      • + +
        +
        +_eq_userdict(other: object) bool[source]
        +

        Compare two userdicts for equality.

        +
        +
        static _array_safe_eq(a: Any, b: Any) bool[source]
        @@ -189,7 +201,7 @@

        Module Contents
        -path: pathlib.Path | list[pathlib.Path][source]
        +path: str | pathlib.Path | list[pathlib.Path | str] | list[pathlib.Path] | list[str][source]

        @@ -212,16 +224,6 @@

        Module Contentsvendor: Vendor[source]

        -
        -
        -phases: list[source]
        -
        - -
        -
        -events: list[source]
        -
        -
        label: str | None[source]
        @@ -244,7 +246,7 @@

        Module Contents
        -static ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path]) list[pathlib.Path][source]
        +static ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path] | list[str] | list[pathlib.Path]) list[pathlib.Path][source]

        Return the path or paths as a list.

        The path of any EITData object can be a single str/Path or a list of str/Path objects. This method returns a list of Path objects given either a str/Path or list of str/Paths.

        @@ -273,35 +275,9 @@

        Module Contents__len__()[source]

        -
        -
        -property global_baseline: numpy.ndarray[source]
        -

        Return the global baseline, i.e. the minimum pixel impedance across all pixels.

        -
        - -
        -
        -property pixel_impedance_global_offset: numpy.ndarray[source]
        -

        Return the pixel impedance with the global baseline removed.

        -

        In the resulting array the minimum impedance across all pixels is set to 0.

        -
        - -
        -
        -property pixel_baseline: numpy.ndarray[source]
        -

        Return the lowest value in each individual pixel over time.

        -
        - -
        -
        -property pixel_impedance_individual_offset: numpy.ndarray[source]
        -

        Return the pixel impedance with the baseline of each individual pixel removed.

        -

        Each pixel in the resulting array has a minimum value of 0.

        -
        - -
        -
        -property global_impedance: numpy.ndarray[source]
        +
        +
        +_calculate_global_impedance() numpy.ndarray[source]

        Return the global impedance, i.e. the sum of all pixels at each frame.

        @@ -358,6 +334,8 @@

        Table of Contents

      • Module Contents
      • Vendor
      • V

        V_classes

        V

        EITData

        Container for EIT data.

        Equivalence

        IntervalData

        Container for interval data existing over a period of time.

        Equivalence

        Mixin class that adds an equality and equivalence check.

        HasTimeIndexer

        HasTimeIndexer

        Gives access to a TimeIndexer object that can be used to slice by time.

        SparseData

        SparseData.

        SparseData

        Container for data occuring at unpredictable time points.

        DataCollection

        DataCollection

        A collection of a single type of data with unique labels.

        + + + + + +

        T

        + +
        +

        Classes

        + + + + + + + + + + + + + + + +

        Equivalence

        Mixin class that adds an equality and equivalence check.

        HasTimeIndexer

        Gives access to a TimeIndexer object that can be used to slice by time.

        TimeRange

        A tuple containing the start time and end time of a time range.

        IntervalData

        Container for interval data existing over a period of time.

        +
        +
        +

        Module Contents

        +
        +
        +class eitprocessing.datahandling.intervaldata.Equivalence[source]
        +

        Mixin class that adds an equality and equivalence check.

        +
        +
        +__eq__(other: object) bool[source]
        +

        Return self==value.

        +
        + +
        +
        +_eq_dataclass(other: object) bool[source]
        +

        Compare two dataclasses for equality.

        +
        + +
        +
        +_eq_userdict(other: object) bool[source]
        +

        Compare two userdicts for equality.

        +
        + +
        +
        +static _array_safe_eq(a: Any, b: Any) bool[source]
        +

        Check if a and b are equal, even if they are numpy arrays containing nans.

        +
        + +
        +
        +isequivalent(other: typing_extensions.Self, raise_: bool = False) bool[source]
        +

        Test whether the data structure between two objects are equivalent.

        +

        Equivalence, in this case means that objects are compatible e.g. to be +merged. Data content can vary, but e.g. the category of data (e.g. +airway pressure, flow, tidal volume) and unit, etc., must match.

        +
        +
        Parameters:
        +
          +
        • other – object that will be compared to self.

        • +
        • raise – sets this method’s behavior in case of non-equivalence. If +True, an EquivalenceError is raised, otherwise False is +returned.

        • +
        +
        +
        Raises:
        +
          +
        • EquivalenceError – if raise_ == True and the objects are not

        • +
        • equivalent.

        • +
        +
        +
        Returns:
        +

        bool describing result of equivalence comparison.

        +
        +
        +
        + +
        + +
        +
        +class eitprocessing.datahandling.intervaldata.HasTimeIndexer[source]
        +

        Gives access to a TimeIndexer object that can be used to slice by time.

        +
        +
        +property t: TimeIndexer
        +

        Slicing an object using the time axis instead of indices.

        +

        Example: +` +>>> sequence = load_eit_data(<path>, ...) +>>> time_slice1 = sequence.t[tp_start:tp_end] +>>> time_slice2 = sequence.select_by_time(tp_start, tp_end) +>>> time_slice1 == time_slice2 +True +`

        +
        + +
        +
        +abstract select_by_time(*args, **kwargs) typing_extensions.Self[source]
        +
        + +
        + +
        +
        +eitprocessing.datahandling.intervaldata.T[source]
        +
        + +
        +
        +class eitprocessing.datahandling.intervaldata.TimeRange[source]
        +

        Bases: NamedTuple

        +

        A tuple containing the start time and end time of a time range.

        +
        +
        +start_time: float[source]
        +
        + +
        +
        +end_time: float[source]
        +
        + +
        + +
        +
        +class eitprocessing.datahandling.intervaldata.IntervalData[source]
        +

        Bases: eitprocessing.datahandling.mixins.equality.Equivalence, eitprocessing.datahandling.mixins.slicing.HasTimeIndexer

        +

        Container for interval data existing over a period of time.

        +

        Interval data is data that constists for a given time interval. Examples are a ventilator setting (e.g. +end-expiratory pressure), the position of a patient, a maneuver (end-expiratory hold) being performed, detected +periods in the data, etc.

        +

        Interval data consists of a number of time range-value pairs or time ranges without associated values. E.g. interval +data with the label “expiratory_breath_hold” only requires time ranges for when expiratory breath holds were +performed. Other interval data, e.g. “set_driving_pressure” do have associated values.

        +

        Interval data can be selected by time through the select_by_time(start_time, end_time) method. Alternatively, +t[start_time:end_time] can be used. When the start or end time overlaps with a time range, the time range and its +associated value are included in the selection if partial_inclusion is True, but ignored if partial_inclusion +is False. If the time range is partially included, the start and end times are trimmed to the start and end time +of the selection.

        +

        A potential use case where partial_inclusion should be set to True is “set_driving_pressure”: you might want to +keep the driving pressure that was set before the start of the selectioon. A use case where partial_inclusion +should be set to False is “detected_breaths”: you might want to ignore partial breaths that started before or +ended after the selected period.

        +

        Note that when selecting by time, the end time is included in the selection.

        +
        +
        Parameters:
        +
          +
        • label – a computer-readable name

        • +
        • name – a human-readable name

        • +
        • unit – the unit associated with the data

        • +
        • category – the category of data

        • +
        • time_ranges – a list of time ranges (tuples containing a start time and end time)

        • +
        • values – an optional list of values with the same length as time_ranges

        • +
        • parameters – parameters used to derive the data

        • +
        • derived_from – list of data sets this data was derived from

        • +
        • description – extended human readible description of the data

        • +
        • partial_inclusion – whether to include a trimmed version of a time range when selecting data

        • +
        +
        +
        +
        +
        +label: str[source]
        +
        + +
        +
        +name: str[source]
        +
        + +
        +
        +unit: str | None[source]
        +
        + +
        +
        +category: str[source]
        +
        + +
        +
        +time_ranges: list[TimeRange | tuple[float, float]][source]
        +
        + +
        +
        +values: list[Any] | None = None[source]
        +
        + +
        +
        +parameters: dict[str, Any][source]
        +
        + +
        +
        +derived_from: list[Any][source]
        +
        + +
        +
        +description: str = ''[source]
        +
        + +
        +
        +partial_inclusion: bool = False[source]
        +
        + +
        +
        +__post_init__() None[source]
        +
        + +
        +
        +__repr__() str[source]
        +

        Return repr(self).

        +
        + +
        +
        +__len__() int[source]
        +
        + +
        +
        +select_by_time(start_time: float | None = None, end_time: float | None = None, partial_inclusion: bool | None = None, newlabel: str | None = None) typing_extensions.Self[source]
        +

        Return only period data that overlaps (partly) with start and end time.

        +

        Other types of data (e.g. ContinuousData and SparseData) support the start_inclusive and end_inclusive +arguments. PeriodData does not. That means that selection by time of PeriodData probably works slightly +different than other types of selecting/slicing data.

        +
        + +
        +
        +concatenate(other: T, newlabel: str | None = None) T[source]
        +
        + +
        + +
        + + + +
        +
        +
+
+ +
+
+ + + + \ No newline at end of file diff --git a/autoapi/eitprocessing/datahandling/loading/binreader/index.html b/autoapi/eitprocessing/datahandling/loading/binreader/index.html index 45eced4d2..c8ee6daf1 100644 --- a/autoapi/eitprocessing/datahandling/loading/binreader/index.html +++ b/autoapi/eitprocessing/datahandling/loading/binreader/index.html @@ -97,7 +97,7 @@

Module Contents
-file_handle: io.BufferedReader[source]
+file_handle: io.BufferedReader | mmap.mmap[source]
diff --git a/autoapi/eitprocessing/datahandling/loading/draeger/index.html b/autoapi/eitprocessing/datahandling/loading/draeger/index.html index c82f6ca1b..73627c39b 100644 --- a/autoapi/eitprocessing/datahandling/loading/draeger/index.html +++ b/autoapi/eitprocessing/datahandling/loading/draeger/index.html @@ -86,19 +86,16 @@

Classes

Event

Single time point event registered during an EIT measurement.

-

BinReader

-

Helper class for reading binary files from disk.

- -

MaxValue

-

Automatically registered local maximum of an EIT measurement.

+

IntervalData

+

Container for interval data existing over a period of time.

-

MinValue

-

Automatically registered local minimum of an EIT measurement.

+

BinReader

+

Helper class for reading binary files from disk.

-

SparseData

-

SparseData.

+

SparseData

+

Container for data occuring at unpredictable time points.

-

_MedibusField

+

_MedibusField

@@ -111,7 +108,7 @@

Functions

load_eit_data(...)

Load EIT data from path(s).

-

load_from_single_path(...)

+

load_from_single_path(→ dict[str, ...)

Load Dräger EIT data from path.

_convert_medibus_data(...)

@@ -410,14 +407,14 @@

Module Contents
-concatenate(other: typing_extensions.Self[V]) typing_extensions.Self[V][source]
+concatenate(other: typing_extensions.Self) typing_extensions.Self[source]

Concatenate this collection with an equivalent collection.

Each item of self of concatenated with the item of other with the same key.

-select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) typing_extensions.Self[source]
+select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) DataCollection[source]

Return a DataCollection containing sliced copies of the items.

@@ -444,7 +441,7 @@

Module Contents
-path: pathlib.Path | list[pathlib.Path]
+path: str | pathlib.Path | list[pathlib.Path | str] | list[pathlib.Path] | list[str]
@@ -467,16 +464,6 @@

Module Contentsvendor: Vendor

-
-
-phases: list
-
- -
-
-events: list
-
-
label: str | None
@@ -499,7 +486,7 @@

Module Contents
-static ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path]) list[pathlib.Path][source]
+static ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path] | list[str] | list[pathlib.Path]) list[pathlib.Path][source]

Return the path or paths as a list.

The path of any EITData object can be a single str/Path or a list of str/Path objects. This method returns a list of Path objects given either a str/Path or list of str/Paths.

@@ -528,35 +515,9 @@

Module Contents__len__()[source]

-
-
-property global_baseline: numpy.ndarray
-

Return the global baseline, i.e. the minimum pixel impedance across all pixels.

-
- -
-
-property pixel_impedance_global_offset: numpy.ndarray
-

Return the pixel impedance with the global baseline removed.

-

In the resulting array the minimum impedance across all pixels is set to 0.

-
- -
-
-property pixel_baseline: numpy.ndarray
-

Return the lowest value in each individual pixel over time.

-
- -
-
-property pixel_impedance_individual_offset: numpy.ndarray
-

Return the pixel impedance with the baseline of each individual pixel removed.

-

Each pixel in the resulting array has a minimum value of 0.

-
- -
-
-property global_impedance: numpy.ndarray
+
+
+_calculate_global_impedance() numpy.ndarray[source]

Return the global impedance, i.e. the sum of all pixels at each frame.

@@ -599,23 +560,132 @@

Module Contentsclass eitprocessing.datahandling.loading.draeger.Event[source]

Single time point event registered during an EIT measurement.

-
-index: int
+
+marker: int
+
+ +
+
+text: str
+
+ +

+ +
+
+class eitprocessing.datahandling.loading.draeger.IntervalData[source]
+

Bases: eitprocessing.datahandling.mixins.equality.Equivalence, eitprocessing.datahandling.mixins.slicing.HasTimeIndexer

+

Container for interval data existing over a period of time.

+

Interval data is data that constists for a given time interval. Examples are a ventilator setting (e.g. +end-expiratory pressure), the position of a patient, a maneuver (end-expiratory hold) being performed, detected +periods in the data, etc.

+

Interval data consists of a number of time range-value pairs or time ranges without associated values. E.g. interval +data with the label “expiratory_breath_hold” only requires time ranges for when expiratory breath holds were +performed. Other interval data, e.g. “set_driving_pressure” do have associated values.

+

Interval data can be selected by time through the select_by_time(start_time, end_time) method. Alternatively, +t[start_time:end_time] can be used. When the start or end time overlaps with a time range, the time range and its +associated value are included in the selection if partial_inclusion is True, but ignored if partial_inclusion +is False. If the time range is partially included, the start and end times are trimmed to the start and end time +of the selection.

+

A potential use case where partial_inclusion should be set to True is “set_driving_pressure”: you might want to +keep the driving pressure that was set before the start of the selectioon. A use case where partial_inclusion +should be set to False is “detected_breaths”: you might want to ignore partial breaths that started before or +ended after the selected period.

+

Note that when selecting by time, the end time is included in the selection.

+
+
Parameters:
+
    +
  • label – a computer-readable name

  • +
  • name – a human-readable name

  • +
  • unit – the unit associated with the data

  • +
  • category – the category of data

  • +
  • time_ranges – a list of time ranges (tuples containing a start time and end time)

  • +
  • values – an optional list of values with the same length as time_ranges

  • +
  • parameters – parameters used to derive the data

  • +
  • derived_from – list of data sets this data was derived from

  • +
  • description – extended human readible description of the data

  • +
  • partial_inclusion – whether to include a trimmed version of a time range when selecting data

  • +
+
+
+
+
+label: str
-
-time: float
+
+name: str
-
-marker: int
+
+unit: str | None
-
-text: str
+
+category: str
+
+ +
+
+time_ranges: list[TimeRange | tuple[float, float]]
+
+ +
+
+values: list[Any] | None = None
+
+ +
+
+parameters: dict[str, Any]
+
+ +
+
+derived_from: list[Any]
+
+ +
+
+description: str = ''
+
+ +
+
+partial_inclusion: bool = False
+
+ +
+
+__post_init__() None[source]
+
+ +
+
+__repr__() str[source]
+

Return repr(self).

+
+ +
+
+__len__() int[source]
+
+ +
+
+select_by_time(start_time: float | None = None, end_time: float | None = None, partial_inclusion: bool | None = None, newlabel: str | None = None) typing_extensions.Self[source]
+

Return only period data that overlaps (partly) with start and end time.

+

Other types of data (e.g. ContinuousData and SparseData) support the start_inclusive and end_inclusive +arguments. PeriodData does not. That means that selection by time of PeriodData probably works slightly +different than other types of selecting/slicing data.

+
+ +
+
+concatenate(other: T, newlabel: str | None = None) T[source]
@@ -681,7 +751,7 @@

Module Contents
-file_handle: io.BufferedReader
+file_handle: io.BufferedReader | mmap.mmap
@@ -819,23 +889,104 @@

Module Contents -
-class eitprocessing.datahandling.loading.draeger.MaxValue[source]
-

Bases: PhaseIndicator

-

Automatically registered local maximum of an EIT measurement.

+
+class eitprocessing.datahandling.loading.draeger.SparseData[source]
+

Bases: eitprocessing.datahandling.mixins.equality.Equivalence, eitprocessing.datahandling.mixins.slicing.SelectByTime

+

Container for data occuring at unpredictable time points.

+

In sparse data the time points are not necessarily evenly spaced. Data can consist time-value pairs or only time +points. Values generally are numeric values in arrays, but can also be lists of different types of object.

+

Sparse data differs from IntervalData in that each data points is associated with a single time point rather than a +time range.

+

Examples are data points at end of inspiration/end of expiration (e.g. tidal volume, end-expiratoy lung impedance) +or detected time points (e.g. QRS complexes).

+
+
Parameters:
+
    +
  • label – Computer readable name.

  • +
  • name – Human readable name.

  • +
  • unit – Unit of the data, if applicable.

  • +
  • category – Category the data falls into, e.g. ‘airway pressure’.

  • +
  • description – Human readible extended description of the data.

  • +
  • parameters – Parameters used to derive the data.

  • +
  • derived_from – Traceback of intermediates from which the current data was derived.

  • +
  • values – List or array of values. These van be numeric data, text or Python objects.

  • +
+
+
+
+
+label: str
+
+ +
+
+name: str
+
+ +
+
+unit: str | None
+
+ +
+
+category: str
+
+ +
+
+time: numpy.ndarray
+
+ +
+
+description: str = ''
+
+ +
+
+parameters: dict[str, Any]
+
+ +
+
+derived_from: list[Any]
+
+ +
+
+values: Any | None = None
+
+ +
+
+__post_init__() None[source]
+
+ +
+
+__repr__() str[source]
+

Return repr(self).

-
-
-class eitprocessing.datahandling.loading.draeger.MinValue[source]
-

Bases: PhaseIndicator

-

Automatically registered local minimum of an EIT measurement.

+
+
+__len__() int[source]
+
+ +
+
+_sliced_copy(start_index: int, end_index: int, newlabel: str) typing_extensions.Self[source]
+

Slicing method that must be implemented by all subclasses.

+

Must return a copy of self object with all attached data within selected +indices.

-
-
-class eitprocessing.datahandling.loading.draeger.SparseData[source]
-

SparseData.

+
+
+concatenate(other: T, newlabel: str | None = None) T[source]
+
+
@@ -855,7 +1006,7 @@

Module Contents
-eitprocessing.datahandling.loading.draeger.load_from_single_path(path: pathlib.Path, framerate: float | None = 20, first_frame: int = 0, max_frames: int | None = None) tuple[eitprocessing.datahandling.datacollection.DataCollection, eitprocessing.datahandling.datacollection.DataCollection, eitprocessing.datahandling.datacollection.DataCollection][source]
+eitprocessing.datahandling.loading.draeger.load_from_single_path(path: pathlib.Path, framerate: float | None = 20, first_frame: int = 0, max_frames: int | None = None) dict[str, eitprocessing.datahandling.datacollection.DataCollection][source]

Load Dräger EIT data from path.

@@ -866,7 +1017,7 @@

Module Contents
-eitprocessing.datahandling.loading.draeger._read_frame(reader: eitprocessing.datahandling.loading.binreader.BinReader, index: int, time: numpy.typing.NDArray, pixel_impedance: numpy.typing.NDArray, medibus_data: numpy.typing.NDArray, events: list, phases: list, previous_marker: int | None, first_frame: int = 0) int[source]
+eitprocessing.datahandling.loading.draeger._read_frame(reader: eitprocessing.datahandling.loading.binreader.BinReader, index: int, time: numpy.typing.NDArray, pixel_impedance: numpy.typing.NDArray, medibus_data: numpy.typing.NDArray, events: list, phases: list, previous_marker: int | None) int[source]

Read frame by frame data from DRAEGER files.

This method adds the loaded data to the provided arrays time and pixel_impedance and the provided lists events and phases when the @@ -960,8 +1111,6 @@

Table of Contents

  • EITData.time
  • EITData.framerate
  • EITData.vendor
  • -
  • EITData.phases
  • -
  • EITData.events
  • EITData.label
  • EITData.name
  • EITData.pixel_impedance
  • @@ -971,11 +1120,7 @@

    Table of Contents

  • EITData.concatenate()
  • EITData._sliced_copy()
  • EITData.__len__()
  • -
  • EITData.global_baseline
  • -
  • EITData.pixel_impedance_global_offset
  • -
  • EITData.pixel_baseline
  • -
  • EITData.pixel_impedance_individual_offset
  • -
  • EITData.global_impedance
  • +
  • EITData._calculate_global_impedance()
  • Vendor
  • Event
  • +
  • IntervalData +
  • load_eit_data()
  • BinReader
  • -
  • MaxValue
  • -
  • MinValue
  • -
  • SparseData
  • +
  • SparseData +
  • _FRAME_SIZE_BYTES
  • DRAEGER_FRAMERATE
  • load_draeger_data
  • diff --git a/autoapi/eitprocessing/datahandling/loading/index.html b/autoapi/eitprocessing/datahandling/loading/index.html index 7778874ff..f6e41bb58 100644 --- a/autoapi/eitprocessing/datahandling/loading/index.html +++ b/autoapi/eitprocessing/datahandling/loading/index.html @@ -176,14 +176,14 @@

    Package Contents
    -concatenate(other: typing_extensions.Self[V]) typing_extensions.Self[V][source]
    +concatenate(other: typing_extensions.Self) typing_extensions.Self[source]

    Concatenate this collection with an equivalent collection.

    Each item of self of concatenated with the item of other with the same key.

    -select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) typing_extensions.Self[source]
    +select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) DataCollection[source]

    Return a DataCollection containing sliced copies of the items.

    @@ -210,7 +210,7 @@

    Package Contents
    -path: pathlib.Path | list[pathlib.Path]
    +path: str | pathlib.Path | list[pathlib.Path | str] | list[pathlib.Path] | list[str]

    @@ -233,16 +233,6 @@

    Package Contentsvendor: Vendor

    -
    -
    -phases: list
    -
    - -
    -
    -events: list
    -
    -
    label: str | None
    @@ -265,7 +255,7 @@

    Package Contents
    -static ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path]) list[pathlib.Path][source]
    +static ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path] | list[str] | list[pathlib.Path]) list[pathlib.Path][source]

    Return the path or paths as a list.

    The path of any EITData object can be a single str/Path or a list of str/Path objects. This method returns a list of Path objects given either a str/Path or list of str/Paths.

    @@ -294,35 +284,9 @@

    Package Contents__len__()[source]

    -
    -
    -property global_baseline: numpy.ndarray
    -

    Return the global baseline, i.e. the minimum pixel impedance across all pixels.

    -
    - -
    -
    -property pixel_impedance_global_offset: numpy.ndarray
    -

    Return the pixel impedance with the global baseline removed.

    -

    In the resulting array the minimum impedance across all pixels is set to 0.

    -
    - -
    -
    -property pixel_baseline: numpy.ndarray
    -

    Return the lowest value in each individual pixel over time.

    -
    - -
    -
    -property pixel_impedance_individual_offset: numpy.ndarray
    -

    Return the pixel impedance with the baseline of each individual pixel removed.

    -

    Each pixel in the resulting array has a minimum value of 0.

    -
    - -
    -
    -property global_impedance: numpy.ndarray
    +
    +
    +_calculate_global_impedance() numpy.ndarray[source]

    Return the global impedance, i.e. the sum of all pixels at each frame.

    @@ -415,6 +379,11 @@

    Package Contentssparse_data: eitprocessing.datahandling.datacollection.DataCollection

    +
    +
    +interval_data: eitprocessing.datahandling.datacollection.DataCollection
    +
    +
    __post_init__()[source]
    @@ -452,7 +421,7 @@

    Package Contents
    -select_by_time(start_time: float | None = None, end_time: float | None = None, start_inclusive: bool = True, end_inclusive: bool = False, label: str | None = None, name: str | None = None, description: str | None = '') typing_extensions.Self[source]
    +select_by_time(start_time: float | None = None, end_time: float | None = None, start_inclusive: bool = True, end_inclusive: bool = False, label: str | None = None, name: str | None = None, description: str = '') typing_extensions.Self[source]

    Return a sliced version of the Sequence.

    See SelectByTime.select_by_time().

    @@ -553,8 +522,6 @@

    Table of Contents

  • EITData.time
  • EITData.framerate
  • EITData.vendor
  • -
  • EITData.phases
  • -
  • EITData.events
  • EITData.label
  • EITData.name
  • EITData.pixel_impedance
  • @@ -564,11 +531,7 @@

    Table of Contents

  • EITData.concatenate()
  • EITData._sliced_copy()
  • EITData.__len__()
  • -
  • EITData.global_baseline
  • -
  • EITData.pixel_impedance_global_offset
  • -
  • EITData.pixel_baseline
  • -
  • EITData.pixel_impedance_individual_offset
  • -
  • EITData.global_impedance
  • +
  • EITData._calculate_global_impedance()
  • Vendor
  • Vendor
  • -
  • SparseData
  • +
  • SparseData +
  • SENTEC_FRAMERATE
  • load_sentec_data
  • load_from_single_path()
  • diff --git a/autoapi/eitprocessing/datahandling/loading/timpel/index.html b/autoapi/eitprocessing/datahandling/loading/timpel/index.html index 2cfdef59a..ce610369b 100644 --- a/autoapi/eitprocessing/datahandling/loading/timpel/index.html +++ b/autoapi/eitprocessing/datahandling/loading/timpel/index.html @@ -71,29 +71,26 @@

    Attributes

    - + + + + - + - + - + - - - - - - - - + + - - + +

    ContinuousData

    Breath

    Represents a breath with a start, middle and end index.

    ContinuousData

    Data class for (non-EIT) data with a continuous time axis.

    DataCollection

    DataCollection

    A collection of a single type of data with unique labels.

    EITData

    EITData

    Container for EIT data.

    Vendor

    Vendor

    Enum indicating the vendor (manufacturer) of the source EIT device.

    MaxValue

    Automatically registered local maximum of an EIT measurement.

    MinValue

    Automatically registered local minimum of an EIT measurement.

    QRSMark

    Automatically registered QRS mark an EIT measurement from a Timpel device.

    IntervalData

    Container for interval data existing over a period of time.

    SparseData

    SparseData.

    SparseData

    Container for data occuring at unpredictable time points.

    @@ -105,14 +102,39 @@

    Functions

    load_eit_data(...)

    Load EIT data from path(s).

    -

    load_from_single_path(...)

    +

    load_from_single_path(→ dict[str, ...)

    Load Timpel EIT data from path.

    +

    _make_breaths(→ tuple[list[tuple[float, float]], ...)

    +

    +

    Module Contents

    +
    +
    +class eitprocessing.datahandling.loading.timpel.Breath[source]
    +

    Bases: NamedTuple

    +

    Represents a breath with a start, middle and end index.

    +
    +
    +start_time: float
    +
    + +
    +
    +middle_time: float
    +
    + +
    +
    +end_time: float
    +
    + +
    +
    class eitprocessing.datahandling.loading.timpel.ContinuousData[source]
    @@ -398,14 +420,14 @@

    Module Contents
    -concatenate(other: typing_extensions.Self[V]) typing_extensions.Self[V][source]
    +concatenate(other: typing_extensions.Self) typing_extensions.Self[source]

    Concatenate this collection with an equivalent collection.

    Each item of self of concatenated with the item of other with the same key.

    -select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) typing_extensions.Self[source]
    +select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) DataCollection[source]

    Return a DataCollection containing sliced copies of the items.

    @@ -432,7 +454,7 @@

    Module Contents
    -path: pathlib.Path | list[pathlib.Path]
    +path: str | pathlib.Path | list[pathlib.Path | str] | list[pathlib.Path] | list[str]
    @@ -455,16 +477,6 @@

    Module Contentsvendor: Vendor

    -
    -
    -phases: list
    -
    - -
    -
    -events: list
    -
    -
    label: str | None
    @@ -487,7 +499,7 @@

    Module Contents
    -static ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path]) list[pathlib.Path][source]
    +static ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path] | list[str] | list[pathlib.Path]) list[pathlib.Path][source]

    Return the path or paths as a list.

    The path of any EITData object can be a single str/Path or a list of str/Path objects. This method returns a list of Path objects given either a str/Path or list of str/Paths.

    @@ -516,35 +528,9 @@

    Module Contents__len__()[source]

    -
    -
    -property global_baseline: numpy.ndarray
    -

    Return the global baseline, i.e. the minimum pixel impedance across all pixels.

    -
    - -
    -
    -property pixel_impedance_global_offset: numpy.ndarray
    -

    Return the pixel impedance with the global baseline removed.

    -

    In the resulting array the minimum impedance across all pixels is set to 0.

    -
    - -
    -
    -property pixel_baseline: numpy.ndarray
    -

    Return the lowest value in each individual pixel over time.

    -
    - -
    -
    -property pixel_impedance_individual_offset: numpy.ndarray
    -

    Return the pixel impedance with the baseline of each individual pixel removed.

    -

    Each pixel in the resulting array has a minimum value of 0.

    -
    - -
    -
    -property global_impedance: numpy.ndarray
    +
    +
    +_calculate_global_impedance() numpy.ndarray[source]

    Return the global impedance, i.e. the sum of all pixels at each frame.

    @@ -582,6 +568,125 @@

    Module Contents +
    +class eitprocessing.datahandling.loading.timpel.IntervalData[source]
    +

    Bases: eitprocessing.datahandling.mixins.equality.Equivalence, eitprocessing.datahandling.mixins.slicing.HasTimeIndexer

    +

    Container for interval data existing over a period of time.

    +

    Interval data is data that constists for a given time interval. Examples are a ventilator setting (e.g. +end-expiratory pressure), the position of a patient, a maneuver (end-expiratory hold) being performed, detected +periods in the data, etc.

    +

    Interval data consists of a number of time range-value pairs or time ranges without associated values. E.g. interval +data with the label “expiratory_breath_hold” only requires time ranges for when expiratory breath holds were +performed. Other interval data, e.g. “set_driving_pressure” do have associated values.

    +

    Interval data can be selected by time through the select_by_time(start_time, end_time) method. Alternatively, +t[start_time:end_time] can be used. When the start or end time overlaps with a time range, the time range and its +associated value are included in the selection if partial_inclusion is True, but ignored if partial_inclusion +is False. If the time range is partially included, the start and end times are trimmed to the start and end time +of the selection.

    +

    A potential use case where partial_inclusion should be set to True is “set_driving_pressure”: you might want to +keep the driving pressure that was set before the start of the selectioon. A use case where partial_inclusion +should be set to False is “detected_breaths”: you might want to ignore partial breaths that started before or +ended after the selected period.

    +

    Note that when selecting by time, the end time is included in the selection.

    +
    +
    Parameters:
    +
      +
    • label – a computer-readable name

    • +
    • name – a human-readable name

    • +
    • unit – the unit associated with the data

    • +
    • category – the category of data

    • +
    • time_ranges – a list of time ranges (tuples containing a start time and end time)

    • +
    • values – an optional list of values with the same length as time_ranges

    • +
    • parameters – parameters used to derive the data

    • +
    • derived_from – list of data sets this data was derived from

    • +
    • description – extended human readible description of the data

    • +
    • partial_inclusion – whether to include a trimmed version of a time range when selecting data

    • +
    +
    +
    +
    +
    +label: str
    +
    + +
    +
    +name: str
    +
    + +
    +
    +unit: str | None
    +
    + +
    +
    +category: str
    +
    + +
    +
    +time_ranges: list[TimeRange | tuple[float, float]]
    +
    + +
    +
    +values: list[Any] | None = None
    +
    + +
    +
    +parameters: dict[str, Any]
    +
    + +
    +
    +derived_from: list[Any]
    +
    + +
    +
    +description: str = ''
    +
    + +
    +
    +partial_inclusion: bool = False
    +
    + +
    +
    +__post_init__() None[source]
    +
    + +
    +
    +__repr__() str[source]
    +

    Return repr(self).

    +
    + +
    +
    +__len__() int[source]
    +
    + +
    +
    +select_by_time(start_time: float | None = None, end_time: float | None = None, partial_inclusion: bool | None = None, newlabel: str | None = None) typing_extensions.Self[source]
    +

    Return only period data that overlaps (partly) with start and end time.

    +

    Other types of data (e.g. ContinuousData and SparseData) support the start_inclusive and end_inclusive +arguments. PeriodData does not. That means that selection by time of PeriodData probably works slightly +different than other types of selecting/slicing data.

    +
    + +
    +
    +concatenate(other: T, newlabel: str | None = None) T[source]
    +
    + +

    +
    eitprocessing.datahandling.loading.timpel.load_eit_data(path: str | pathlib.Path | list[str | pathlib.Path], vendor: eitprocessing.datahandling.eitdata.Vendor | str, label: str | None = None, name: str | None = None, description: str = '', framerate: float | None = None, first_frame: int = 0, max_frames: int | None = None) eitprocessing.datahandling.sequence.Sequence[source]
    @@ -630,30 +735,104 @@

    Module Contents -
    -class eitprocessing.datahandling.loading.timpel.MaxValue[source]
    -

    Bases: PhaseIndicator

    -

    Automatically registered local maximum of an EIT measurement.

    -

    +
    +class eitprocessing.datahandling.loading.timpel.SparseData[source]
    +

    Bases: eitprocessing.datahandling.mixins.equality.Equivalence, eitprocessing.datahandling.mixins.slicing.SelectByTime

    +

    Container for data occuring at unpredictable time points.

    +

    In sparse data the time points are not necessarily evenly spaced. Data can consist time-value pairs or only time +points. Values generally are numeric values in arrays, but can also be lists of different types of object.

    +

    Sparse data differs from IntervalData in that each data points is associated with a single time point rather than a +time range.

    +

    Examples are data points at end of inspiration/end of expiration (e.g. tidal volume, end-expiratoy lung impedance) +or detected time points (e.g. QRS complexes).

    +
    +
    Parameters:
    +
      +
    • label – Computer readable name.

    • +
    • name – Human readable name.

    • +
    • unit – Unit of the data, if applicable.

    • +
    • category – Category the data falls into, e.g. ‘airway pressure’.

    • +
    • description – Human readible extended description of the data.

    • +
    • parameters – Parameters used to derive the data.

    • +
    • derived_from – Traceback of intermediates from which the current data was derived.

    • +
    • values – List or array of values. These van be numeric data, text or Python objects.

    • +
    +
    +
    +
    +
    +label: str
    +
    -
    -
    -class eitprocessing.datahandling.loading.timpel.MinValue[source]
    -

    Bases: PhaseIndicator

    -

    Automatically registered local minimum of an EIT measurement.

    +
    +
    +name: str
    +
    + +
    +
    +unit: str | None
    +
    + +
    +
    +category: str
    +
    + +
    +
    +time: numpy.ndarray
    +
    + +
    +
    +description: str = ''
    +
    + +
    +
    +parameters: dict[str, Any]
    +
    + +
    +
    +derived_from: list[Any]
    +
    + +
    +
    +values: Any | None = None
    +
    + +
    +
    +__post_init__() None[source]
    +
    + +
    +
    +__repr__() str[source]
    +

    Return repr(self).

    -
    -
    -class eitprocessing.datahandling.loading.timpel.QRSMark[source]
    -

    Bases: PhaseIndicator

    -

    Automatically registered QRS mark an EIT measurement from a Timpel device.

    +
    +
    +__len__() int[source]
    +
    + +
    +
    +_sliced_copy(start_index: int, end_index: int, newlabel: str) typing_extensions.Self[source]
    +

    Slicing method that must be implemented by all subclasses.

    +

    Must return a copy of self object with all attached data within selected +indices.

    -
    -
    -class eitprocessing.datahandling.loading.timpel.SparseData[source]
    -

    SparseData.

    +
    +
    +concatenate(other: T, newlabel: str | None = None) T[source]
    +
    +
    @@ -678,10 +857,15 @@

    Module Contents
    -eitprocessing.datahandling.loading.timpel.load_from_single_path(path: pathlib.Path, framerate: float | None = 20, first_frame: int = 0, max_frames: int | None = None) eitprocessing.datahandling.datacollection.DataCollection | tuple[eitprocessing.datahandling.datacollection.DataCollection, eitprocessing.datahandling.datacollection.DataCollection, eitprocessing.datahandling.datacollection.DataCollection][source]
    +eitprocessing.datahandling.loading.timpel.load_from_single_path(path: pathlib.Path, framerate: float | None = 20, first_frame: int = 0, max_frames: int | None = None) dict[str, eitprocessing.datahandling.datacollection.DataCollection][source]

    Load Timpel EIT data from path.

    +
    +
    +eitprocessing.datahandling.loading.timpel._make_breaths(time: numpy.ndarray, min_indices: numpy.ndarray, max_indices: numpy.ndarray, gi: numpy.ndarray) tuple[list[tuple[float, float]], list[eitprocessing.datahandling.breath.Breath]][source]
    +
    +

    @@ -700,6 +884,12 @@

    Table of Contents

  • Classes
  • Functions
  • Module Contents
  • diff --git a/autoapi/eitprocessing/datahandling/mixins/equality/index.html b/autoapi/eitprocessing/datahandling/mixins/equality/index.html index 44c8a8aff..c4718d03b 100644 --- a/autoapi/eitprocessing/datahandling/mixins/equality/index.html +++ b/autoapi/eitprocessing/datahandling/mixins/equality/index.html @@ -80,6 +80,18 @@

    Module Contents +
    +_eq_dataclass(other: object) bool[source]
    +

    Compare two dataclasses for equality.

    +
    + +
    +
    +_eq_userdict(other: object) bool[source]
    +

    Compare two userdicts for equality.

    +
    +
    static _array_safe_eq(a: Any, b: Any) bool[source]
    @@ -142,6 +154,8 @@

    Table of Contents

  • Module Contents
    • Equivalence diff --git a/autoapi/eitprocessing/datahandling/mixins/slicing/index.html b/autoapi/eitprocessing/datahandling/mixins/slicing/index.html index 3e9cd7ac6..acb944d59 100644 --- a/autoapi/eitprocessing/datahandling/mixins/slicing/index.html +++ b/autoapi/eitprocessing/datahandling/mixins/slicing/index.html @@ -14,7 +14,7 @@ - +
    • - next |
    • Module Contents +
      +abstract __len__()[source]
      +
  • +
    abstract _sliced_copy(start_index: int, end_index: int, newlabel: str) typing_extensions.Self[source]
    @@ -125,6 +130,11 @@

    Module Contents`

    +
    +
    +abstract select_by_time(*args, **kwargs) typing_extensions.Self[source]
    +
    +
    @@ -180,7 +190,7 @@

    Module Contents`

    -obj: SelectByTime[source]
    +obj: HasTimeIndexer[source]
    @@ -210,11 +220,13 @@

    Table of Contents

  • SelectByIndex.label
  • SelectByIndex.__getitem__()
  • SelectByIndex.select_by_index()
  • +
  • SelectByIndex.__len__()
  • SelectByIndex._sliced_copy()
  • HasTimeIndexer
  • SelectByTime
      @@ -240,8 +252,8 @@

      Previous topic

  • Next topic

    @@ -180,7 +180,7 @@

    Navigation

    next |
  • - previous |
  • diff --git a/autoapi/eitprocessing/datahandling/sequence/index.html b/autoapi/eitprocessing/datahandling/sequence/index.html index 203d11d18..587c677ca 100644 --- a/autoapi/eitprocessing/datahandling/sequence/index.html +++ b/autoapi/eitprocessing/datahandling/sequence/index.html @@ -60,19 +60,22 @@

    Classes

    EITData

    Container for EIT data.

    -

    Equivalence

    +

    IntervalData

    +

    Container for interval data existing over a period of time.

    + +

    Equivalence

    Mixin class that adds an equality and equivalence check.

    -

    HasTimeIndexer

    +

    HasTimeIndexer

    Gives access to a TimeIndexer object that can be used to slice by time.

    -

    SelectByTime

    +

    SelectByTime

    Adds methods for slicing by time rather than index.

    -

    SparseData

    -

    SparseData.

    +

    SparseData

    +

    Container for data occuring at unpredictable time points.

    -

    Sequence

    +

    Sequence

    Sequence of timepoints containing respiratory data.

    @@ -365,14 +368,14 @@

    Module Contents
    -concatenate(other: typing_extensions.Self[V]) typing_extensions.Self[V][source]
    +concatenate(other: typing_extensions.Self) typing_extensions.Self[source]

    Concatenate this collection with an equivalent collection.

    Each item of self of concatenated with the item of other with the same key.

    -select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) typing_extensions.Self[source]
    +select_by_time(start_time: float | None, end_time: float | None, start_inclusive: bool = True, end_inclusive: bool = False) DataCollection[source]

    Return a DataCollection containing sliced copies of the items.

    @@ -399,7 +402,7 @@

    Module Contents
    -path: pathlib.Path | list[pathlib.Path]
    +path: str | pathlib.Path | list[pathlib.Path | str] | list[pathlib.Path] | list[str]
    @@ -422,16 +425,6 @@

    Module Contentsvendor: Vendor

    -
    -
    -phases: list
    -
    - -
    -
    -events: list
    -
    -
    label: str | None
    @@ -454,7 +447,7 @@

    Module Contents
    -static ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path]) list[pathlib.Path][source]
    +static ensure_path_list(path: str | pathlib.Path | list[str | pathlib.Path] | list[str] | list[pathlib.Path]) list[pathlib.Path][source]

    Return the path or paths as a list.

    The path of any EITData object can be a single str/Path or a list of str/Path objects. This method returns a list of Path objects given either a str/Path or list of str/Paths.

    @@ -483,38 +476,131 @@

    Module Contents__len__()[source]

    -
    -
    -property global_baseline: numpy.ndarray
    -

    Return the global baseline, i.e. the minimum pixel impedance across all pixels.

    +
    +
    +_calculate_global_impedance() numpy.ndarray[source]
    +

    Return the global impedance, i.e. the sum of all pixels at each frame.

    -
    -
    -property pixel_impedance_global_offset: numpy.ndarray
    -

    Return the pixel impedance with the global baseline removed.

    -

    In the resulting array the minimum impedance across all pixels is set to 0.

    -
    -
    -property pixel_baseline: numpy.ndarray
    -

    Return the lowest value in each individual pixel over time.

    -
    +
    +
    +class eitprocessing.datahandling.sequence.IntervalData[source]
    +

    Bases: eitprocessing.datahandling.mixins.equality.Equivalence, eitprocessing.datahandling.mixins.slicing.HasTimeIndexer

    +

    Container for interval data existing over a period of time.

    +

    Interval data is data that constists for a given time interval. Examples are a ventilator setting (e.g. +end-expiratory pressure), the position of a patient, a maneuver (end-expiratory hold) being performed, detected +periods in the data, etc.

    +

    Interval data consists of a number of time range-value pairs or time ranges without associated values. E.g. interval +data with the label “expiratory_breath_hold” only requires time ranges for when expiratory breath holds were +performed. Other interval data, e.g. “set_driving_pressure” do have associated values.

    +

    Interval data can be selected by time through the select_by_time(start_time, end_time) method. Alternatively, +t[start_time:end_time] can be used. When the start or end time overlaps with a time range, the time range and its +associated value are included in the selection if partial_inclusion is True, but ignored if partial_inclusion +is False. If the time range is partially included, the start and end times are trimmed to the start and end time +of the selection.

    +

    A potential use case where partial_inclusion should be set to True is “set_driving_pressure”: you might want to +keep the driving pressure that was set before the start of the selectioon. A use case where partial_inclusion +should be set to False is “detected_breaths”: you might want to ignore partial breaths that started before or +ended after the selected period.

    +

    Note that when selecting by time, the end time is included in the selection.

    +
    +
    Parameters:
    +
      +
    • label – a computer-readable name

    • +
    • name – a human-readable name

    • +
    • unit – the unit associated with the data

    • +
    • category – the category of data

    • +
    • time_ranges – a list of time ranges (tuples containing a start time and end time)

    • +
    • values – an optional list of values with the same length as time_ranges

    • +
    • parameters – parameters used to derive the data

    • +
    • derived_from – list of data sets this data was derived from

    • +
    • description – extended human readible description of the data

    • +
    • partial_inclusion – whether to include a trimmed version of a time range when selecting data

    • +
    +
    +
    +
    +
    +label: str
    +
    -
    -
    -property pixel_impedance_individual_offset: numpy.ndarray
    -

    Return the pixel impedance with the baseline of each individual pixel removed.

    -

    Each pixel in the resulting array has a minimum value of 0.

    +
    +
    +name: str
    +
    + +
    +
    +unit: str | None
    +
    + +
    +
    +category: str
    +
    + +
    +
    +time_ranges: list[TimeRange | tuple[float, float]]
    +
    + +
    +
    +values: list[Any] | None = None
    +
    + +
    +
    +parameters: dict[str, Any]
    +
    + +
    +
    +derived_from: list[Any]
    +
    + +
    +
    +description: str = ''
    +
    + +
    +
    +partial_inclusion: bool = False
    +
    + +
    +
    +__post_init__() None[source]
    +
    + +
    +
    +__repr__() str[source]
    +

    Return repr(self).

    -
    -
    -property global_impedance: numpy.ndarray
    -

    Return the global impedance, i.e. the sum of all pixels at each frame.

    +
    +
    +__len__() int[source]
    +
    + +
    +
    +select_by_time(start_time: float | None = None, end_time: float | None = None, partial_inclusion: bool | None = None, newlabel: str | None = None) typing_extensions.Self[source]
    +

    Return only period data that overlaps (partly) with start and end time.

    +

    Other types of data (e.g. ContinuousData and SparseData) support the start_inclusive and end_inclusive +arguments. PeriodData does not. That means that selection by time of PeriodData probably works slightly +different than other types of selecting/slicing data.

    +
    +
    +concatenate(other: T, newlabel: str | None = None) T[source]
    +
    +
    @@ -527,6 +613,18 @@

    Module Contents +
    +_eq_dataclass(other: object) bool[source]
    +

    Compare two dataclasses for equality.

    +

    + +
    +
    +_eq_userdict(other: object) bool[source]
    +

    Compare two userdicts for equality.

    +
    +
    static _array_safe_eq(a: Any, b: Any) bool[source]
    @@ -581,6 +679,11 @@

    Module Contents`

    +
    +
    +abstract select_by_time(*args, **kwargs) typing_extensions.Self[source]
    +
    +
    @@ -625,7 +728,102 @@

    Module Contents
    class eitprocessing.datahandling.sequence.SparseData[source]
    -

    SparseData.

    +

    Bases: eitprocessing.datahandling.mixins.equality.Equivalence, eitprocessing.datahandling.mixins.slicing.SelectByTime

    +

    Container for data occuring at unpredictable time points.

    +

    In sparse data the time points are not necessarily evenly spaced. Data can consist time-value pairs or only time +points. Values generally are numeric values in arrays, but can also be lists of different types of object.

    +

    Sparse data differs from IntervalData in that each data points is associated with a single time point rather than a +time range.

    +

    Examples are data points at end of inspiration/end of expiration (e.g. tidal volume, end-expiratoy lung impedance) +or detected time points (e.g. QRS complexes).

    +
    +
    Parameters:
    +
      +
    • label – Computer readable name.

    • +
    • name – Human readable name.

    • +
    • unit – Unit of the data, if applicable.

    • +
    • category – Category the data falls into, e.g. ‘airway pressure’.

    • +
    • description – Human readible extended description of the data.

    • +
    • parameters – Parameters used to derive the data.

    • +
    • derived_from – Traceback of intermediates from which the current data was derived.

    • +
    • values – List or array of values. These van be numeric data, text or Python objects.

    • +
    +
    +
    +
    +
    +label: str
    +
    + +
    +
    +name: str
    +
    + +
    +
    +unit: str | None
    +
    + +
    +
    +category: str
    +
    + +
    +
    +time: numpy.ndarray
    +
    + +
    +
    +description: str = ''
    +
    + +
    +
    +parameters: dict[str, Any]
    +
    + +
    +
    +derived_from: list[Any]
    +
    + +
    +
    +values: Any | None = None
    +
    + +
    +
    +__post_init__() None[source]
    +
    + +
    +
    +__repr__() str[source]
    +

    Return repr(self).

    +
    + +
    +
    +__len__() int[source]
    +
    + +
    +
    +_sliced_copy(start_index: int, end_index: int, newlabel: str) typing_extensions.Self[source]
    +

    Slicing method that must be implemented by all subclasses.

    +

    Must return a copy of self object with all attached data within selected +indices.

    +
    + +
    +
    +concatenate(other: T, newlabel: str | None = None) T[source]
    +
    +

    @@ -683,6 +881,11 @@

    Module Contentssparse_data: eitprocessing.datahandling.datacollection.DataCollection[source]

    +
    +
    +interval_data: eitprocessing.datahandling.datacollection.DataCollection[source]
    +
    +
    __post_init__()[source]
    @@ -720,7 +923,7 @@

    Module Contents
    -select_by_time(start_time: float | None = None, end_time: float | None = None, start_inclusive: bool = True, end_inclusive: bool = False, label: str | None = None, name: str | None = None, description: str | None = '') typing_extensions.Self[source]
    +select_by_time(start_time: float | None = None, end_time: float | None = None, start_inclusive: bool = True, end_inclusive: bool = False, label: str | None = None, name: str | None = None, description: str = '') typing_extensions.Self[source]

    Return a sliced version of the Sequence.

    See SelectByTime.select_by_time().

    @@ -785,8 +988,6 @@

    Table of Contents

  • EITData.time
  • EITData.framerate
  • EITData.vendor
  • -
  • EITData.phases
  • -
  • EITData.events
  • EITData.label
  • EITData.name
  • EITData.pixel_impedance
  • @@ -796,28 +997,61 @@

    Table of Contents

  • EITData.concatenate()
  • EITData._sliced_copy()
  • EITData.__len__()
  • -
  • EITData.global_baseline
  • -
  • EITData.pixel_impedance_global_offset
  • -
  • EITData.pixel_baseline
  • -
  • EITData.pixel_impedance_individual_offset
  • -
  • EITData.global_impedance
  • +
  • EITData._calculate_global_impedance()
  • + + +
  • IntervalData
  • Equivalence
  • HasTimeIndexer
  • SelectByTime
  • -
  • SparseData
  • +
  • SparseData +
  • Sequence
  • __getitem__() (eitprocessing.datahandling.mixins.slicing.SelectByIndex method) @@ -120,30 +124,54 @@

    _

  • (eitprocessing.datahandling.datacollection.ContinuousData method)
  • (eitprocessing.datahandling.datacollection.EITData method) +
  • +
  • (eitprocessing.datahandling.datacollection.IntervalData method) +
  • +
  • (eitprocessing.datahandling.datacollection.SparseData method)
  • (eitprocessing.datahandling.eitdata.EITData method) +
  • +
  • (eitprocessing.datahandling.intervaldata.IntervalData method)
  • (eitprocessing.datahandling.loading.draeger.ContinuousData method)
  • (eitprocessing.datahandling.loading.draeger.EITData method) +
  • +
  • (eitprocessing.datahandling.loading.draeger.IntervalData method) +
  • +
  • (eitprocessing.datahandling.loading.draeger.SparseData method)
  • (eitprocessing.datahandling.loading.EITData method)
  • (eitprocessing.datahandling.loading.sentec.ContinuousData method)
  • (eitprocessing.datahandling.loading.sentec.EITData method) +
  • +
  • (eitprocessing.datahandling.loading.sentec.SparseData method)
  • (eitprocessing.datahandling.loading.Sequence method)
  • (eitprocessing.datahandling.loading.timpel.ContinuousData method)
  • (eitprocessing.datahandling.loading.timpel.EITData method) +
  • +
  • (eitprocessing.datahandling.loading.timpel.IntervalData method) +
  • +
  • (eitprocessing.datahandling.loading.timpel.SparseData method) +
  • +
  • (eitprocessing.datahandling.mixins.slicing.SelectByIndex method)
  • (eitprocessing.datahandling.sequence.ContinuousData method)
  • (eitprocessing.datahandling.sequence.EITData method) +
  • +
  • (eitprocessing.datahandling.sequence.IntervalData method)
  • (eitprocessing.datahandling.sequence.Sequence method) +
  • +
  • (eitprocessing.datahandling.sequence.SparseData method) +
  • +
  • (eitprocessing.datahandling.sparsedata.SparseData method)
  • __post_init__() (eitprocessing.datahandling.continuousdata.ContinuousData method) @@ -152,32 +180,78 @@

    _

  • (eitprocessing.datahandling.datacollection.ContinuousData method)
  • (eitprocessing.datahandling.datacollection.EITData method) +
  • +
  • (eitprocessing.datahandling.datacollection.IntervalData method) +
  • +
  • (eitprocessing.datahandling.datacollection.SparseData method)
  • (eitprocessing.datahandling.eitdata.EITData method) +
  • +
  • (eitprocessing.datahandling.intervaldata.IntervalData method)
  • (eitprocessing.datahandling.loading.draeger.ContinuousData method)
  • (eitprocessing.datahandling.loading.draeger.EITData method) +
  • +
  • (eitprocessing.datahandling.loading.draeger.IntervalData method) +
  • +
  • (eitprocessing.datahandling.loading.draeger.SparseData method)
  • (eitprocessing.datahandling.loading.EITData method)
  • (eitprocessing.datahandling.loading.sentec.ContinuousData method)
  • (eitprocessing.datahandling.loading.sentec.EITData method) +
  • +
  • (eitprocessing.datahandling.loading.sentec.SparseData method)
  • (eitprocessing.datahandling.loading.Sequence method)
  • (eitprocessing.datahandling.loading.timpel.ContinuousData method)
  • (eitprocessing.datahandling.loading.timpel.EITData method) +
  • +
  • (eitprocessing.datahandling.loading.timpel.IntervalData method) +
  • +
  • (eitprocessing.datahandling.loading.timpel.SparseData method)
  • (eitprocessing.datahandling.sequence.ContinuousData method)
  • (eitprocessing.datahandling.sequence.EITData method) +
  • +
  • (eitprocessing.datahandling.sequence.IntervalData method)
  • (eitprocessing.datahandling.sequence.Sequence method) +
  • +
  • (eitprocessing.datahandling.sequence.SparseData method) +
  • +
  • (eitprocessing.datahandling.sparsedata.SparseData method)
  • (eitprocessing.filters.butterworth_filters.ButterworthFilter method) +
  • + +
  • __repr__() (eitprocessing.datahandling.datacollection.IntervalData method) + +
  • @@ -216,10 +290,30 @@

    _

  • (eitprocessing.datahandling.datacollection.Equivalence static method)
  • (eitprocessing.datahandling.eitdata.Equivalence static method) +
  • +
  • (eitprocessing.datahandling.intervaldata.Equivalence static method)
  • (eitprocessing.datahandling.mixins.equality.Equivalence static method)
  • (eitprocessing.datahandling.sequence.Equivalence static method) +
  • +
  • (eitprocessing.datahandling.sparsedata.Equivalence static method) +
  • + +
  • _calculate_global_impedance() (eitprocessing.datahandling.datacollection.EITData method) + +
  • _check_first_frame() (in module eitprocessing.datahandling.loading) @@ -246,7 +340,41 @@

    _

  • _ensure_vendor() (in module eitprocessing.datahandling.loading)
  • +
  • _eq_dataclass() (eitprocessing.datahandling.continuousdata.Equivalence method) + +
  • +
  • _eq_userdict() (eitprocessing.datahandling.continuousdata.Equivalence method) + +
  • _FRAME_SIZE_BYTES (in module eitprocessing.datahandling.loading.draeger) +
  • +
  • _make_breaths() (in module eitprocessing.datahandling.loading.timpel)
  • _medibus_fields (in module eitprocessing.datahandling.loading.draeger)
  • @@ -276,24 +404,32 @@

    _

  • (eitprocessing.datahandling.datacollection.ContinuousData method)
  • (eitprocessing.datahandling.datacollection.EITData method) +
  • +
  • (eitprocessing.datahandling.datacollection.SparseData method)
  • (eitprocessing.datahandling.eitdata.EITData method)
  • (eitprocessing.datahandling.loading.draeger.ContinuousData method)
  • (eitprocessing.datahandling.loading.draeger.EITData method) +
  • +
  • (eitprocessing.datahandling.loading.draeger.SparseData method)
  • (eitprocessing.datahandling.loading.EITData method)
  • (eitprocessing.datahandling.loading.sentec.ContinuousData method)
  • (eitprocessing.datahandling.loading.sentec.EITData method) +
  • +
  • (eitprocessing.datahandling.loading.sentec.SparseData method)
  • (eitprocessing.datahandling.loading.Sequence method)
  • (eitprocessing.datahandling.loading.timpel.ContinuousData method)
  • (eitprocessing.datahandling.loading.timpel.EITData method) +
  • +
  • (eitprocessing.datahandling.loading.timpel.SparseData method)
  • (eitprocessing.datahandling.mixins.slicing.SelectByIndex method)
  • @@ -302,6 +438,10 @@

    _

  • (eitprocessing.datahandling.sequence.EITData method)
  • (eitprocessing.datahandling.sequence.Sequence method) +
  • +
  • (eitprocessing.datahandling.sequence.SparseData method) +
  • +
  • (eitprocessing.datahandling.sparsedata.SparseData method)
  • @@ -370,6 +510,12 @@

    B

    @@ -382,14 +528,36 @@

    C

  • concatenate() (eitprocessing.datahandling.continuousdata.ContinuousData method) @@ -400,8 +568,14 @@

    C

  • (eitprocessing.datahandling.datacollection.DataCollection method)
  • (eitprocessing.datahandling.datacollection.EITData method) +
  • +
  • (eitprocessing.datahandling.datacollection.IntervalData method) +
  • +
  • (eitprocessing.datahandling.datacollection.SparseData method)
  • (eitprocessing.datahandling.eitdata.EITData method) +
  • +
  • (eitprocessing.datahandling.intervaldata.IntervalData method)
  • (eitprocessing.datahandling.loading.DataCollection method)
  • @@ -410,6 +584,10 @@

    C

  • (eitprocessing.datahandling.loading.draeger.DataCollection method)
  • (eitprocessing.datahandling.loading.draeger.EITData method) +
  • +
  • (eitprocessing.datahandling.loading.draeger.IntervalData method) +
  • +
  • (eitprocessing.datahandling.loading.draeger.SparseData method)
  • (eitprocessing.datahandling.loading.EITData method)
  • @@ -418,6 +596,8 @@

    C

  • (eitprocessing.datahandling.loading.sentec.DataCollection method)
  • (eitprocessing.datahandling.loading.sentec.EITData method) +
  • +
  • (eitprocessing.datahandling.loading.sentec.SparseData method)
  • (eitprocessing.datahandling.loading.Sequence class method)
  • @@ -426,14 +606,24 @@

    C

  • (eitprocessing.datahandling.loading.timpel.DataCollection method)
  • (eitprocessing.datahandling.loading.timpel.EITData method) +
  • +
  • (eitprocessing.datahandling.loading.timpel.IntervalData method) +
  • +
  • (eitprocessing.datahandling.loading.timpel.SparseData method)
  • (eitprocessing.datahandling.sequence.ContinuousData method)
  • (eitprocessing.datahandling.sequence.DataCollection method)
  • (eitprocessing.datahandling.sequence.EITData method) +
  • +
  • (eitprocessing.datahandling.sequence.IntervalData method)
  • (eitprocessing.datahandling.sequence.Sequence class method) +
  • +
  • (eitprocessing.datahandling.sequence.SparseData method) +
  • +
  • (eitprocessing.datahandling.sparsedata.SparseData method)
  • @@ -532,14 +722,36 @@

    D

    @@ -548,18 +760,40 @@

    D

  • Domain (class in eitprocessing.datahandling.loading.sentec) @@ -642,6 +876,13 @@

    E

  • +
  • + eitprocessing.datahandling.breath + +
  • @@ -670,6 +911,13 @@

    E

  • +
  • + eitprocessing.datahandling.intervaldata + +
  • @@ -728,6 +976,8 @@

    E

  • module
  • + +
    • eitprocessing.datahandling.phases @@ -735,8 +985,6 @@

      E

    • module
    - -
  • EquivalenceError @@ -828,22 +1088,6 @@

    E

  • -
  • events (eitprocessing.datahandling.datacollection.EITData attribute) - -
  • @@ -946,6 +1190,8 @@

    G

  • (eitprocessing.datahandling.sequence.DataCollection method)
  • + + - @@ -1003,6 +1215,8 @@

    H

  • HasTimeIndexer (class in eitprocessing.datahandling.datacollection)
  • @@ -1062,36 +1292,60 @@

    L

  • (eitprocessing.datahandling.datacollection.ContinuousData attribute)
  • (eitprocessing.datahandling.datacollection.EITData attribute) +
  • +
  • (eitprocessing.datahandling.datacollection.IntervalData attribute) +
  • +
  • (eitprocessing.datahandling.datacollection.SparseData attribute)
  • (eitprocessing.datahandling.eitdata.EITData attribute) +
  • +
  • (eitprocessing.datahandling.intervaldata.IntervalData attribute)
  • (eitprocessing.datahandling.loading.draeger.ContinuousData attribute)
  • (eitprocessing.datahandling.loading.draeger.EITData attribute) +
  • +
  • (eitprocessing.datahandling.loading.draeger.IntervalData attribute) +
  • +
  • (eitprocessing.datahandling.loading.draeger.SparseData attribute)
  • (eitprocessing.datahandling.loading.EITData attribute)
  • (eitprocessing.datahandling.loading.sentec.ContinuousData attribute)
  • (eitprocessing.datahandling.loading.sentec.EITData attribute) +
  • +
  • (eitprocessing.datahandling.loading.sentec.SparseData attribute)
  • (eitprocessing.datahandling.loading.Sequence attribute)
  • (eitprocessing.datahandling.loading.timpel.ContinuousData attribute)
  • (eitprocessing.datahandling.loading.timpel.EITData attribute) +
  • +
  • (eitprocessing.datahandling.loading.timpel.IntervalData attribute) +
  • +
  • (eitprocessing.datahandling.loading.timpel.SparseData attribute)
  • (eitprocessing.datahandling.mixins.slicing.SelectByIndex attribute)
  • (eitprocessing.datahandling.sequence.ContinuousData attribute)
  • (eitprocessing.datahandling.sequence.EITData attribute) +
  • +
  • (eitprocessing.datahandling.sequence.IntervalData attribute)
  • (eitprocessing.datahandling.sequence.Sequence attribute) +
  • +
  • (eitprocessing.datahandling.sequence.SparseData attribute) +
  • +
  • (eitprocessing.datahandling.sparsedata.SparseData attribute)
  • load_draeger_data (in module eitprocessing.datahandling.loading.draeger)
  • + + -
  • MAX_ORDER (in module eitprocessing.filters.butterworth_filters)
  • -
  • MaxValue (class in eitprocessing.datahandling.loading.draeger) - -
  • MEASUREMENT (eitprocessing.datahandling.loading.sentec.Domain attribute)
  • MeasurementDataID (class in eitprocessing.datahandling.loading.sentec)
  • -
  • MinValue (class in eitprocessing.datahandling.loading.draeger) +
  • middle_time (eitprocessing.datahandling.breath.Breath attribute)
  • +
  • MinValue (class in eitprocessing.datahandling.phases) +
  • module @@ -1201,6 +1447,8 @@

    M

  • eitprocessing
  • eitprocessing.datahandling +
  • +
  • eitprocessing.datahandling.breath
  • eitprocessing.datahandling.continuousdata
  • @@ -1209,6 +1457,8 @@

    M

  • eitprocessing.datahandling.eitdata
  • eitprocessing.datahandling.event +
  • +
  • eitprocessing.datahandling.intervaldata
  • eitprocessing.datahandling.loading
  • @@ -1257,30 +1507,52 @@

    N

  • (eitprocessing.datahandling.datacollection.ContinuousData attribute)
  • (eitprocessing.datahandling.datacollection.EITData attribute) +
  • +
  • (eitprocessing.datahandling.datacollection.IntervalData attribute) +
  • +
  • (eitprocessing.datahandling.datacollection.SparseData attribute)
  • (eitprocessing.datahandling.eitdata.EITData attribute) +
  • +
  • (eitprocessing.datahandling.intervaldata.IntervalData attribute)
  • (eitprocessing.datahandling.loading.draeger.ContinuousData attribute)
  • (eitprocessing.datahandling.loading.draeger.EITData attribute) +
  • +
  • (eitprocessing.datahandling.loading.draeger.IntervalData attribute) +
  • +
  • (eitprocessing.datahandling.loading.draeger.SparseData attribute)
  • (eitprocessing.datahandling.loading.EITData attribute)
  • (eitprocessing.datahandling.loading.sentec.ContinuousData attribute)
  • (eitprocessing.datahandling.loading.sentec.EITData attribute) +
  • +
  • (eitprocessing.datahandling.loading.sentec.SparseData attribute)
  • (eitprocessing.datahandling.loading.Sequence attribute)
  • (eitprocessing.datahandling.loading.timpel.ContinuousData attribute)
  • (eitprocessing.datahandling.loading.timpel.EITData attribute) +
  • +
  • (eitprocessing.datahandling.loading.timpel.IntervalData attribute) +
  • +
  • (eitprocessing.datahandling.loading.timpel.SparseData attribute)
  • (eitprocessing.datahandling.sequence.ContinuousData attribute)
  • (eitprocessing.datahandling.sequence.EITData attribute) +
  • +
  • (eitprocessing.datahandling.sequence.IntervalData attribute)
  • (eitprocessing.datahandling.sequence.Sequence attribute) +
  • +
  • (eitprocessing.datahandling.sequence.SparseData attribute) +
  • +
  • (eitprocessing.datahandling.sparsedata.SparseData attribute)
  • @@ -1347,68 +1619,70 @@

    P

    -
  • path (eitprocessing.datahandling.datacollection.EITData attribute) - -
  • -
  • PhaseIndicator (class in eitprocessing.datahandling.phases) -
  • -
  • phases (eitprocessing.datahandling.datacollection.EITData attribute) +
  • partial_inclusion (eitprocessing.datahandling.datacollection.IntervalData attribute)
  • -
  • pixel_baseline (eitprocessing.datahandling.datacollection.EITData property) + + -
  • @@ -1601,6 +1861,14 @@

    S

  • (class in eitprocessing.datahandling.sequence)
  • (class in eitprocessing.datahandling.sparsedata) +
  • + +
  • start_time (eitprocessing.datahandling.breath.Breath attribute) + +
  • string (eitprocessing.datahandling.loading.binreader.BinReader attribute) @@ -1620,6 +1888,8 @@

    T

  • t (eitprocessing.datahandling.datacollection.HasTimeIndexer property)
  • - - +
    • unlock() (eitprocessing.datahandling.continuousdata.ContinuousData method)
        @@ -1780,21 +2098,47 @@

        V

        + - + + + + + +
        • vendor (eitprocessing.datahandling.datacollection.EITData attribute)
            diff --git a/objects.inv b/objects.inv index 04f835da4..0674f66cf 100644 Binary files a/objects.inv and b/objects.inv differ diff --git a/py-modindex.html b/py-modindex.html index 923c3b6aa..98599e755 100644 --- a/py-modindex.html +++ b/py-modindex.html @@ -58,6 +58,11 @@

            Python Module Index

            eitprocessing.datahandling
            + eitprocessing.datahandling.breath +
            @@ -78,6 +83,11 @@

        Python Module Index

            eitprocessing.datahandling.event
            + eitprocessing.datahandling.intervaldata +
            diff --git a/searchindex.js b/searchindex.js index f6367de6b..7f5be3abb 100644 --- a/searchindex.js +++ b/searchindex.js @@ -1 +1 @@ -Search.setIndex({"alltitles": {"API Reference": [[22, "api-reference"]], "Attributes": [[0, "attributes"], [1, "attributes"], [2, "attributes"], [5, "attributes"], [6, "attributes"], [8, "attributes"], [9, "attributes"], [16, "attributes"]], "Classes": [[0, "classes"], [1, "classes"], [2, "classes"], [3, "classes"], [5, "classes"], [6, "classes"], [7, "classes"], [8, "classes"], [9, "classes"], [10, "classes"], [12, "classes"], [13, "classes"], [14, "classes"], [15, "classes"], [16, "classes"], [17, "classes"]], "Contents:": [[24, null]], "Developer\u2019s Guide": [[23, "developer-s-guide"], [24, "developer-s-guide"]], "Exceptions": [[10, "exceptions"]], "Functions": [[6, "functions"], [7, "functions"], [8, "functions"], [9, "functions"], [19, "functions"], [21, "functions"]], "Indices and tables": [[24, "indices-and-tables"]], "Module Contents": [[0, "module-contents"], [1, "module-contents"], [2, "module-contents"], [3, "module-contents"], [5, "module-contents"], [6, "module-contents"], [8, "module-contents"], [9, "module-contents"], [10, "module-contents"], [12, "module-contents"], [13, "module-contents"], [14, "module-contents"], [15, "module-contents"], [16, "module-contents"], [19, "module-contents"], [21, "module-contents"]], "Package Contents": [[7, "package-contents"], [17, "package-contents"]], "Submodules": [[4, "submodules"], [7, "submodules"], [11, "submodules"], [17, "submodules"], [20, "submodules"]], "Subpackages": [[4, "subpackages"], [18, "subpackages"]], "The API Documentation / Guide": [[24, "the-api-documentation-guide"]], "Welcome to eitprocessing\u2019s documentation!": [[24, "welcome-to-eitprocessing-s-documentation"]], "eitprocessing": [[18, "module-eitprocessing"]], "eitprocessing.datahandling": [[4, "module-eitprocessing.datahandling"]], "eitprocessing.datahandling.continuousdata": [[0, "module-eitprocessing.datahandling.continuousdata"]], "eitprocessing.datahandling.datacollection": [[1, "module-eitprocessing.datahandling.datacollection"]], "eitprocessing.datahandling.eitdata": [[2, "module-eitprocessing.datahandling.eitdata"]], "eitprocessing.datahandling.event": [[3, "module-eitprocessing.datahandling.event"]], "eitprocessing.datahandling.loading": [[7, "module-eitprocessing.datahandling.loading"]], "eitprocessing.datahandling.loading.binreader": [[5, "module-eitprocessing.datahandling.loading.binreader"]], "eitprocessing.datahandling.loading.draeger": [[6, "module-eitprocessing.datahandling.loading.draeger"]], "eitprocessing.datahandling.loading.sentec": [[8, "module-eitprocessing.datahandling.loading.sentec"]], "eitprocessing.datahandling.loading.timpel": [[9, "module-eitprocessing.datahandling.loading.timpel"]], "eitprocessing.datahandling.mixins": [[11, "module-eitprocessing.datahandling.mixins"]], "eitprocessing.datahandling.mixins.equality": [[10, "module-eitprocessing.datahandling.mixins.equality"]], "eitprocessing.datahandling.mixins.slicing": [[12, "module-eitprocessing.datahandling.mixins.slicing"]], "eitprocessing.datahandling.phases": [[13, "module-eitprocessing.datahandling.phases"]], "eitprocessing.datahandling.sequence": [[14, "module-eitprocessing.datahandling.sequence"]], "eitprocessing.datahandling.sparsedata": [[15, "module-eitprocessing.datahandling.sparsedata"]], "eitprocessing.filters": [[17, "module-eitprocessing.filters"]], "eitprocessing.filters.butterworth_filters": [[16, "module-eitprocessing.filters.butterworth_filters"]], "eitprocessing.plotting": [[20, "module-eitprocessing.plotting"]], "eitprocessing.plotting.animate": [[19, "module-eitprocessing.plotting.animate"]], "eitprocessing.plotting.plot": [[21, "module-eitprocessing.plotting.plot"]]}, "docnames": ["autoapi/eitprocessing/datahandling/continuousdata/index", "autoapi/eitprocessing/datahandling/datacollection/index", "autoapi/eitprocessing/datahandling/eitdata/index", "autoapi/eitprocessing/datahandling/event/index", "autoapi/eitprocessing/datahandling/index", "autoapi/eitprocessing/datahandling/loading/binreader/index", "autoapi/eitprocessing/datahandling/loading/draeger/index", "autoapi/eitprocessing/datahandling/loading/index", "autoapi/eitprocessing/datahandling/loading/sentec/index", "autoapi/eitprocessing/datahandling/loading/timpel/index", "autoapi/eitprocessing/datahandling/mixins/equality/index", "autoapi/eitprocessing/datahandling/mixins/index", "autoapi/eitprocessing/datahandling/mixins/slicing/index", "autoapi/eitprocessing/datahandling/phases/index", "autoapi/eitprocessing/datahandling/sequence/index", "autoapi/eitprocessing/datahandling/sparsedata/index", "autoapi/eitprocessing/filters/butterworth_filters/index", "autoapi/eitprocessing/filters/index", "autoapi/eitprocessing/index", "autoapi/eitprocessing/plotting/animate/index", "autoapi/eitprocessing/plotting/index", "autoapi/eitprocessing/plotting/plot/index", "autoapi/index", "developers", "index"], "envversion": {"sphinx": 61, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "sphinx.ext.todo": 2, "sphinx.ext.viewcode": 1}, "filenames": ["autoapi/eitprocessing/datahandling/continuousdata/index.rst", "autoapi/eitprocessing/datahandling/datacollection/index.rst", "autoapi/eitprocessing/datahandling/eitdata/index.rst", "autoapi/eitprocessing/datahandling/event/index.rst", "autoapi/eitprocessing/datahandling/index.rst", "autoapi/eitprocessing/datahandling/loading/binreader/index.rst", "autoapi/eitprocessing/datahandling/loading/draeger/index.rst", "autoapi/eitprocessing/datahandling/loading/index.rst", "autoapi/eitprocessing/datahandling/loading/sentec/index.rst", "autoapi/eitprocessing/datahandling/loading/timpel/index.rst", "autoapi/eitprocessing/datahandling/mixins/equality/index.rst", "autoapi/eitprocessing/datahandling/mixins/index.rst", "autoapi/eitprocessing/datahandling/mixins/slicing/index.rst", "autoapi/eitprocessing/datahandling/phases/index.rst", "autoapi/eitprocessing/datahandling/sequence/index.rst", "autoapi/eitprocessing/datahandling/sparsedata/index.rst", "autoapi/eitprocessing/filters/butterworth_filters/index.rst", "autoapi/eitprocessing/filters/index.rst", "autoapi/eitprocessing/index.rst", "autoapi/eitprocessing/plotting/animate/index.rst", "autoapi/eitprocessing/plotting/index.rst", "autoapi/eitprocessing/plotting/plot/index.rst", "autoapi/index.rst", "developers.rst", "index.rst"], "indexentries": {"__add__() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.__add__", false]], "__add__() (eitprocessing.datahandling.datacollection.continuousdata method)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.__add__", false]], "__add__() (eitprocessing.datahandling.datacollection.eitdata method)": [[1, "eitprocessing.datahandling.datacollection.EITData.__add__", false]], "__add__() (eitprocessing.datahandling.eitdata.eitdata method)": [[2, "eitprocessing.datahandling.eitdata.EITData.__add__", false]], "__add__() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.__add__", false]], "__add__() (eitprocessing.datahandling.loading.draeger.eitdata method)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.__add__", false]], "__add__() (eitprocessing.datahandling.loading.eitdata method)": [[7, "eitprocessing.datahandling.loading.EITData.__add__", false]], "__add__() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.__add__", false]], "__add__() (eitprocessing.datahandling.loading.sentec.eitdata method)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.__add__", false]], "__add__() (eitprocessing.datahandling.loading.sequence method)": [[7, "eitprocessing.datahandling.loading.Sequence.__add__", false]], "__add__() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.__add__", false]], "__add__() (eitprocessing.datahandling.loading.timpel.eitdata method)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.__add__", false]], "__add__() (eitprocessing.datahandling.sequence.continuousdata method)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.__add__", false]], "__add__() (eitprocessing.datahandling.sequence.eitdata method)": [[14, "eitprocessing.datahandling.sequence.EITData.__add__", false]], "__add__() (eitprocessing.datahandling.sequence.sequence method)": [[14, "eitprocessing.datahandling.sequence.Sequence.__add__", false]], "__eq__() (eitprocessing.datahandling.continuousdata.equivalence method)": [[0, "eitprocessing.datahandling.continuousdata.Equivalence.__eq__", false]], "__eq__() (eitprocessing.datahandling.datacollection.equivalence method)": [[1, "eitprocessing.datahandling.datacollection.Equivalence.__eq__", false]], "__eq__() (eitprocessing.datahandling.eitdata.equivalence method)": [[2, "eitprocessing.datahandling.eitdata.Equivalence.__eq__", false]], "__eq__() (eitprocessing.datahandling.mixins.equality.equivalence method)": [[10, "eitprocessing.datahandling.mixins.equality.Equivalence.__eq__", false]], "__eq__() (eitprocessing.datahandling.sequence.equivalence method)": [[14, "eitprocessing.datahandling.sequence.Equivalence.__eq__", false]], "__getitem__() (eitprocessing.datahandling.mixins.slicing.selectbyindex method)": [[12, "eitprocessing.datahandling.mixins.slicing.SelectByIndex.__getitem__", false]], "__getitem__() (eitprocessing.datahandling.mixins.slicing.timeindexer method)": [[12, "eitprocessing.datahandling.mixins.slicing.TimeIndexer.__getitem__", false]], "__len__() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.__len__", false]], "__len__() (eitprocessing.datahandling.datacollection.continuousdata method)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.__len__", false]], "__len__() (eitprocessing.datahandling.datacollection.eitdata method)": [[1, "eitprocessing.datahandling.datacollection.EITData.__len__", false]], "__len__() (eitprocessing.datahandling.eitdata.eitdata method)": [[2, "eitprocessing.datahandling.eitdata.EITData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.draeger.eitdata method)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.eitdata method)": [[7, "eitprocessing.datahandling.loading.EITData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.sentec.eitdata method)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.sequence method)": [[7, "eitprocessing.datahandling.loading.Sequence.__len__", false]], "__len__() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.timpel.eitdata method)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.__len__", false]], "__len__() (eitprocessing.datahandling.sequence.continuousdata method)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.__len__", false]], "__len__() (eitprocessing.datahandling.sequence.eitdata method)": [[14, "eitprocessing.datahandling.sequence.EITData.__len__", false]], "__len__() (eitprocessing.datahandling.sequence.sequence method)": [[14, "eitprocessing.datahandling.sequence.Sequence.__len__", false]], "__post_init__() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.datacollection.continuousdata method)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.datacollection.eitdata method)": [[1, "eitprocessing.datahandling.datacollection.EITData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.eitdata.eitdata method)": [[2, "eitprocessing.datahandling.eitdata.EITData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.draeger.eitdata method)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.eitdata method)": [[7, "eitprocessing.datahandling.loading.EITData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.sentec.eitdata method)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.sequence method)": [[7, "eitprocessing.datahandling.loading.Sequence.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.timpel.eitdata method)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.sequence.continuousdata method)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.sequence.eitdata method)": [[14, "eitprocessing.datahandling.sequence.EITData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.sequence.sequence method)": [[14, "eitprocessing.datahandling.sequence.Sequence.__post_init__", false]], "__post_init__() (eitprocessing.filters.butterworth_filters.butterworthfilter method)": [[16, "eitprocessing.filters.butterworth_filters.ButterworthFilter.__post_init__", false]], "__setattr__() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.__setattr__", false]], "__setattr__() (eitprocessing.datahandling.datacollection.continuousdata method)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.__setattr__", false]], "__setattr__() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.__setattr__", false]], "__setattr__() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.__setattr__", false]], "__setattr__() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.__setattr__", false]], "__setattr__() (eitprocessing.datahandling.sequence.continuousdata method)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.__setattr__", false]], "__setitem__() (eitprocessing.datahandling.datacollection.datacollection method)": [[1, "eitprocessing.datahandling.datacollection.DataCollection.__setitem__", false]], "__setitem__() (eitprocessing.datahandling.loading.datacollection method)": [[7, "eitprocessing.datahandling.loading.DataCollection.__setitem__", false]], "__setitem__() (eitprocessing.datahandling.loading.draeger.datacollection method)": [[6, "eitprocessing.datahandling.loading.draeger.DataCollection.__setitem__", false]], "__setitem__() (eitprocessing.datahandling.loading.sentec.datacollection method)": [[8, "eitprocessing.datahandling.loading.sentec.DataCollection.__setitem__", false]], "__setitem__() (eitprocessing.datahandling.loading.timpel.datacollection method)": [[9, "eitprocessing.datahandling.loading.timpel.DataCollection.__setitem__", false]], "__setitem__() (eitprocessing.datahandling.sequence.datacollection method)": [[14, "eitprocessing.datahandling.sequence.DataCollection.__setitem__", false]], "_array_safe_eq() (eitprocessing.datahandling.continuousdata.equivalence static method)": [[0, "eitprocessing.datahandling.continuousdata.Equivalence._array_safe_eq", false]], "_array_safe_eq() (eitprocessing.datahandling.datacollection.equivalence static method)": [[1, "eitprocessing.datahandling.datacollection.Equivalence._array_safe_eq", false]], "_array_safe_eq() (eitprocessing.datahandling.eitdata.equivalence static method)": [[2, "eitprocessing.datahandling.eitdata.Equivalence._array_safe_eq", false]], "_array_safe_eq() (eitprocessing.datahandling.mixins.equality.equivalence static method)": [[10, "eitprocessing.datahandling.mixins.equality.Equivalence._array_safe_eq", false]], "_array_safe_eq() (eitprocessing.datahandling.sequence.equivalence static method)": [[14, "eitprocessing.datahandling.sequence.Equivalence._array_safe_eq", false]], "_check_first_frame() (in module eitprocessing.datahandling.loading)": [[7, "eitprocessing.datahandling.loading._check_first_frame", false]], "_check_init() (eitprocessing.filters.butterworth_filters.butterworthfilter method)": [[16, "eitprocessing.filters.butterworth_filters.ButterworthFilter._check_init", false]], "_check_item() (eitprocessing.datahandling.datacollection.datacollection method)": [[1, "eitprocessing.datahandling.datacollection.DataCollection._check_item", false]], "_check_item() (eitprocessing.datahandling.loading.datacollection method)": [[7, "eitprocessing.datahandling.loading.DataCollection._check_item", false]], "_check_item() (eitprocessing.datahandling.loading.draeger.datacollection method)": [[6, "eitprocessing.datahandling.loading.draeger.DataCollection._check_item", false]], "_check_item() (eitprocessing.datahandling.loading.sentec.datacollection method)": [[8, "eitprocessing.datahandling.loading.sentec.DataCollection._check_item", false]], "_check_item() (eitprocessing.datahandling.loading.timpel.datacollection method)": [[9, "eitprocessing.datahandling.loading.timpel.DataCollection._check_item", false]], "_check_item() (eitprocessing.datahandling.sequence.datacollection method)": [[14, "eitprocessing.datahandling.sequence.DataCollection._check_item", false]], "_column_width (in module eitprocessing.datahandling.loading.timpel)": [[9, "eitprocessing.datahandling.loading.timpel._COLUMN_WIDTH", false]], "_convert_medibus_data() (in module eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger._convert_medibus_data", false]], "_ensure_vendor() (in module eitprocessing.datahandling.loading)": [[7, "eitprocessing.datahandling.loading._ensure_vendor", false]], "_frame_size_bytes (in module eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger._FRAME_SIZE_BYTES", false]], "_medibus_fields (in module eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger._medibus_fields", false]], "_medibusfield (class in eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger._MedibusField", false]], "_nan_value (in module eitprocessing.datahandling.loading.timpel)": [[9, "eitprocessing.datahandling.loading.timpel._NAN_VALUE", false]], "_read_frame() (in module eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger._read_frame", false]], "_read_frame() (in module eitprocessing.datahandling.loading.sentec)": [[8, "eitprocessing.datahandling.loading.sentec._read_frame", false]], "_read_full_type_code() (eitprocessing.datahandling.loading.binreader.binreader method)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader._read_full_type_code", false]], "_read_full_type_code() (eitprocessing.datahandling.loading.draeger.binreader method)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader._read_full_type_code", false]], "_read_full_type_code() (eitprocessing.datahandling.loading.sentec.binreader method)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader._read_full_type_code", false]], "_set_filter_type_class() (eitprocessing.filters.butterworth_filters.butterworthfilter method)": [[16, "eitprocessing.filters.butterworth_filters.ButterworthFilter._set_filter_type_class", false]], "_sliced_copy() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.datacollection.continuousdata method)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.datacollection.eitdata method)": [[1, "eitprocessing.datahandling.datacollection.EITData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.eitdata.eitdata method)": [[2, "eitprocessing.datahandling.eitdata.EITData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.draeger.eitdata method)": [[6, "eitprocessing.datahandling.loading.draeger.EITData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.eitdata method)": [[7, "eitprocessing.datahandling.loading.EITData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.sentec.eitdata method)": [[8, "eitprocessing.datahandling.loading.sentec.EITData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.sequence method)": [[7, "eitprocessing.datahandling.loading.Sequence._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.timpel.eitdata method)": [[9, "eitprocessing.datahandling.loading.timpel.EITData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.mixins.slicing.selectbyindex method)": [[12, "eitprocessing.datahandling.mixins.slicing.SelectByIndex._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.sequence.continuousdata method)": [[14, "eitprocessing.datahandling.sequence.ContinuousData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.sequence.eitdata method)": [[14, "eitprocessing.datahandling.sequence.EITData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.sequence.sequence method)": [[14, "eitprocessing.datahandling.sequence.Sequence._sliced_copy", false]], "add() (eitprocessing.datahandling.datacollection.datacollection method)": [[1, "eitprocessing.datahandling.datacollection.DataCollection.add", false]], "add() (eitprocessing.datahandling.loading.datacollection method)": [[7, "eitprocessing.datahandling.loading.DataCollection.add", false]], "add() (eitprocessing.datahandling.loading.draeger.datacollection method)": [[6, "eitprocessing.datahandling.loading.draeger.DataCollection.add", false]], "add() (eitprocessing.datahandling.loading.sentec.datacollection method)": [[8, "eitprocessing.datahandling.loading.sentec.DataCollection.add", false]], "add() (eitprocessing.datahandling.loading.timpel.datacollection method)": [[9, "eitprocessing.datahandling.loading.timpel.DataCollection.add", false]], "add() (eitprocessing.datahandling.sequence.datacollection method)": [[14, "eitprocessing.datahandling.sequence.DataCollection.add", false]], "animate_eitdatavariant() (in module eitprocessing.plotting.animate)": [[19, "eitprocessing.plotting.animate.animate_EITDataVariant", false]], "apply_filter() (eitprocessing.filters.butterworth_filters.butterworthfilter method)": [[16, "eitprocessing.filters.butterworth_filters.ButterworthFilter.apply_filter", false]], "apply_filter() (eitprocessing.filters.butterworth_filters.timedomainfilter method)": [[16, "eitprocessing.filters.butterworth_filters.TimeDomainFilter.apply_filter", false]], "apply_filter() (eitprocessing.filters.timedomainfilter method)": [[17, "eitprocessing.filters.TimeDomainFilter.apply_filter", false]], "available_in_gui (eitprocessing.filters.butterworth_filters.bandpassfilter attribute)": [[16, "eitprocessing.filters.butterworth_filters.BandPassFilter.available_in_gui", false]], "available_in_gui (eitprocessing.filters.butterworth_filters.bandstopfilter attribute)": [[16, "eitprocessing.filters.butterworth_filters.BandStopFilter.available_in_gui", false]], "available_in_gui (eitprocessing.filters.butterworth_filters.highpassfilter attribute)": [[16, "eitprocessing.filters.butterworth_filters.HighPassFilter.available_in_gui", false]], "available_in_gui (eitprocessing.filters.butterworth_filters.lowpassfilter attribute)": [[16, "eitprocessing.filters.butterworth_filters.LowPassFilter.available_in_gui", false]], "available_in_gui (eitprocessing.filters.butterworth_filters.timedomainfilter attribute)": [[16, "eitprocessing.filters.butterworth_filters.TimeDomainFilter.available_in_gui", false]], "available_in_gui (eitprocessing.filters.timedomainfilter attribute)": [[17, "eitprocessing.filters.TimeDomainFilter.available_in_gui", false]], "bandpassfilter (class in eitprocessing.filters.butterworth_filters)": [[16, "eitprocessing.filters.butterworth_filters.BandPassFilter", false]], "bandstopfilter (class in eitprocessing.filters.butterworth_filters)": [[16, "eitprocessing.filters.butterworth_filters.BandStopFilter", false]], "binreader (class in eitprocessing.datahandling.loading.binreader)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader", false]], "binreader (class in eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader", false]], "binreader (class in eitprocessing.datahandling.loading.sentec)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader", false]], "butterworthfilter (class in eitprocessing.filters.butterworth_filters)": [[16, "eitprocessing.filters.butterworth_filters.ButterworthFilter", false]], "category (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.category", false]], "category (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.category", false]], "category (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.category", false]], "category (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.category", false]], "category (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.category", false]], "category (eitprocessing.datahandling.sequence.continuousdata attribute)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.category", false]], "concatenate() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.concatenate", false]], "concatenate() (eitprocessing.datahandling.datacollection.continuousdata method)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.concatenate", false]], "concatenate() (eitprocessing.datahandling.datacollection.datacollection method)": [[1, "eitprocessing.datahandling.datacollection.DataCollection.concatenate", false]], "concatenate() (eitprocessing.datahandling.datacollection.eitdata method)": [[1, "eitprocessing.datahandling.datacollection.EITData.concatenate", false]], "concatenate() (eitprocessing.datahandling.eitdata.eitdata method)": [[2, "eitprocessing.datahandling.eitdata.EITData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.datacollection method)": [[7, "eitprocessing.datahandling.loading.DataCollection.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.draeger.datacollection method)": [[6, "eitprocessing.datahandling.loading.draeger.DataCollection.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.draeger.eitdata method)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.eitdata method)": [[7, "eitprocessing.datahandling.loading.EITData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.sentec.datacollection method)": [[8, "eitprocessing.datahandling.loading.sentec.DataCollection.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.sentec.eitdata method)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.sequence class method)": [[7, "eitprocessing.datahandling.loading.Sequence.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.timpel.datacollection method)": [[9, "eitprocessing.datahandling.loading.timpel.DataCollection.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.timpel.eitdata method)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.concatenate", false]], "concatenate() (eitprocessing.datahandling.sequence.continuousdata method)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.concatenate", false]], "concatenate() (eitprocessing.datahandling.sequence.datacollection method)": [[14, "eitprocessing.datahandling.sequence.DataCollection.concatenate", false]], "concatenate() (eitprocessing.datahandling.sequence.eitdata method)": [[14, "eitprocessing.datahandling.sequence.EITData.concatenate", false]], "concatenate() (eitprocessing.datahandling.sequence.sequence class method)": [[14, "eitprocessing.datahandling.sequence.Sequence.concatenate", false]], "configuration (eitprocessing.datahandling.loading.sentec.domain attribute)": [[8, "eitprocessing.datahandling.loading.sentec.Domain.CONFIGURATION", false]], "configurationdataid (class in eitprocessing.datahandling.loading.sentec)": [[8, "eitprocessing.datahandling.loading.sentec.ConfigurationDataID", false]], "continuous (eitprocessing.datahandling.loading.draeger._medibusfield attribute)": [[6, "eitprocessing.datahandling.loading.draeger._MedibusField.continuous", false]], "continuous_data (eitprocessing.datahandling.loading.sequence attribute)": [[7, "eitprocessing.datahandling.loading.Sequence.continuous_data", false]], "continuous_data (eitprocessing.datahandling.sequence.sequence attribute)": [[14, "eitprocessing.datahandling.sequence.Sequence.continuous_data", false]], "continuousdata (class in eitprocessing.datahandling.continuousdata)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData", false]], "continuousdata (class in eitprocessing.datahandling.datacollection)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData", false]], "continuousdata (class in eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData", false]], "continuousdata (class in eitprocessing.datahandling.loading.sentec)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData", false]], "continuousdata (class in eitprocessing.datahandling.loading.timpel)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData", false]], "continuousdata (class in eitprocessing.datahandling.sequence)": [[14, "eitprocessing.datahandling.sequence.ContinuousData", false]], "copy() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.copy", false]], "copy() (eitprocessing.datahandling.datacollection.continuousdata method)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.copy", false]], "copy() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.copy", false]], "copy() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.copy", false]], "copy() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.copy", false]], "copy() (eitprocessing.datahandling.sequence.continuousdata method)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.copy", false]], "cutoff_frequency (eitprocessing.filters.butterworth_filters.butterworthfilter attribute)": [[16, "eitprocessing.filters.butterworth_filters.ButterworthFilter.cutoff_frequency", false]], "data_type (eitprocessing.datahandling.datacollection.datacollection attribute)": [[1, "eitprocessing.datahandling.datacollection.DataCollection.data_type", false]], "data_type (eitprocessing.datahandling.loading.datacollection attribute)": [[7, "eitprocessing.datahandling.loading.DataCollection.data_type", false]], "data_type (eitprocessing.datahandling.loading.draeger.datacollection attribute)": [[6, "eitprocessing.datahandling.loading.draeger.DataCollection.data_type", false]], "data_type (eitprocessing.datahandling.loading.sentec.datacollection attribute)": [[8, "eitprocessing.datahandling.loading.sentec.DataCollection.data_type", false]], "data_type (eitprocessing.datahandling.loading.timpel.datacollection attribute)": [[9, "eitprocessing.datahandling.loading.timpel.DataCollection.data_type", false]], "data_type (eitprocessing.datahandling.sequence.datacollection attribute)": [[14, "eitprocessing.datahandling.sequence.DataCollection.data_type", false]], "datacollection (class in eitprocessing.datahandling.datacollection)": [[1, "eitprocessing.datahandling.datacollection.DataCollection", false]], "datacollection (class in eitprocessing.datahandling.loading)": [[7, "eitprocessing.datahandling.loading.DataCollection", false]], "datacollection (class in eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger.DataCollection", false]], "datacollection (class in eitprocessing.datahandling.loading.sentec)": [[8, "eitprocessing.datahandling.loading.sentec.DataCollection", false]], "datacollection (class in eitprocessing.datahandling.loading.timpel)": [[9, "eitprocessing.datahandling.loading.timpel.DataCollection", false]], "datacollection (class in eitprocessing.datahandling.sequence)": [[14, "eitprocessing.datahandling.sequence.DataCollection", false]], "derive() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.derive", false]], "derive() (eitprocessing.datahandling.datacollection.continuousdata method)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.derive", false]], "derive() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.derive", false]], "derive() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.derive", false]], "derive() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.derive", false]], "derive() (eitprocessing.datahandling.sequence.continuousdata method)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.derive", false]], "derived_from (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.derived_from", false]], "derived_from (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.derived_from", false]], "derived_from (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.derived_from", false]], "derived_from (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.derived_from", false]], "derived_from (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.derived_from", false]], "derived_from (eitprocessing.datahandling.sequence.continuousdata attribute)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.derived_from", false]], "description (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.description", false]], "description (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.description", false]], "description (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.description", false]], "description (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.description", false]], "description (eitprocessing.datahandling.loading.sequence attribute)": [[7, "eitprocessing.datahandling.loading.Sequence.description", false]], "description (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.description", false]], "description (eitprocessing.datahandling.sequence.continuousdata attribute)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.description", false]], "description (eitprocessing.datahandling.sequence.sequence attribute)": [[14, "eitprocessing.datahandling.sequence.Sequence.description", false]], "domain (class in eitprocessing.datahandling.loading.sentec)": [[8, "eitprocessing.datahandling.loading.sentec.Domain", false]], "draeger (eitprocessing.datahandling.eitdata.vendor attribute)": [[2, "eitprocessing.datahandling.eitdata.Vendor.DRAEGER", false]], "draeger (eitprocessing.datahandling.loading.draeger.vendor attribute)": [[6, "eitprocessing.datahandling.loading.draeger.Vendor.DRAEGER", false]], "draeger (eitprocessing.datahandling.loading.sentec.vendor attribute)": [[8, "eitprocessing.datahandling.loading.sentec.Vendor.DRAEGER", false]], "draeger (eitprocessing.datahandling.loading.timpel.vendor attribute)": [[9, "eitprocessing.datahandling.loading.timpel.Vendor.DRAEGER", false]], "draeger (eitprocessing.datahandling.loading.vendor attribute)": [[7, "eitprocessing.datahandling.loading.Vendor.DRAEGER", false]], "draeger_framerate (in module eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger.DRAEGER_FRAMERATE", false]], "drager (eitprocessing.datahandling.eitdata.vendor attribute)": [[2, "eitprocessing.datahandling.eitdata.Vendor.DRAGER", false]], "drager (eitprocessing.datahandling.loading.draeger.vendor attribute)": [[6, "eitprocessing.datahandling.loading.draeger.Vendor.DRAGER", false]], "drager (eitprocessing.datahandling.loading.sentec.vendor attribute)": [[8, "eitprocessing.datahandling.loading.sentec.Vendor.DRAGER", false]], "drager (eitprocessing.datahandling.loading.timpel.vendor attribute)": [[9, "eitprocessing.datahandling.loading.timpel.Vendor.DRAGER", false]], "drager (eitprocessing.datahandling.loading.vendor attribute)": [[7, "eitprocessing.datahandling.loading.Vendor.DRAGER", false]], "dr\u00e4ger (eitprocessing.datahandling.eitdata.vendor attribute)": [[2, "id0", false]], "dr\u00e4ger (eitprocessing.datahandling.loading.draeger.vendor attribute)": [[6, "id0", false]], "dr\u00e4ger (eitprocessing.datahandling.loading.sentec.vendor attribute)": [[8, "id0", false]], "dr\u00e4ger (eitprocessing.datahandling.loading.timpel.vendor attribute)": [[9, "id0", false]], "dr\u00e4ger (eitprocessing.datahandling.loading.vendor attribute)": [[7, "id0", false]], "eit_data (eitprocessing.datahandling.loading.sequence attribute)": [[7, "eitprocessing.datahandling.loading.Sequence.eit_data", false]], "eit_data (eitprocessing.datahandling.sequence.sequence attribute)": [[14, "eitprocessing.datahandling.sequence.Sequence.eit_data", false]], "eitdata (class in eitprocessing.datahandling.datacollection)": [[1, "eitprocessing.datahandling.datacollection.EITData", false]], "eitdata (class in eitprocessing.datahandling.eitdata)": [[2, "eitprocessing.datahandling.eitdata.EITData", false]], "eitdata (class in eitprocessing.datahandling.loading)": [[7, "eitprocessing.datahandling.loading.EITData", false]], "eitdata (class in eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger.EITData", false]], "eitdata (class in eitprocessing.datahandling.loading.sentec)": [[8, "eitprocessing.datahandling.loading.sentec.EITData", false]], "eitdata (class in eitprocessing.datahandling.loading.timpel)": [[9, "eitprocessing.datahandling.loading.timpel.EITData", false]], "eitdata (class in eitprocessing.datahandling.sequence)": [[14, "eitprocessing.datahandling.sequence.EITData", false]], "eitprocessing": [[18, "module-eitprocessing", false]], "eitprocessing.datahandling": [[4, "module-eitprocessing.datahandling", false]], "eitprocessing.datahandling.continuousdata": [[0, "module-eitprocessing.datahandling.continuousdata", false]], "eitprocessing.datahandling.datacollection": [[1, "module-eitprocessing.datahandling.datacollection", false]], "eitprocessing.datahandling.eitdata": [[2, "module-eitprocessing.datahandling.eitdata", false]], "eitprocessing.datahandling.event": [[3, "module-eitprocessing.datahandling.event", false]], "eitprocessing.datahandling.loading": [[7, "module-eitprocessing.datahandling.loading", false]], "eitprocessing.datahandling.loading.binreader": [[5, "module-eitprocessing.datahandling.loading.binreader", false]], "eitprocessing.datahandling.loading.draeger": [[6, "module-eitprocessing.datahandling.loading.draeger", false]], "eitprocessing.datahandling.loading.sentec": [[8, "module-eitprocessing.datahandling.loading.sentec", false]], "eitprocessing.datahandling.loading.timpel": [[9, "module-eitprocessing.datahandling.loading.timpel", false]], "eitprocessing.datahandling.mixins": [[11, "module-eitprocessing.datahandling.mixins", false]], "eitprocessing.datahandling.mixins.equality": [[10, "module-eitprocessing.datahandling.mixins.equality", false]], "eitprocessing.datahandling.mixins.slicing": [[12, "module-eitprocessing.datahandling.mixins.slicing", false]], "eitprocessing.datahandling.phases": [[13, "module-eitprocessing.datahandling.phases", false]], "eitprocessing.datahandling.sequence": [[14, "module-eitprocessing.datahandling.sequence", false]], "eitprocessing.datahandling.sparsedata": [[15, "module-eitprocessing.datahandling.sparsedata", false]], "eitprocessing.filters": [[17, "module-eitprocessing.filters", false]], "eitprocessing.filters.butterworth_filters": [[16, "module-eitprocessing.filters.butterworth_filters", false]], "eitprocessing.plotting": [[20, "module-eitprocessing.plotting", false]], "eitprocessing.plotting.animate": [[19, "module-eitprocessing.plotting.animate", false]], "eitprocessing.plotting.plot": [[21, "module-eitprocessing.plotting.plot", false]], "endian (eitprocessing.datahandling.loading.binreader.binreader attribute)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader.endian", false]], "endian (eitprocessing.datahandling.loading.draeger.binreader attribute)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader.endian", false]], "endian (eitprocessing.datahandling.loading.sentec.binreader attribute)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader.endian", false]], "ensure_path_list() (eitprocessing.datahandling.datacollection.eitdata static method)": [[1, "eitprocessing.datahandling.datacollection.EITData.ensure_path_list", false]], "ensure_path_list() (eitprocessing.datahandling.eitdata.eitdata static method)": [[2, "eitprocessing.datahandling.eitdata.EITData.ensure_path_list", false]], "ensure_path_list() (eitprocessing.datahandling.loading.draeger.eitdata static method)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.ensure_path_list", false]], "ensure_path_list() (eitprocessing.datahandling.loading.eitdata static method)": [[7, "eitprocessing.datahandling.loading.EITData.ensure_path_list", false]], "ensure_path_list() (eitprocessing.datahandling.loading.sentec.eitdata static method)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.ensure_path_list", false]], "ensure_path_list() (eitprocessing.datahandling.loading.timpel.eitdata static method)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.ensure_path_list", false]], "ensure_path_list() (eitprocessing.datahandling.sequence.eitdata static method)": [[14, "eitprocessing.datahandling.sequence.EITData.ensure_path_list", false]], "equivalence (class in eitprocessing.datahandling.continuousdata)": [[0, "eitprocessing.datahandling.continuousdata.Equivalence", false]], "equivalence (class in eitprocessing.datahandling.datacollection)": [[1, "eitprocessing.datahandling.datacollection.Equivalence", false]], "equivalence (class in eitprocessing.datahandling.eitdata)": [[2, "eitprocessing.datahandling.eitdata.Equivalence", false]], "equivalence (class in eitprocessing.datahandling.mixins.equality)": [[10, "eitprocessing.datahandling.mixins.equality.Equivalence", false]], "equivalence (class in eitprocessing.datahandling.sequence)": [[14, "eitprocessing.datahandling.sequence.Equivalence", false]], "equivalenceerror": [[10, "eitprocessing.datahandling.mixins.equality.EquivalenceError", false]], "event (class in eitprocessing.datahandling.event)": [[3, "eitprocessing.datahandling.event.Event", false]], "event (class in eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger.Event", false]], "events (eitprocessing.datahandling.datacollection.eitdata attribute)": [[1, "eitprocessing.datahandling.datacollection.EITData.events", false]], "events (eitprocessing.datahandling.eitdata.eitdata attribute)": [[2, "eitprocessing.datahandling.eitdata.EITData.events", false]], "events (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.events", false]], "events (eitprocessing.datahandling.loading.eitdata attribute)": [[7, "eitprocessing.datahandling.loading.EITData.events", false]], "events (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.events", false]], "events (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.events", false]], "events (eitprocessing.datahandling.sequence.eitdata attribute)": [[14, "eitprocessing.datahandling.sequence.EITData.events", false]], "file_handle (eitprocessing.datahandling.loading.binreader.binreader attribute)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader.file_handle", false]], "file_handle (eitprocessing.datahandling.loading.draeger.binreader attribute)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader.file_handle", false]], "file_handle (eitprocessing.datahandling.loading.sentec.binreader attribute)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader.file_handle", false]], "filter_type (eitprocessing.filters.butterworth_filters.bandpassfilter attribute)": [[16, "eitprocessing.filters.butterworth_filters.BandPassFilter.filter_type", false]], "filter_type (eitprocessing.filters.butterworth_filters.bandstopfilter attribute)": [[16, "eitprocessing.filters.butterworth_filters.BandStopFilter.filter_type", false]], "filter_type (eitprocessing.filters.butterworth_filters.butterworthfilter attribute)": [[16, "eitprocessing.filters.butterworth_filters.ButterworthFilter.filter_type", false]], "filter_type (eitprocessing.filters.butterworth_filters.highpassfilter attribute)": [[16, "eitprocessing.filters.butterworth_filters.HighPassFilter.filter_type", false]], "filter_type (eitprocessing.filters.butterworth_filters.lowpassfilter attribute)": [[16, "eitprocessing.filters.butterworth_filters.LowPassFilter.filter_type", false]], "filter_types (in module eitprocessing.filters.butterworth_filters)": [[16, "eitprocessing.filters.butterworth_filters.FILTER_TYPES", false]], "float32() (eitprocessing.datahandling.loading.binreader.binreader method)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader.float32", false]], "float32() (eitprocessing.datahandling.loading.draeger.binreader method)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader.float32", false]], "float32() (eitprocessing.datahandling.loading.sentec.binreader method)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader.float32", false]], "float64() (eitprocessing.datahandling.loading.binreader.binreader method)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader.float64", false]], "float64() (eitprocessing.datahandling.loading.draeger.binreader method)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader.float64", false]], "float64() (eitprocessing.datahandling.loading.sentec.binreader method)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader.float64", false]], "framerate (eitprocessing.datahandling.datacollection.eitdata attribute)": [[1, "eitprocessing.datahandling.datacollection.EITData.framerate", false]], "framerate (eitprocessing.datahandling.eitdata.eitdata attribute)": [[2, "eitprocessing.datahandling.eitdata.EITData.framerate", false]], "framerate (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.framerate", false]], "framerate (eitprocessing.datahandling.loading.eitdata attribute)": [[7, "eitprocessing.datahandling.loading.EITData.framerate", false]], "framerate (eitprocessing.datahandling.loading.sentec.configurationdataid attribute)": [[8, "eitprocessing.datahandling.loading.sentec.ConfigurationDataID.FRAMERATE", false]], "framerate (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.framerate", false]], "framerate (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.framerate", false]], "framerate (eitprocessing.datahandling.sequence.eitdata attribute)": [[14, "eitprocessing.datahandling.sequence.EITData.framerate", false]], "get_data_derived_from() (eitprocessing.datahandling.datacollection.datacollection method)": [[1, "eitprocessing.datahandling.datacollection.DataCollection.get_data_derived_from", false]], "get_data_derived_from() (eitprocessing.datahandling.loading.datacollection method)": [[7, "eitprocessing.datahandling.loading.DataCollection.get_data_derived_from", false]], "get_data_derived_from() (eitprocessing.datahandling.loading.draeger.datacollection method)": [[6, "eitprocessing.datahandling.loading.draeger.DataCollection.get_data_derived_from", false]], "get_data_derived_from() (eitprocessing.datahandling.loading.sentec.datacollection method)": [[8, "eitprocessing.datahandling.loading.sentec.DataCollection.get_data_derived_from", false]], "get_data_derived_from() (eitprocessing.datahandling.loading.timpel.datacollection method)": [[9, "eitprocessing.datahandling.loading.timpel.DataCollection.get_data_derived_from", false]], "get_data_derived_from() (eitprocessing.datahandling.sequence.datacollection method)": [[14, "eitprocessing.datahandling.sequence.DataCollection.get_data_derived_from", false]], "get_derived_data() (eitprocessing.datahandling.datacollection.datacollection method)": [[1, "eitprocessing.datahandling.datacollection.DataCollection.get_derived_data", false]], "get_derived_data() (eitprocessing.datahandling.loading.datacollection method)": [[7, "eitprocessing.datahandling.loading.DataCollection.get_derived_data", false]], "get_derived_data() (eitprocessing.datahandling.loading.draeger.datacollection method)": [[6, "eitprocessing.datahandling.loading.draeger.DataCollection.get_derived_data", false]], "get_derived_data() (eitprocessing.datahandling.loading.sentec.datacollection method)": [[8, "eitprocessing.datahandling.loading.sentec.DataCollection.get_derived_data", false]], "get_derived_data() (eitprocessing.datahandling.loading.timpel.datacollection method)": [[9, "eitprocessing.datahandling.loading.timpel.DataCollection.get_derived_data", false]], "get_derived_data() (eitprocessing.datahandling.sequence.datacollection method)": [[14, "eitprocessing.datahandling.sequence.DataCollection.get_derived_data", false]], "get_loaded_data() (eitprocessing.datahandling.datacollection.datacollection method)": [[1, "eitprocessing.datahandling.datacollection.DataCollection.get_loaded_data", false]], "get_loaded_data() (eitprocessing.datahandling.loading.datacollection method)": [[7, "eitprocessing.datahandling.loading.DataCollection.get_loaded_data", false]], "get_loaded_data() (eitprocessing.datahandling.loading.draeger.datacollection method)": [[6, "eitprocessing.datahandling.loading.draeger.DataCollection.get_loaded_data", false]], "get_loaded_data() (eitprocessing.datahandling.loading.sentec.datacollection method)": [[8, "eitprocessing.datahandling.loading.sentec.DataCollection.get_loaded_data", false]], "get_loaded_data() (eitprocessing.datahandling.loading.timpel.datacollection method)": [[9, "eitprocessing.datahandling.loading.timpel.DataCollection.get_loaded_data", false]], "get_loaded_data() (eitprocessing.datahandling.sequence.datacollection method)": [[14, "eitprocessing.datahandling.sequence.DataCollection.get_loaded_data", false]], "global_baseline (eitprocessing.datahandling.datacollection.eitdata property)": [[1, "eitprocessing.datahandling.datacollection.EITData.global_baseline", false]], "global_baseline (eitprocessing.datahandling.eitdata.eitdata property)": [[2, "eitprocessing.datahandling.eitdata.EITData.global_baseline", false]], "global_baseline (eitprocessing.datahandling.loading.draeger.eitdata property)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.global_baseline", false]], "global_baseline (eitprocessing.datahandling.loading.eitdata property)": [[7, "eitprocessing.datahandling.loading.EITData.global_baseline", false]], "global_baseline (eitprocessing.datahandling.loading.sentec.eitdata property)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.global_baseline", false]], "global_baseline (eitprocessing.datahandling.loading.timpel.eitdata property)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.global_baseline", false]], "global_baseline (eitprocessing.datahandling.sequence.eitdata property)": [[14, "eitprocessing.datahandling.sequence.EITData.global_baseline", false]], "global_impedance (eitprocessing.datahandling.datacollection.eitdata property)": [[1, "eitprocessing.datahandling.datacollection.EITData.global_impedance", false]], "global_impedance (eitprocessing.datahandling.eitdata.eitdata property)": [[2, "eitprocessing.datahandling.eitdata.EITData.global_impedance", false]], "global_impedance (eitprocessing.datahandling.loading.draeger.eitdata property)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.global_impedance", false]], "global_impedance (eitprocessing.datahandling.loading.eitdata property)": [[7, "eitprocessing.datahandling.loading.EITData.global_impedance", false]], "global_impedance (eitprocessing.datahandling.loading.sentec.eitdata property)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.global_impedance", false]], "global_impedance (eitprocessing.datahandling.loading.timpel.eitdata property)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.global_impedance", false]], "global_impedance (eitprocessing.datahandling.sequence.eitdata property)": [[14, "eitprocessing.datahandling.sequence.EITData.global_impedance", false]], "hastimeindexer (class in eitprocessing.datahandling.datacollection)": [[1, "eitprocessing.datahandling.datacollection.HasTimeIndexer", false]], "hastimeindexer (class in eitprocessing.datahandling.mixins.slicing)": [[12, "eitprocessing.datahandling.mixins.slicing.HasTimeIndexer", false]], "hastimeindexer (class in eitprocessing.datahandling.sequence)": [[14, "eitprocessing.datahandling.sequence.HasTimeIndexer", false]], "highpassfilter (class in eitprocessing.filters.butterworth_filters)": [[16, "eitprocessing.filters.butterworth_filters.HighPassFilter", false]], "ignore_max_order (eitprocessing.filters.butterworth_filters.butterworthfilter attribute)": [[16, "eitprocessing.filters.butterworth_filters.ButterworthFilter.ignore_max_order", false]], "index (eitprocessing.datahandling.event.event attribute)": [[3, "eitprocessing.datahandling.event.Event.index", false]], "index (eitprocessing.datahandling.loading.draeger.event attribute)": [[6, "eitprocessing.datahandling.loading.draeger.Event.index", false]], "index (eitprocessing.datahandling.phases.phaseindicator attribute)": [[13, "eitprocessing.datahandling.phases.PhaseIndicator.index", false]], "int32() (eitprocessing.datahandling.loading.binreader.binreader method)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader.int32", false]], "int32() (eitprocessing.datahandling.loading.draeger.binreader method)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader.int32", false]], "int32() (eitprocessing.datahandling.loading.sentec.binreader method)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader.int32", false]], "isequivalent() (eitprocessing.datahandling.continuousdata.equivalence method)": [[0, "eitprocessing.datahandling.continuousdata.Equivalence.isequivalent", false]], "isequivalent() (eitprocessing.datahandling.datacollection.equivalence method)": [[1, "eitprocessing.datahandling.datacollection.Equivalence.isequivalent", false]], "isequivalent() (eitprocessing.datahandling.eitdata.equivalence method)": [[2, "eitprocessing.datahandling.eitdata.Equivalence.isequivalent", false]], "isequivalent() (eitprocessing.datahandling.mixins.equality.equivalence method)": [[10, "eitprocessing.datahandling.mixins.equality.Equivalence.isequivalent", false]], "isequivalent() (eitprocessing.datahandling.sequence.equivalence method)": [[14, "eitprocessing.datahandling.sequence.Equivalence.isequivalent", false]], "label (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.label", false]], "label (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.label", false]], "label (eitprocessing.datahandling.datacollection.eitdata attribute)": [[1, "eitprocessing.datahandling.datacollection.EITData.label", false]], "label (eitprocessing.datahandling.eitdata.eitdata attribute)": [[2, "eitprocessing.datahandling.eitdata.EITData.label", false]], "label (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.label", false]], "label (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.label", false]], "label (eitprocessing.datahandling.loading.eitdata attribute)": [[7, "eitprocessing.datahandling.loading.EITData.label", false]], "label (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.label", false]], "label (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.label", false]], "label (eitprocessing.datahandling.loading.sequence attribute)": [[7, "eitprocessing.datahandling.loading.Sequence.label", false]], "label (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.label", false]], "label (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.label", false]], "label (eitprocessing.datahandling.mixins.slicing.selectbyindex attribute)": [[12, "eitprocessing.datahandling.mixins.slicing.SelectByIndex.label", false]], "label (eitprocessing.datahandling.sequence.continuousdata attribute)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.label", false]], "label (eitprocessing.datahandling.sequence.eitdata attribute)": [[14, "eitprocessing.datahandling.sequence.EITData.label", false]], "label (eitprocessing.datahandling.sequence.sequence attribute)": [[14, "eitprocessing.datahandling.sequence.Sequence.label", false]], "load_draeger_data (in module eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger.load_draeger_data", false]], "load_eit_data() (in module eitprocessing.datahandling.loading)": [[7, "eitprocessing.datahandling.loading.load_eit_data", false]], "load_eit_data() (in module eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger.load_eit_data", false]], "load_eit_data() (in module eitprocessing.datahandling.loading.sentec)": [[8, "eitprocessing.datahandling.loading.sentec.load_eit_data", false]], "load_eit_data() (in module eitprocessing.datahandling.loading.timpel)": [[9, "eitprocessing.datahandling.loading.timpel.load_eit_data", false]], "load_from_single_path() (in module eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger.load_from_single_path", false]], "load_from_single_path() (in module eitprocessing.datahandling.loading.sentec)": [[8, "eitprocessing.datahandling.loading.sentec.load_from_single_path", false]], "load_from_single_path() (in module eitprocessing.datahandling.loading.timpel)": [[9, "eitprocessing.datahandling.loading.timpel.load_from_single_path", false]], "load_sentec_data (in module eitprocessing.datahandling.loading.sentec)": [[8, "eitprocessing.datahandling.loading.sentec.load_sentec_data", false]], "load_timpel_data (in module eitprocessing.datahandling.loading.timpel)": [[9, "eitprocessing.datahandling.loading.timpel.load_timpel_data", false]], "loaded (eitprocessing.datahandling.continuousdata.continuousdata property)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.loaded", false]], "loaded (eitprocessing.datahandling.datacollection.continuousdata property)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.loaded", false]], "loaded (eitprocessing.datahandling.loading.draeger.continuousdata property)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.loaded", false]], "loaded (eitprocessing.datahandling.loading.sentec.continuousdata property)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.loaded", false]], "loaded (eitprocessing.datahandling.loading.timpel.continuousdata property)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.loaded", false]], "loaded (eitprocessing.datahandling.sequence.continuousdata property)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.loaded", false]], "lock() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.lock", false]], "lock() (eitprocessing.datahandling.datacollection.continuousdata method)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.lock", false]], "lock() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.lock", false]], "lock() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.lock", false]], "lock() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.lock", false]], "lock() (eitprocessing.datahandling.sequence.continuousdata method)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.lock", false]], "locked (eitprocessing.datahandling.continuousdata.continuousdata property)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.locked", false]], "locked (eitprocessing.datahandling.datacollection.continuousdata property)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.locked", false]], "locked (eitprocessing.datahandling.loading.draeger.continuousdata property)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.locked", false]], "locked (eitprocessing.datahandling.loading.sentec.continuousdata property)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.locked", false]], "locked (eitprocessing.datahandling.loading.timpel.continuousdata property)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.locked", false]], "locked (eitprocessing.datahandling.sequence.continuousdata property)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.locked", false]], "lowpassfilter (class in eitprocessing.filters.butterworth_filters)": [[16, "eitprocessing.filters.butterworth_filters.LowPassFilter", false]], "marker (eitprocessing.datahandling.event.event attribute)": [[3, "eitprocessing.datahandling.event.Event.marker", false]], "marker (eitprocessing.datahandling.loading.draeger.event attribute)": [[6, "eitprocessing.datahandling.loading.draeger.Event.marker", false]], "max_order (in module eitprocessing.filters.butterworth_filters)": [[16, "eitprocessing.filters.butterworth_filters.MAX_ORDER", false]], "maxvalue (class in eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger.MaxValue", false]], "maxvalue (class in eitprocessing.datahandling.loading.timpel)": [[9, "eitprocessing.datahandling.loading.timpel.MaxValue", false]], "maxvalue (class in eitprocessing.datahandling.phases)": [[13, "eitprocessing.datahandling.phases.MaxValue", false]], "measurement (eitprocessing.datahandling.loading.sentec.domain attribute)": [[8, "eitprocessing.datahandling.loading.sentec.Domain.MEASUREMENT", false]], "measurementdataid (class in eitprocessing.datahandling.loading.sentec)": [[8, "eitprocessing.datahandling.loading.sentec.MeasurementDataID", false]], "minvalue (class in eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger.MinValue", false]], "minvalue (class in eitprocessing.datahandling.loading.timpel)": [[9, "eitprocessing.datahandling.loading.timpel.MinValue", false]], "minvalue (class in eitprocessing.datahandling.phases)": [[13, "eitprocessing.datahandling.phases.MinValue", false]], "module": [[0, "module-eitprocessing.datahandling.continuousdata", false], [1, "module-eitprocessing.datahandling.datacollection", false], [2, "module-eitprocessing.datahandling.eitdata", false], [3, "module-eitprocessing.datahandling.event", false], [4, "module-eitprocessing.datahandling", false], [5, "module-eitprocessing.datahandling.loading.binreader", false], [6, "module-eitprocessing.datahandling.loading.draeger", false], [7, "module-eitprocessing.datahandling.loading", false], [8, "module-eitprocessing.datahandling.loading.sentec", false], [9, "module-eitprocessing.datahandling.loading.timpel", false], [10, "module-eitprocessing.datahandling.mixins.equality", false], [11, "module-eitprocessing.datahandling.mixins", false], [12, "module-eitprocessing.datahandling.mixins.slicing", false], [13, "module-eitprocessing.datahandling.phases", false], [14, "module-eitprocessing.datahandling.sequence", false], [15, "module-eitprocessing.datahandling.sparsedata", false], [16, "module-eitprocessing.filters.butterworth_filters", false], [17, "module-eitprocessing.filters", false], [18, "module-eitprocessing", false], [19, "module-eitprocessing.plotting.animate", false], [20, "module-eitprocessing.plotting", false], [21, "module-eitprocessing.plotting.plot", false]], "n (in module eitprocessing.datahandling.loading.binreader)": [[5, "eitprocessing.datahandling.loading.binreader.N", false]], "name (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.name", false]], "name (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.name", false]], "name (eitprocessing.datahandling.datacollection.eitdata attribute)": [[1, "eitprocessing.datahandling.datacollection.EITData.name", false]], "name (eitprocessing.datahandling.eitdata.eitdata attribute)": [[2, "eitprocessing.datahandling.eitdata.EITData.name", false]], "name (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.name", false]], "name (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.name", false]], "name (eitprocessing.datahandling.loading.eitdata attribute)": [[7, "eitprocessing.datahandling.loading.EITData.name", false]], "name (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.name", false]], "name (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.name", false]], "name (eitprocessing.datahandling.loading.sequence attribute)": [[7, "eitprocessing.datahandling.loading.Sequence.name", false]], "name (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.name", false]], "name (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.name", false]], "name (eitprocessing.datahandling.sequence.continuousdata attribute)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.name", false]], "name (eitprocessing.datahandling.sequence.eitdata attribute)": [[14, "eitprocessing.datahandling.sequence.EITData.name", false]], "name (eitprocessing.datahandling.sequence.sequence attribute)": [[14, "eitprocessing.datahandling.sequence.Sequence.name", false]], "nframes (eitprocessing.datahandling.datacollection.eitdata attribute)": [[1, "eitprocessing.datahandling.datacollection.EITData.nframes", false]], "nframes (eitprocessing.datahandling.eitdata.eitdata attribute)": [[2, "eitprocessing.datahandling.eitdata.EITData.nframes", false]], "nframes (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.nframes", false]], "nframes (eitprocessing.datahandling.loading.eitdata attribute)": [[7, "eitprocessing.datahandling.loading.EITData.nframes", false]], "nframes (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.nframes", false]], "nframes (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.nframes", false]], "nframes (eitprocessing.datahandling.sequence.eitdata attribute)": [[14, "eitprocessing.datahandling.sequence.EITData.nframes", false]], "npfloat32() (eitprocessing.datahandling.loading.binreader.binreader method)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader.npfloat32", false]], "npfloat32() (eitprocessing.datahandling.loading.draeger.binreader method)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader.npfloat32", false]], "npfloat32() (eitprocessing.datahandling.loading.sentec.binreader method)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader.npfloat32", false]], "npfloat64() (eitprocessing.datahandling.loading.binreader.binreader method)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader.npfloat64", false]], "npfloat64() (eitprocessing.datahandling.loading.draeger.binreader method)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader.npfloat64", false]], "npfloat64() (eitprocessing.datahandling.loading.sentec.binreader method)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader.npfloat64", false]], "npint32() (eitprocessing.datahandling.loading.binreader.binreader method)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader.npint32", false]], "npint32() (eitprocessing.datahandling.loading.draeger.binreader method)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader.npint32", false]], "npint32() (eitprocessing.datahandling.loading.sentec.binreader method)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader.npint32", false]], "obj (eitprocessing.datahandling.mixins.slicing.timeindexer attribute)": [[12, "eitprocessing.datahandling.mixins.slicing.TimeIndexer.obj", false]], "order (eitprocessing.filters.butterworth_filters.butterworthfilter attribute)": [[16, "eitprocessing.filters.butterworth_filters.ButterworthFilter.order", false]], "parameters (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.parameters", false]], "parameters (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.parameters", false]], "parameters (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.parameters", false]], "parameters (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.parameters", false]], "parameters (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.parameters", false]], "parameters (eitprocessing.datahandling.sequence.continuousdata attribute)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.parameters", false]], "path (eitprocessing.datahandling.datacollection.eitdata attribute)": [[1, "eitprocessing.datahandling.datacollection.EITData.path", false]], "path (eitprocessing.datahandling.eitdata.eitdata attribute)": [[2, "eitprocessing.datahandling.eitdata.EITData.path", false]], "path (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.path", false]], "path (eitprocessing.datahandling.loading.eitdata attribute)": [[7, "eitprocessing.datahandling.loading.EITData.path", false]], "path (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.path", false]], "path (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.path", false]], "path (eitprocessing.datahandling.sequence.eitdata attribute)": [[14, "eitprocessing.datahandling.sequence.EITData.path", false]], "phaseindicator (class in eitprocessing.datahandling.phases)": [[13, "eitprocessing.datahandling.phases.PhaseIndicator", false]], "phases (eitprocessing.datahandling.datacollection.eitdata attribute)": [[1, "eitprocessing.datahandling.datacollection.EITData.phases", false]], "phases (eitprocessing.datahandling.eitdata.eitdata attribute)": [[2, "eitprocessing.datahandling.eitdata.EITData.phases", false]], "phases (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.phases", false]], "phases (eitprocessing.datahandling.loading.eitdata attribute)": [[7, "eitprocessing.datahandling.loading.EITData.phases", false]], "phases (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.phases", false]], "phases (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.phases", false]], "phases (eitprocessing.datahandling.sequence.eitdata attribute)": [[14, "eitprocessing.datahandling.sequence.EITData.phases", false]], "pixel_baseline (eitprocessing.datahandling.datacollection.eitdata property)": [[1, "eitprocessing.datahandling.datacollection.EITData.pixel_baseline", false]], "pixel_baseline (eitprocessing.datahandling.eitdata.eitdata property)": [[2, "eitprocessing.datahandling.eitdata.EITData.pixel_baseline", false]], "pixel_baseline (eitprocessing.datahandling.loading.draeger.eitdata property)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.pixel_baseline", false]], "pixel_baseline (eitprocessing.datahandling.loading.eitdata property)": [[7, "eitprocessing.datahandling.loading.EITData.pixel_baseline", false]], "pixel_baseline (eitprocessing.datahandling.loading.sentec.eitdata property)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.pixel_baseline", false]], "pixel_baseline (eitprocessing.datahandling.loading.timpel.eitdata property)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.pixel_baseline", false]], "pixel_baseline (eitprocessing.datahandling.sequence.eitdata property)": [[14, "eitprocessing.datahandling.sequence.EITData.pixel_baseline", false]], "pixel_impedance (eitprocessing.datahandling.datacollection.eitdata attribute)": [[1, "eitprocessing.datahandling.datacollection.EITData.pixel_impedance", false]], "pixel_impedance (eitprocessing.datahandling.eitdata.eitdata attribute)": [[2, "eitprocessing.datahandling.eitdata.EITData.pixel_impedance", false]], "pixel_impedance (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.pixel_impedance", false]], "pixel_impedance (eitprocessing.datahandling.loading.eitdata attribute)": [[7, "eitprocessing.datahandling.loading.EITData.pixel_impedance", false]], "pixel_impedance (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.pixel_impedance", false]], "pixel_impedance (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.pixel_impedance", false]], "pixel_impedance (eitprocessing.datahandling.sequence.eitdata attribute)": [[14, "eitprocessing.datahandling.sequence.EITData.pixel_impedance", false]], "pixel_impedance_global_offset (eitprocessing.datahandling.datacollection.eitdata property)": [[1, "eitprocessing.datahandling.datacollection.EITData.pixel_impedance_global_offset", false]], "pixel_impedance_global_offset (eitprocessing.datahandling.eitdata.eitdata property)": [[2, "eitprocessing.datahandling.eitdata.EITData.pixel_impedance_global_offset", false]], "pixel_impedance_global_offset (eitprocessing.datahandling.loading.draeger.eitdata property)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.pixel_impedance_global_offset", false]], "pixel_impedance_global_offset (eitprocessing.datahandling.loading.eitdata property)": [[7, "eitprocessing.datahandling.loading.EITData.pixel_impedance_global_offset", false]], "pixel_impedance_global_offset (eitprocessing.datahandling.loading.sentec.eitdata property)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.pixel_impedance_global_offset", false]], "pixel_impedance_global_offset (eitprocessing.datahandling.loading.timpel.eitdata property)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.pixel_impedance_global_offset", false]], "pixel_impedance_global_offset (eitprocessing.datahandling.sequence.eitdata property)": [[14, "eitprocessing.datahandling.sequence.EITData.pixel_impedance_global_offset", false]], "pixel_impedance_individual_offset (eitprocessing.datahandling.datacollection.eitdata property)": [[1, "eitprocessing.datahandling.datacollection.EITData.pixel_impedance_individual_offset", false]], "pixel_impedance_individual_offset (eitprocessing.datahandling.eitdata.eitdata property)": [[2, "eitprocessing.datahandling.eitdata.EITData.pixel_impedance_individual_offset", false]], "pixel_impedance_individual_offset (eitprocessing.datahandling.loading.draeger.eitdata property)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.pixel_impedance_individual_offset", false]], "pixel_impedance_individual_offset (eitprocessing.datahandling.loading.eitdata property)": [[7, "eitprocessing.datahandling.loading.EITData.pixel_impedance_individual_offset", false]], "pixel_impedance_individual_offset (eitprocessing.datahandling.loading.sentec.eitdata property)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.pixel_impedance_individual_offset", false]], "pixel_impedance_individual_offset (eitprocessing.datahandling.loading.timpel.eitdata property)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.pixel_impedance_individual_offset", false]], "pixel_impedance_individual_offset (eitprocessing.datahandling.sequence.eitdata property)": [[14, "eitprocessing.datahandling.sequence.EITData.pixel_impedance_individual_offset", false]], "plot_waveforms() (in module eitprocessing.plotting.plot)": [[21, "eitprocessing.plotting.plot.plot_waveforms", false]], "qrsmark (class in eitprocessing.datahandling.loading.timpel)": [[9, "eitprocessing.datahandling.loading.timpel.QRSMark", false]], "qrsmark (class in eitprocessing.datahandling.phases)": [[13, "eitprocessing.datahandling.phases.QRSMark", false]], "read_array() (eitprocessing.datahandling.loading.binreader.binreader method)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader.read_array", false]], "read_array() (eitprocessing.datahandling.loading.draeger.binreader method)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader.read_array", false]], "read_array() (eitprocessing.datahandling.loading.sentec.binreader method)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader.read_array", false]], "read_list() (eitprocessing.datahandling.loading.binreader.binreader method)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader.read_list", false]], "read_list() (eitprocessing.datahandling.loading.draeger.binreader method)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader.read_list", false]], "read_list() (eitprocessing.datahandling.loading.sentec.binreader method)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader.read_list", false]], "read_single() (eitprocessing.datahandling.loading.binreader.binreader method)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader.read_single", false]], "read_single() (eitprocessing.datahandling.loading.draeger.binreader method)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader.read_single", false]], "read_single() (eitprocessing.datahandling.loading.sentec.binreader method)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader.read_single", false]], "read_string() (eitprocessing.datahandling.loading.binreader.binreader method)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader.read_string", false]], "read_string() (eitprocessing.datahandling.loading.draeger.binreader method)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader.read_string", false]], "read_string() (eitprocessing.datahandling.loading.sentec.binreader method)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader.read_string", false]], "sample_frequency (eitprocessing.filters.butterworth_filters.butterworthfilter attribute)": [[16, "eitprocessing.filters.butterworth_filters.ButterworthFilter.sample_frequency", false]], "select_by_index() (eitprocessing.datahandling.mixins.slicing.selectbyindex method)": [[12, "eitprocessing.datahandling.mixins.slicing.SelectByIndex.select_by_index", false]], "select_by_time() (eitprocessing.datahandling.continuousdata.selectbytime method)": [[0, "eitprocessing.datahandling.continuousdata.SelectByTime.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.datacollection.datacollection method)": [[1, "eitprocessing.datahandling.datacollection.DataCollection.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.eitdata.selectbytime method)": [[2, "eitprocessing.datahandling.eitdata.SelectByTime.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.loading.datacollection method)": [[7, "eitprocessing.datahandling.loading.DataCollection.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.loading.draeger.datacollection method)": [[6, "eitprocessing.datahandling.loading.draeger.DataCollection.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.loading.sentec.datacollection method)": [[8, "eitprocessing.datahandling.loading.sentec.DataCollection.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.loading.sequence method)": [[7, "eitprocessing.datahandling.loading.Sequence.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.loading.timpel.datacollection method)": [[9, "eitprocessing.datahandling.loading.timpel.DataCollection.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.mixins.slicing.selectbytime method)": [[12, "eitprocessing.datahandling.mixins.slicing.SelectByTime.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.sequence.datacollection method)": [[14, "eitprocessing.datahandling.sequence.DataCollection.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.sequence.selectbytime method)": [[14, "eitprocessing.datahandling.sequence.SelectByTime.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.sequence.sequence method)": [[14, "eitprocessing.datahandling.sequence.Sequence.select_by_time", false]], "selectbyindex (class in eitprocessing.datahandling.mixins.slicing)": [[12, "eitprocessing.datahandling.mixins.slicing.SelectByIndex", false]], "selectbytime (class in eitprocessing.datahandling.continuousdata)": [[0, "eitprocessing.datahandling.continuousdata.SelectByTime", false]], "selectbytime (class in eitprocessing.datahandling.eitdata)": [[2, "eitprocessing.datahandling.eitdata.SelectByTime", false]], "selectbytime (class in eitprocessing.datahandling.mixins.slicing)": [[12, "eitprocessing.datahandling.mixins.slicing.SelectByTime", false]], "selectbytime (class in eitprocessing.datahandling.sequence)": [[14, "eitprocessing.datahandling.sequence.SelectByTime", false]], "sentec (eitprocessing.datahandling.eitdata.vendor attribute)": [[2, "eitprocessing.datahandling.eitdata.Vendor.SENTEC", false]], "sentec (eitprocessing.datahandling.loading.draeger.vendor attribute)": [[6, "eitprocessing.datahandling.loading.draeger.Vendor.SENTEC", false]], "sentec (eitprocessing.datahandling.loading.sentec.vendor attribute)": [[8, "eitprocessing.datahandling.loading.sentec.Vendor.SENTEC", false]], "sentec (eitprocessing.datahandling.loading.timpel.vendor attribute)": [[9, "eitprocessing.datahandling.loading.timpel.Vendor.SENTEC", false]], "sentec (eitprocessing.datahandling.loading.vendor attribute)": [[7, "eitprocessing.datahandling.loading.Vendor.SENTEC", false]], "sentec_framerate (in module eitprocessing.datahandling.loading.sentec)": [[8, "eitprocessing.datahandling.loading.sentec.SENTEC_FRAMERATE", false]], "sequence (class in eitprocessing.datahandling.loading)": [[7, "eitprocessing.datahandling.loading.Sequence", false]], "sequence (class in eitprocessing.datahandling.sequence)": [[14, "eitprocessing.datahandling.sequence.Sequence", false]], "signal_name (eitprocessing.datahandling.loading.draeger._medibusfield attribute)": [[6, "eitprocessing.datahandling.loading.draeger._MedibusField.signal_name", false]], "sparse_data (eitprocessing.datahandling.loading.sequence attribute)": [[7, "eitprocessing.datahandling.loading.Sequence.sparse_data", false]], "sparse_data (eitprocessing.datahandling.sequence.sequence attribute)": [[14, "eitprocessing.datahandling.sequence.Sequence.sparse_data", false]], "sparsedata (class in eitprocessing.datahandling.datacollection)": [[1, "eitprocessing.datahandling.datacollection.SparseData", false]], "sparsedata (class in eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger.SparseData", false]], "sparsedata (class in eitprocessing.datahandling.loading.sentec)": [[8, "eitprocessing.datahandling.loading.sentec.SparseData", false]], "sparsedata (class in eitprocessing.datahandling.loading.timpel)": [[9, "eitprocessing.datahandling.loading.timpel.SparseData", false]], "sparsedata (class in eitprocessing.datahandling.sequence)": [[14, "eitprocessing.datahandling.sequence.SparseData", false]], "sparsedata (class in eitprocessing.datahandling.sparsedata)": [[15, "eitprocessing.datahandling.sparsedata.SparseData", false]], "string (eitprocessing.datahandling.loading.binreader.binreader attribute)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader.string", false]], "string (eitprocessing.datahandling.loading.draeger.binreader attribute)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader.string", false]], "string (eitprocessing.datahandling.loading.sentec.binreader attribute)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader.string", false]], "t (eitprocessing.datahandling.datacollection.hastimeindexer property)": [[1, "eitprocessing.datahandling.datacollection.HasTimeIndexer.t", false]], "t (eitprocessing.datahandling.mixins.slicing.hastimeindexer property)": [[12, "eitprocessing.datahandling.mixins.slicing.HasTimeIndexer.t", false]], "t (eitprocessing.datahandling.sequence.hastimeindexer property)": [[14, "eitprocessing.datahandling.sequence.HasTimeIndexer.t", false]], "t (in module eitprocessing.datahandling.continuousdata)": [[0, "eitprocessing.datahandling.continuousdata.T", false]], "t (in module eitprocessing.datahandling.eitdata)": [[2, "eitprocessing.datahandling.eitdata.T", false]], "t (in module eitprocessing.datahandling.loading.binreader)": [[5, "eitprocessing.datahandling.loading.binreader.T", false]], "text (eitprocessing.datahandling.event.event attribute)": [[3, "eitprocessing.datahandling.event.Event.text", false]], "text (eitprocessing.datahandling.loading.draeger.event attribute)": [[6, "eitprocessing.datahandling.loading.draeger.Event.text", false]], "time (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.time", false]], "time (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.time", false]], "time (eitprocessing.datahandling.datacollection.eitdata attribute)": [[1, "eitprocessing.datahandling.datacollection.EITData.time", false]], "time (eitprocessing.datahandling.eitdata.eitdata attribute)": [[2, "eitprocessing.datahandling.eitdata.EITData.time", false]], "time (eitprocessing.datahandling.event.event attribute)": [[3, "eitprocessing.datahandling.event.Event.time", false]], "time (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.time", false]], "time (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.time", false]], "time (eitprocessing.datahandling.loading.draeger.event attribute)": [[6, "eitprocessing.datahandling.loading.draeger.Event.time", false]], "time (eitprocessing.datahandling.loading.eitdata attribute)": [[7, "eitprocessing.datahandling.loading.EITData.time", false]], "time (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.time", false]], "time (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.time", false]], "time (eitprocessing.datahandling.loading.sequence property)": [[7, "eitprocessing.datahandling.loading.Sequence.time", false]], "time (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.time", false]], "time (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.time", false]], "time (eitprocessing.datahandling.phases.phaseindicator attribute)": [[13, "eitprocessing.datahandling.phases.PhaseIndicator.time", false]], "time (eitprocessing.datahandling.sequence.continuousdata attribute)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.time", false]], "time (eitprocessing.datahandling.sequence.eitdata attribute)": [[14, "eitprocessing.datahandling.sequence.EITData.time", false]], "time (eitprocessing.datahandling.sequence.sequence property)": [[14, "eitprocessing.datahandling.sequence.Sequence.time", false]], "timedomainfilter (class in eitprocessing.filters)": [[17, "eitprocessing.filters.TimeDomainFilter", false]], "timedomainfilter (class in eitprocessing.filters.butterworth_filters)": [[16, "eitprocessing.filters.butterworth_filters.TimeDomainFilter", false]], "timeindexer (class in eitprocessing.datahandling.mixins.slicing)": [[12, "eitprocessing.datahandling.mixins.slicing.TimeIndexer", false]], "timestamp (eitprocessing.datahandling.loading.sentec.measurementdataid attribute)": [[8, "eitprocessing.datahandling.loading.sentec.MeasurementDataID.TIMESTAMP", false]], "timpel (eitprocessing.datahandling.eitdata.vendor attribute)": [[2, "eitprocessing.datahandling.eitdata.Vendor.TIMPEL", false]], "timpel (eitprocessing.datahandling.loading.draeger.vendor attribute)": [[6, "eitprocessing.datahandling.loading.draeger.Vendor.TIMPEL", false]], "timpel (eitprocessing.datahandling.loading.sentec.vendor attribute)": [[8, "eitprocessing.datahandling.loading.sentec.Vendor.TIMPEL", false]], "timpel (eitprocessing.datahandling.loading.timpel.vendor attribute)": [[9, "eitprocessing.datahandling.loading.timpel.Vendor.TIMPEL", false]], "timpel (eitprocessing.datahandling.loading.vendor attribute)": [[7, "eitprocessing.datahandling.loading.Vendor.TIMPEL", false]], "timpel_framerate (in module eitprocessing.datahandling.loading.timpel)": [[9, "eitprocessing.datahandling.loading.timpel.TIMPEL_FRAMERATE", false]], "uint16() (eitprocessing.datahandling.loading.binreader.binreader method)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader.uint16", false]], "uint16() (eitprocessing.datahandling.loading.draeger.binreader method)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader.uint16", false]], "uint16() (eitprocessing.datahandling.loading.sentec.binreader method)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader.uint16", false]], "uint32() (eitprocessing.datahandling.loading.binreader.binreader method)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader.uint32", false]], "uint32() (eitprocessing.datahandling.loading.draeger.binreader method)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader.uint32", false]], "uint32() (eitprocessing.datahandling.loading.sentec.binreader method)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader.uint32", false]], "uint64() (eitprocessing.datahandling.loading.binreader.binreader method)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader.uint64", false]], "uint64() (eitprocessing.datahandling.loading.draeger.binreader method)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader.uint64", false]], "uint64() (eitprocessing.datahandling.loading.sentec.binreader method)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader.uint64", false]], "uint8() (eitprocessing.datahandling.loading.binreader.binreader method)": [[5, "eitprocessing.datahandling.loading.binreader.BinReader.uint8", false]], "uint8() (eitprocessing.datahandling.loading.draeger.binreader method)": [[6, "eitprocessing.datahandling.loading.draeger.BinReader.uint8", false]], "uint8() (eitprocessing.datahandling.loading.sentec.binreader method)": [[8, "eitprocessing.datahandling.loading.sentec.BinReader.uint8", false]], "unit (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.unit", false]], "unit (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.unit", false]], "unit (eitprocessing.datahandling.loading.draeger._medibusfield attribute)": [[6, "eitprocessing.datahandling.loading.draeger._MedibusField.unit", false]], "unit (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.unit", false]], "unit (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.unit", false]], "unit (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.unit", false]], "unit (eitprocessing.datahandling.sequence.continuousdata attribute)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.unit", false]], "unlock() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.unlock", false]], "unlock() (eitprocessing.datahandling.datacollection.continuousdata method)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.unlock", false]], "unlock() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.unlock", false]], "unlock() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.unlock", false]], "unlock() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.unlock", false]], "unlock() (eitprocessing.datahandling.sequence.continuousdata method)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.unlock", false]], "v (in module eitprocessing.datahandling.datacollection)": [[1, "eitprocessing.datahandling.datacollection.V", false]], "values (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[0, "eitprocessing.datahandling.continuousdata.ContinuousData.values", false]], "values (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[1, "eitprocessing.datahandling.datacollection.ContinuousData.values", false]], "values (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.ContinuousData.values", false]], "values (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.ContinuousData.values", false]], "values (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.ContinuousData.values", false]], "values (eitprocessing.datahandling.sequence.continuousdata attribute)": [[14, "eitprocessing.datahandling.sequence.ContinuousData.values", false]], "vendor (class in eitprocessing.datahandling.eitdata)": [[2, "eitprocessing.datahandling.eitdata.Vendor", false]], "vendor (class in eitprocessing.datahandling.loading)": [[7, "eitprocessing.datahandling.loading.Vendor", false]], "vendor (class in eitprocessing.datahandling.loading.draeger)": [[6, "eitprocessing.datahandling.loading.draeger.Vendor", false]], "vendor (class in eitprocessing.datahandling.loading.sentec)": [[8, "eitprocessing.datahandling.loading.sentec.Vendor", false]], "vendor (class in eitprocessing.datahandling.loading.timpel)": [[9, "eitprocessing.datahandling.loading.timpel.Vendor", false]], "vendor (eitprocessing.datahandling.datacollection.eitdata attribute)": [[1, "eitprocessing.datahandling.datacollection.EITData.vendor", false]], "vendor (eitprocessing.datahandling.eitdata.eitdata attribute)": [[2, "eitprocessing.datahandling.eitdata.EITData.vendor", false]], "vendor (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[6, "eitprocessing.datahandling.loading.draeger.EITData.vendor", false]], "vendor (eitprocessing.datahandling.loading.eitdata attribute)": [[7, "eitprocessing.datahandling.loading.EITData.vendor", false]], "vendor (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.sentec.EITData.vendor", false]], "vendor (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.timpel.EITData.vendor", false]], "vendor (eitprocessing.datahandling.sequence.eitdata attribute)": [[14, "eitprocessing.datahandling.sequence.EITData.vendor", false]], "zero_ref_image (eitprocessing.datahandling.loading.sentec.measurementdataid attribute)": [[8, "eitprocessing.datahandling.loading.sentec.MeasurementDataID.ZERO_REF_IMAGE", false]]}, "objects": {"": [[18, 0, 0, "-", "eitprocessing"]], "eitprocessing": [[4, 0, 0, "-", "datahandling"], [17, 0, 0, "-", "filters"], [20, 0, 0, "-", "plotting"]], "eitprocessing.datahandling": [[0, 0, 0, "-", "continuousdata"], [1, 0, 0, "-", "datacollection"], [2, 0, 0, "-", "eitdata"], [3, 0, 0, "-", "event"], [7, 0, 0, "-", "loading"], [11, 0, 0, "-", "mixins"], [13, 0, 0, "-", "phases"], [14, 0, 0, "-", "sequence"], [15, 0, 0, "-", "sparsedata"]], "eitprocessing.datahandling.continuousdata": [[0, 1, 1, "", "ContinuousData"], [0, 1, 1, "", "Equivalence"], [0, 1, 1, "", "SelectByTime"], [0, 5, 1, "", "T"]], "eitprocessing.datahandling.continuousdata.ContinuousData": [[0, 2, 1, "", "__add__"], [0, 2, 1, "", "__len__"], [0, 2, 1, "", "__post_init__"], [0, 2, 1, "", "__setattr__"], [0, 2, 1, "", "_sliced_copy"], [0, 3, 1, "", "category"], [0, 2, 1, "", "concatenate"], [0, 2, 1, "", "copy"], [0, 2, 1, "", "derive"], [0, 3, 1, "", "derived_from"], [0, 3, 1, "", "description"], [0, 3, 1, "", "label"], [0, 4, 1, "", "loaded"], [0, 2, 1, "", "lock"], [0, 4, 1, "", "locked"], [0, 3, 1, "", "name"], [0, 3, 1, "", "parameters"], [0, 3, 1, "", "time"], [0, 3, 1, "", "unit"], [0, 2, 1, "", "unlock"], [0, 3, 1, "", "values"]], "eitprocessing.datahandling.continuousdata.Equivalence": [[0, 2, 1, "", "__eq__"], [0, 2, 1, "", "_array_safe_eq"], [0, 2, 1, "", "isequivalent"]], "eitprocessing.datahandling.continuousdata.SelectByTime": [[0, 2, 1, "", "select_by_time"]], "eitprocessing.datahandling.datacollection": [[1, 1, 1, "", "ContinuousData"], [1, 1, 1, "", "DataCollection"], [1, 1, 1, "", "EITData"], [1, 1, 1, "", "Equivalence"], [1, 1, 1, "", "HasTimeIndexer"], [1, 1, 1, "", "SparseData"], [1, 5, 1, "", "V"]], "eitprocessing.datahandling.datacollection.ContinuousData": [[1, 2, 1, "", "__add__"], [1, 2, 1, "", "__len__"], [1, 2, 1, "", "__post_init__"], [1, 2, 1, "", "__setattr__"], [1, 2, 1, "", "_sliced_copy"], [1, 3, 1, "", "category"], [1, 2, 1, "", "concatenate"], [1, 2, 1, "", "copy"], [1, 2, 1, "", "derive"], [1, 3, 1, "", "derived_from"], [1, 3, 1, "", "description"], [1, 3, 1, "", "label"], [1, 4, 1, "", "loaded"], [1, 2, 1, "", "lock"], [1, 4, 1, "", "locked"], [1, 3, 1, "", "name"], [1, 3, 1, "", "parameters"], [1, 3, 1, "", "time"], [1, 3, 1, "", "unit"], [1, 2, 1, "", "unlock"], [1, 3, 1, "", "values"]], "eitprocessing.datahandling.datacollection.DataCollection": [[1, 2, 1, "", "__setitem__"], [1, 2, 1, "", "_check_item"], [1, 2, 1, "", "add"], [1, 2, 1, "", "concatenate"], [1, 3, 1, "", "data_type"], [1, 2, 1, "", "get_data_derived_from"], [1, 2, 1, "", "get_derived_data"], [1, 2, 1, "", "get_loaded_data"], [1, 2, 1, "", "select_by_time"]], "eitprocessing.datahandling.datacollection.EITData": [[1, 2, 1, "", "__add__"], [1, 2, 1, "", "__len__"], [1, 2, 1, "", "__post_init__"], [1, 2, 1, "", "_sliced_copy"], [1, 2, 1, "", "concatenate"], [1, 2, 1, "", "ensure_path_list"], [1, 3, 1, "", "events"], [1, 3, 1, "", "framerate"], [1, 4, 1, "", "global_baseline"], [1, 4, 1, "", "global_impedance"], [1, 3, 1, "", "label"], [1, 3, 1, "", "name"], [1, 3, 1, "", "nframes"], [1, 3, 1, "", "path"], [1, 3, 1, "", "phases"], [1, 4, 1, "", "pixel_baseline"], [1, 3, 1, "", "pixel_impedance"], [1, 4, 1, "", "pixel_impedance_global_offset"], [1, 4, 1, "", "pixel_impedance_individual_offset"], [1, 3, 1, "", "time"], [1, 3, 1, "", "vendor"]], "eitprocessing.datahandling.datacollection.Equivalence": [[1, 2, 1, "", "__eq__"], [1, 2, 1, "", "_array_safe_eq"], [1, 2, 1, "", "isequivalent"]], "eitprocessing.datahandling.datacollection.HasTimeIndexer": [[1, 4, 1, "", "t"]], "eitprocessing.datahandling.eitdata": [[2, 1, 1, "", "EITData"], [2, 1, 1, "", "Equivalence"], [2, 1, 1, "", "SelectByTime"], [2, 5, 1, "", "T"], [2, 1, 1, "", "Vendor"]], "eitprocessing.datahandling.eitdata.EITData": [[2, 2, 1, "", "__add__"], [2, 2, 1, "", "__len__"], [2, 2, 1, "", "__post_init__"], [2, 2, 1, "", "_sliced_copy"], [2, 2, 1, "", "concatenate"], [2, 2, 1, "", "ensure_path_list"], [2, 3, 1, "", "events"], [2, 3, 1, "", "framerate"], [2, 4, 1, "", "global_baseline"], [2, 4, 1, "", "global_impedance"], [2, 3, 1, "", "label"], [2, 3, 1, "", "name"], [2, 3, 1, "", "nframes"], [2, 3, 1, "", "path"], [2, 3, 1, "", "phases"], [2, 4, 1, "", "pixel_baseline"], [2, 3, 1, "", "pixel_impedance"], [2, 4, 1, "", "pixel_impedance_global_offset"], [2, 4, 1, "", "pixel_impedance_individual_offset"], [2, 3, 1, "", "time"], [2, 3, 1, "", "vendor"]], "eitprocessing.datahandling.eitdata.Equivalence": [[2, 2, 1, "", "__eq__"], [2, 2, 1, "", "_array_safe_eq"], [2, 2, 1, "", "isequivalent"]], "eitprocessing.datahandling.eitdata.SelectByTime": [[2, 2, 1, "", "select_by_time"]], "eitprocessing.datahandling.eitdata.Vendor": [[2, 3, 1, "", "DRAEGER"], [2, 3, 1, "", "DRAGER"], [2, 3, 1, "id0", "DR\u00c4GER"], [2, 3, 1, "", "SENTEC"], [2, 3, 1, "", "TIMPEL"]], "eitprocessing.datahandling.event": [[3, 1, 1, "", "Event"]], "eitprocessing.datahandling.event.Event": [[3, 3, 1, "", "index"], [3, 3, 1, "", "marker"], [3, 3, 1, "", "text"], [3, 3, 1, "", "time"]], "eitprocessing.datahandling.loading": [[7, 1, 1, "", "DataCollection"], [7, 1, 1, "", "EITData"], [7, 1, 1, "", "Sequence"], [7, 1, 1, "", "Vendor"], [7, 6, 1, "", "_check_first_frame"], [7, 6, 1, "", "_ensure_vendor"], [5, 0, 0, "-", "binreader"], [6, 0, 0, "-", "draeger"], [7, 6, 1, "", "load_eit_data"], [8, 0, 0, "-", "sentec"], [9, 0, 0, "-", "timpel"]], "eitprocessing.datahandling.loading.DataCollection": [[7, 2, 1, "", "__setitem__"], [7, 2, 1, "", "_check_item"], [7, 2, 1, "", "add"], [7, 2, 1, "", "concatenate"], [7, 3, 1, "", "data_type"], [7, 2, 1, "", "get_data_derived_from"], [7, 2, 1, "", "get_derived_data"], [7, 2, 1, "", "get_loaded_data"], [7, 2, 1, "", "select_by_time"]], "eitprocessing.datahandling.loading.EITData": [[7, 2, 1, "", "__add__"], [7, 2, 1, "", "__len__"], [7, 2, 1, "", "__post_init__"], [7, 2, 1, "", "_sliced_copy"], [7, 2, 1, "", "concatenate"], [7, 2, 1, "", "ensure_path_list"], [7, 3, 1, "", "events"], [7, 3, 1, "", "framerate"], [7, 4, 1, "", "global_baseline"], [7, 4, 1, "", "global_impedance"], [7, 3, 1, "", "label"], [7, 3, 1, "", "name"], [7, 3, 1, "", "nframes"], [7, 3, 1, "", "path"], [7, 3, 1, "", "phases"], [7, 4, 1, "", "pixel_baseline"], [7, 3, 1, "", "pixel_impedance"], [7, 4, 1, "", "pixel_impedance_global_offset"], [7, 4, 1, "", "pixel_impedance_individual_offset"], [7, 3, 1, "", "time"], [7, 3, 1, "", "vendor"]], "eitprocessing.datahandling.loading.Sequence": [[7, 2, 1, "", "__add__"], [7, 2, 1, "", "__len__"], [7, 2, 1, "", "__post_init__"], [7, 2, 1, "", "_sliced_copy"], [7, 2, 1, "", "concatenate"], [7, 3, 1, "", "continuous_data"], [7, 3, 1, "", "description"], [7, 3, 1, "", "eit_data"], [7, 3, 1, "", "label"], [7, 3, 1, "", "name"], [7, 2, 1, "", "select_by_time"], [7, 3, 1, "", "sparse_data"], [7, 4, 1, "", "time"]], "eitprocessing.datahandling.loading.Vendor": [[7, 3, 1, "", "DRAEGER"], [7, 3, 1, "", "DRAGER"], [7, 3, 1, "id0", "DR\u00c4GER"], [7, 3, 1, "", "SENTEC"], [7, 3, 1, "", "TIMPEL"]], "eitprocessing.datahandling.loading.binreader": [[5, 1, 1, "", "BinReader"], [5, 5, 1, "", "N"], [5, 5, 1, "", "T"]], "eitprocessing.datahandling.loading.binreader.BinReader": [[5, 2, 1, "", "_read_full_type_code"], [5, 3, 1, "", "endian"], [5, 3, 1, "", "file_handle"], [5, 2, 1, "", "float32"], [5, 2, 1, "", "float64"], [5, 2, 1, "", "int32"], [5, 2, 1, "", "npfloat32"], [5, 2, 1, "", "npfloat64"], [5, 2, 1, "", "npint32"], [5, 2, 1, "", "read_array"], [5, 2, 1, "", "read_list"], [5, 2, 1, "", "read_single"], [5, 2, 1, "", "read_string"], [5, 3, 1, "", "string"], [5, 2, 1, "", "uint16"], [5, 2, 1, "", "uint32"], [5, 2, 1, "", "uint64"], [5, 2, 1, "", "uint8"]], "eitprocessing.datahandling.loading.draeger": [[6, 1, 1, "", "BinReader"], [6, 1, 1, "", "ContinuousData"], [6, 5, 1, "", "DRAEGER_FRAMERATE"], [6, 1, 1, "", "DataCollection"], [6, 1, 1, "", "EITData"], [6, 1, 1, "", "Event"], [6, 1, 1, "", "MaxValue"], [6, 1, 1, "", "MinValue"], [6, 1, 1, "", "SparseData"], [6, 1, 1, "", "Vendor"], [6, 5, 1, "", "_FRAME_SIZE_BYTES"], [6, 1, 1, "", "_MedibusField"], [6, 6, 1, "", "_convert_medibus_data"], [6, 5, 1, "", "_medibus_fields"], [6, 6, 1, "", "_read_frame"], [6, 5, 1, "", "load_draeger_data"], [6, 6, 1, "", "load_eit_data"], [6, 6, 1, "", "load_from_single_path"]], "eitprocessing.datahandling.loading.draeger.BinReader": [[6, 2, 1, "", "_read_full_type_code"], [6, 3, 1, "", "endian"], [6, 3, 1, "", "file_handle"], [6, 2, 1, "", "float32"], [6, 2, 1, "", "float64"], [6, 2, 1, "", "int32"], [6, 2, 1, "", "npfloat32"], [6, 2, 1, "", "npfloat64"], [6, 2, 1, "", "npint32"], [6, 2, 1, "", "read_array"], [6, 2, 1, "", "read_list"], [6, 2, 1, "", "read_single"], [6, 2, 1, "", "read_string"], [6, 3, 1, "", "string"], [6, 2, 1, "", "uint16"], [6, 2, 1, "", "uint32"], [6, 2, 1, "", "uint64"], [6, 2, 1, "", "uint8"]], "eitprocessing.datahandling.loading.draeger.ContinuousData": [[6, 2, 1, "", "__add__"], [6, 2, 1, "", "__len__"], [6, 2, 1, "", "__post_init__"], [6, 2, 1, "", "__setattr__"], [6, 2, 1, "", "_sliced_copy"], [6, 3, 1, "", "category"], [6, 2, 1, "", "concatenate"], [6, 2, 1, "", "copy"], [6, 2, 1, "", "derive"], [6, 3, 1, "", "derived_from"], [6, 3, 1, "", "description"], [6, 3, 1, "", "label"], [6, 4, 1, "", "loaded"], [6, 2, 1, "", "lock"], [6, 4, 1, "", "locked"], [6, 3, 1, "", "name"], [6, 3, 1, "", "parameters"], [6, 3, 1, "", "time"], [6, 3, 1, "", "unit"], [6, 2, 1, "", "unlock"], [6, 3, 1, "", "values"]], "eitprocessing.datahandling.loading.draeger.DataCollection": [[6, 2, 1, "", "__setitem__"], [6, 2, 1, "", "_check_item"], [6, 2, 1, "", "add"], [6, 2, 1, "", "concatenate"], [6, 3, 1, "", "data_type"], [6, 2, 1, "", "get_data_derived_from"], [6, 2, 1, "", "get_derived_data"], [6, 2, 1, "", "get_loaded_data"], [6, 2, 1, "", "select_by_time"]], "eitprocessing.datahandling.loading.draeger.EITData": [[6, 2, 1, "", "__add__"], [6, 2, 1, "", "__len__"], [6, 2, 1, "", "__post_init__"], [6, 2, 1, "", "_sliced_copy"], [6, 2, 1, "", "concatenate"], [6, 2, 1, "", "ensure_path_list"], [6, 3, 1, "", "events"], [6, 3, 1, "", "framerate"], [6, 4, 1, "", "global_baseline"], [6, 4, 1, "", "global_impedance"], [6, 3, 1, "", "label"], [6, 3, 1, "", "name"], [6, 3, 1, "", "nframes"], [6, 3, 1, "", "path"], [6, 3, 1, "", "phases"], [6, 4, 1, "", "pixel_baseline"], [6, 3, 1, "", "pixel_impedance"], [6, 4, 1, "", "pixel_impedance_global_offset"], [6, 4, 1, "", "pixel_impedance_individual_offset"], [6, 3, 1, "", "time"], [6, 3, 1, "", "vendor"]], "eitprocessing.datahandling.loading.draeger.Event": [[6, 3, 1, "", "index"], [6, 3, 1, "", "marker"], [6, 3, 1, "", "text"], [6, 3, 1, "", "time"]], "eitprocessing.datahandling.loading.draeger.Vendor": [[6, 3, 1, "", "DRAEGER"], [6, 3, 1, "", "DRAGER"], [6, 3, 1, "id0", "DR\u00c4GER"], [6, 3, 1, "", "SENTEC"], [6, 3, 1, "", "TIMPEL"]], "eitprocessing.datahandling.loading.draeger._MedibusField": [[6, 3, 1, "", "continuous"], [6, 3, 1, "", "signal_name"], [6, 3, 1, "", "unit"]], "eitprocessing.datahandling.loading.sentec": [[8, 1, 1, "", "BinReader"], [8, 1, 1, "", "ConfigurationDataID"], [8, 1, 1, "", "ContinuousData"], [8, 1, 1, "", "DataCollection"], [8, 1, 1, "", "Domain"], [8, 1, 1, "", "EITData"], [8, 1, 1, "", "MeasurementDataID"], [8, 5, 1, "", "SENTEC_FRAMERATE"], [8, 1, 1, "", "SparseData"], [8, 1, 1, "", "Vendor"], [8, 6, 1, "", "_read_frame"], [8, 6, 1, "", "load_eit_data"], [8, 6, 1, "", "load_from_single_path"], [8, 5, 1, "", "load_sentec_data"]], "eitprocessing.datahandling.loading.sentec.BinReader": [[8, 2, 1, "", "_read_full_type_code"], [8, 3, 1, "", "endian"], [8, 3, 1, "", "file_handle"], [8, 2, 1, "", "float32"], [8, 2, 1, "", "float64"], [8, 2, 1, "", "int32"], [8, 2, 1, "", "npfloat32"], [8, 2, 1, "", "npfloat64"], [8, 2, 1, "", "npint32"], [8, 2, 1, "", "read_array"], [8, 2, 1, "", "read_list"], [8, 2, 1, "", "read_single"], [8, 2, 1, "", "read_string"], [8, 3, 1, "", "string"], [8, 2, 1, "", "uint16"], [8, 2, 1, "", "uint32"], [8, 2, 1, "", "uint64"], [8, 2, 1, "", "uint8"]], "eitprocessing.datahandling.loading.sentec.ConfigurationDataID": [[8, 3, 1, "", "FRAMERATE"]], "eitprocessing.datahandling.loading.sentec.ContinuousData": [[8, 2, 1, "", "__add__"], [8, 2, 1, "", "__len__"], [8, 2, 1, "", "__post_init__"], [8, 2, 1, "", "__setattr__"], [8, 2, 1, "", "_sliced_copy"], [8, 3, 1, "", "category"], [8, 2, 1, "", "concatenate"], [8, 2, 1, "", "copy"], [8, 2, 1, "", "derive"], [8, 3, 1, "", "derived_from"], [8, 3, 1, "", "description"], [8, 3, 1, "", "label"], [8, 4, 1, "", "loaded"], [8, 2, 1, "", "lock"], [8, 4, 1, "", "locked"], [8, 3, 1, "", "name"], [8, 3, 1, "", "parameters"], [8, 3, 1, "", "time"], [8, 3, 1, "", "unit"], [8, 2, 1, "", "unlock"], [8, 3, 1, "", "values"]], "eitprocessing.datahandling.loading.sentec.DataCollection": [[8, 2, 1, "", "__setitem__"], [8, 2, 1, "", "_check_item"], [8, 2, 1, "", "add"], [8, 2, 1, "", "concatenate"], [8, 3, 1, "", "data_type"], [8, 2, 1, "", "get_data_derived_from"], [8, 2, 1, "", "get_derived_data"], [8, 2, 1, "", "get_loaded_data"], [8, 2, 1, "", "select_by_time"]], "eitprocessing.datahandling.loading.sentec.Domain": [[8, 3, 1, "", "CONFIGURATION"], [8, 3, 1, "", "MEASUREMENT"]], "eitprocessing.datahandling.loading.sentec.EITData": [[8, 2, 1, "", "__add__"], [8, 2, 1, "", "__len__"], [8, 2, 1, "", "__post_init__"], [8, 2, 1, "", "_sliced_copy"], [8, 2, 1, "", "concatenate"], [8, 2, 1, "", "ensure_path_list"], [8, 3, 1, "", "events"], [8, 3, 1, "", "framerate"], [8, 4, 1, "", "global_baseline"], [8, 4, 1, "", "global_impedance"], [8, 3, 1, "", "label"], [8, 3, 1, "", "name"], [8, 3, 1, "", "nframes"], [8, 3, 1, "", "path"], [8, 3, 1, "", "phases"], [8, 4, 1, "", "pixel_baseline"], [8, 3, 1, "", "pixel_impedance"], [8, 4, 1, "", "pixel_impedance_global_offset"], [8, 4, 1, "", "pixel_impedance_individual_offset"], [8, 3, 1, "", "time"], [8, 3, 1, "", "vendor"]], "eitprocessing.datahandling.loading.sentec.MeasurementDataID": [[8, 3, 1, "", "TIMESTAMP"], [8, 3, 1, "", "ZERO_REF_IMAGE"]], "eitprocessing.datahandling.loading.sentec.Vendor": [[8, 3, 1, "", "DRAEGER"], [8, 3, 1, "", "DRAGER"], [8, 3, 1, "id0", "DR\u00c4GER"], [8, 3, 1, "", "SENTEC"], [8, 3, 1, "", "TIMPEL"]], "eitprocessing.datahandling.loading.timpel": [[9, 1, 1, "", "ContinuousData"], [9, 1, 1, "", "DataCollection"], [9, 1, 1, "", "EITData"], [9, 1, 1, "", "MaxValue"], [9, 1, 1, "", "MinValue"], [9, 1, 1, "", "QRSMark"], [9, 1, 1, "", "SparseData"], [9, 5, 1, "", "TIMPEL_FRAMERATE"], [9, 1, 1, "", "Vendor"], [9, 5, 1, "", "_COLUMN_WIDTH"], [9, 5, 1, "", "_NAN_VALUE"], [9, 6, 1, "", "load_eit_data"], [9, 6, 1, "", "load_from_single_path"], [9, 5, 1, "", "load_timpel_data"]], "eitprocessing.datahandling.loading.timpel.ContinuousData": [[9, 2, 1, "", "__add__"], [9, 2, 1, "", "__len__"], [9, 2, 1, "", "__post_init__"], [9, 2, 1, "", "__setattr__"], [9, 2, 1, "", "_sliced_copy"], [9, 3, 1, "", "category"], [9, 2, 1, "", "concatenate"], [9, 2, 1, "", "copy"], [9, 2, 1, "", "derive"], [9, 3, 1, "", "derived_from"], [9, 3, 1, "", "description"], [9, 3, 1, "", "label"], [9, 4, 1, "", "loaded"], [9, 2, 1, "", "lock"], [9, 4, 1, "", "locked"], [9, 3, 1, "", "name"], [9, 3, 1, "", "parameters"], [9, 3, 1, "", "time"], [9, 3, 1, "", "unit"], [9, 2, 1, "", "unlock"], [9, 3, 1, "", "values"]], "eitprocessing.datahandling.loading.timpel.DataCollection": [[9, 2, 1, "", "__setitem__"], [9, 2, 1, "", "_check_item"], [9, 2, 1, "", "add"], [9, 2, 1, "", "concatenate"], [9, 3, 1, "", "data_type"], [9, 2, 1, "", "get_data_derived_from"], [9, 2, 1, "", "get_derived_data"], [9, 2, 1, "", "get_loaded_data"], [9, 2, 1, "", "select_by_time"]], "eitprocessing.datahandling.loading.timpel.EITData": [[9, 2, 1, "", "__add__"], [9, 2, 1, "", "__len__"], [9, 2, 1, "", "__post_init__"], [9, 2, 1, "", "_sliced_copy"], [9, 2, 1, "", "concatenate"], [9, 2, 1, "", "ensure_path_list"], [9, 3, 1, "", "events"], [9, 3, 1, "", "framerate"], [9, 4, 1, "", "global_baseline"], [9, 4, 1, "", "global_impedance"], [9, 3, 1, "", "label"], [9, 3, 1, "", "name"], [9, 3, 1, "", "nframes"], [9, 3, 1, "", "path"], [9, 3, 1, "", "phases"], [9, 4, 1, "", "pixel_baseline"], [9, 3, 1, "", "pixel_impedance"], [9, 4, 1, "", "pixel_impedance_global_offset"], [9, 4, 1, "", "pixel_impedance_individual_offset"], [9, 3, 1, "", "time"], [9, 3, 1, "", "vendor"]], "eitprocessing.datahandling.loading.timpel.Vendor": [[9, 3, 1, "", "DRAEGER"], [9, 3, 1, "", "DRAGER"], [9, 3, 1, "id0", "DR\u00c4GER"], [9, 3, 1, "", "SENTEC"], [9, 3, 1, "", "TIMPEL"]], "eitprocessing.datahandling.mixins": [[10, 0, 0, "-", "equality"], [12, 0, 0, "-", "slicing"]], "eitprocessing.datahandling.mixins.equality": [[10, 1, 1, "", "Equivalence"], [10, 7, 1, "", "EquivalenceError"]], "eitprocessing.datahandling.mixins.equality.Equivalence": [[10, 2, 1, "", "__eq__"], [10, 2, 1, "", "_array_safe_eq"], [10, 2, 1, "", "isequivalent"]], "eitprocessing.datahandling.mixins.slicing": [[12, 1, 1, "", "HasTimeIndexer"], [12, 1, 1, "", "SelectByIndex"], [12, 1, 1, "", "SelectByTime"], [12, 1, 1, "", "TimeIndexer"]], "eitprocessing.datahandling.mixins.slicing.HasTimeIndexer": [[12, 4, 1, "", "t"]], "eitprocessing.datahandling.mixins.slicing.SelectByIndex": [[12, 2, 1, "", "__getitem__"], [12, 2, 1, "", "_sliced_copy"], [12, 3, 1, "", "label"], [12, 2, 1, "", "select_by_index"]], "eitprocessing.datahandling.mixins.slicing.SelectByTime": [[12, 2, 1, "", "select_by_time"]], "eitprocessing.datahandling.mixins.slicing.TimeIndexer": [[12, 2, 1, "", "__getitem__"], [12, 3, 1, "", "obj"]], "eitprocessing.datahandling.phases": [[13, 1, 1, "", "MaxValue"], [13, 1, 1, "", "MinValue"], [13, 1, 1, "", "PhaseIndicator"], [13, 1, 1, "", "QRSMark"]], "eitprocessing.datahandling.phases.PhaseIndicator": [[13, 3, 1, "", "index"], [13, 3, 1, "", "time"]], "eitprocessing.datahandling.sequence": [[14, 1, 1, "", "ContinuousData"], [14, 1, 1, "", "DataCollection"], [14, 1, 1, "", "EITData"], [14, 1, 1, "", "Equivalence"], [14, 1, 1, "", "HasTimeIndexer"], [14, 1, 1, "", "SelectByTime"], [14, 1, 1, "", "Sequence"], [14, 1, 1, "", "SparseData"]], "eitprocessing.datahandling.sequence.ContinuousData": [[14, 2, 1, "", "__add__"], [14, 2, 1, "", "__len__"], [14, 2, 1, "", "__post_init__"], [14, 2, 1, "", "__setattr__"], [14, 2, 1, "", "_sliced_copy"], [14, 3, 1, "", "category"], [14, 2, 1, "", "concatenate"], [14, 2, 1, "", "copy"], [14, 2, 1, "", "derive"], [14, 3, 1, "", "derived_from"], [14, 3, 1, "", "description"], [14, 3, 1, "", "label"], [14, 4, 1, "", "loaded"], [14, 2, 1, "", "lock"], [14, 4, 1, "", "locked"], [14, 3, 1, "", "name"], [14, 3, 1, "", "parameters"], [14, 3, 1, "", "time"], [14, 3, 1, "", "unit"], [14, 2, 1, "", "unlock"], [14, 3, 1, "", "values"]], "eitprocessing.datahandling.sequence.DataCollection": [[14, 2, 1, "", "__setitem__"], [14, 2, 1, "", "_check_item"], [14, 2, 1, "", "add"], [14, 2, 1, "", "concatenate"], [14, 3, 1, "", "data_type"], [14, 2, 1, "", "get_data_derived_from"], [14, 2, 1, "", "get_derived_data"], [14, 2, 1, "", "get_loaded_data"], [14, 2, 1, "", "select_by_time"]], "eitprocessing.datahandling.sequence.EITData": [[14, 2, 1, "", "__add__"], [14, 2, 1, "", "__len__"], [14, 2, 1, "", "__post_init__"], [14, 2, 1, "", "_sliced_copy"], [14, 2, 1, "", "concatenate"], [14, 2, 1, "", "ensure_path_list"], [14, 3, 1, "", "events"], [14, 3, 1, "", "framerate"], [14, 4, 1, "", "global_baseline"], [14, 4, 1, "", "global_impedance"], [14, 3, 1, "", "label"], [14, 3, 1, "", "name"], [14, 3, 1, "", "nframes"], [14, 3, 1, "", "path"], [14, 3, 1, "", "phases"], [14, 4, 1, "", "pixel_baseline"], [14, 3, 1, "", "pixel_impedance"], [14, 4, 1, "", "pixel_impedance_global_offset"], [14, 4, 1, "", "pixel_impedance_individual_offset"], [14, 3, 1, "", "time"], [14, 3, 1, "", "vendor"]], "eitprocessing.datahandling.sequence.Equivalence": [[14, 2, 1, "", "__eq__"], [14, 2, 1, "", "_array_safe_eq"], [14, 2, 1, "", "isequivalent"]], "eitprocessing.datahandling.sequence.HasTimeIndexer": [[14, 4, 1, "", "t"]], "eitprocessing.datahandling.sequence.SelectByTime": [[14, 2, 1, "", "select_by_time"]], "eitprocessing.datahandling.sequence.Sequence": [[14, 2, 1, "", "__add__"], [14, 2, 1, "", "__len__"], [14, 2, 1, "", "__post_init__"], [14, 2, 1, "", "_sliced_copy"], [14, 2, 1, "", "concatenate"], [14, 3, 1, "", "continuous_data"], [14, 3, 1, "", "description"], [14, 3, 1, "", "eit_data"], [14, 3, 1, "", "label"], [14, 3, 1, "", "name"], [14, 2, 1, "", "select_by_time"], [14, 3, 1, "", "sparse_data"], [14, 4, 1, "", "time"]], "eitprocessing.datahandling.sparsedata": [[15, 1, 1, "", "SparseData"]], "eitprocessing.filters": [[17, 1, 1, "", "TimeDomainFilter"], [16, 0, 0, "-", "butterworth_filters"]], "eitprocessing.filters.TimeDomainFilter": [[17, 2, 1, "", "apply_filter"], [17, 3, 1, "", "available_in_gui"]], "eitprocessing.filters.butterworth_filters": [[16, 1, 1, "", "BandPassFilter"], [16, 1, 1, "", "BandStopFilter"], [16, 1, 1, "", "ButterworthFilter"], [16, 5, 1, "", "FILTER_TYPES"], [16, 1, 1, "", "HighPassFilter"], [16, 1, 1, "", "LowPassFilter"], [16, 5, 1, "", "MAX_ORDER"], [16, 1, 1, "", "TimeDomainFilter"]], "eitprocessing.filters.butterworth_filters.BandPassFilter": [[16, 3, 1, "", "available_in_gui"], [16, 3, 1, "", "filter_type"]], "eitprocessing.filters.butterworth_filters.BandStopFilter": [[16, 3, 1, "", "available_in_gui"], [16, 3, 1, "", "filter_type"]], "eitprocessing.filters.butterworth_filters.ButterworthFilter": [[16, 2, 1, "", "__post_init__"], [16, 2, 1, "", "_check_init"], [16, 2, 1, "", "_set_filter_type_class"], [16, 2, 1, "", "apply_filter"], [16, 3, 1, "", "cutoff_frequency"], [16, 3, 1, "", "filter_type"], [16, 3, 1, "", "ignore_max_order"], [16, 3, 1, "", "order"], [16, 3, 1, "", "sample_frequency"]], "eitprocessing.filters.butterworth_filters.HighPassFilter": [[16, 3, 1, "", "available_in_gui"], [16, 3, 1, "", "filter_type"]], "eitprocessing.filters.butterworth_filters.LowPassFilter": [[16, 3, 1, "", "available_in_gui"], [16, 3, 1, "", "filter_type"]], "eitprocessing.filters.butterworth_filters.TimeDomainFilter": [[16, 2, 1, "", "apply_filter"], [16, 3, 1, "", "available_in_gui"]], "eitprocessing.plotting": [[19, 0, 0, "-", "animate"], [21, 0, 0, "-", "plot"]], "eitprocessing.plotting.animate": [[19, 6, 1, "", "animate_EITDataVariant"]], "eitprocessing.plotting.plot": [[21, 6, 1, "", "plot_waveforms"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "method", "Python method"], "3": ["py", "attribute", "Python attribute"], "4": ["py", "property", "Python property"], "5": ["py", "data", "Python data"], "6": ["py", "function", "Python function"], "7": ["py", "exception", "Python exception"]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:method", "3": "py:attribute", "4": "py:property", "5": "py:data", "6": "py:function", "7": "py:exception"}, "terms": {"": [0, 1, 2, 5, 6, 7, 8, 9, 10, 14], "0": [0, 1, 2, 6, 7, 8, 9, 14, 16], "1": [0, 1, 5, 6, 8, 9, 14, 16, 22], "10": [5, 6, 8, 16], "100": 16, "1000": [0, 1, 6, 8, 9, 14], "1030": 9, "16": [5, 6, 8], "2": [0, 1, 6, 7, 8, 9, 14, 16], "20": [6, 7, 8, 9], "250": 16, "3": [0, 1, 5, 6, 8, 9, 14], "32": [5, 6, 8], "4": 16, "4358": 6, "45": 16, "5": 8, "50": [6, 7, 8, 9], "64": [5, 6, 8], "8": [5, 6, 8], "A": [1, 5, 6, 7, 8, 9, 14], "By": [1, 6, 7, 8, 9, 14], "For": 16, "If": [0, 1, 2, 6, 7, 8, 9, 10, 14, 16, 24], "In": [1, 2, 6, 7, 8, 9, 14], "The": [0, 1, 2, 5, 6, 7, 8, 9, 14, 16], "These": [7, 14], "__add__": [0, 1, 2, 6, 7, 8, 9, 14], "__eq__": [0, 1, 2, 10, 14], "__getitem__": 12, "__init__": 16, "__kei": [1, 6, 7, 8, 9, 14], "__len__": [0, 1, 2, 6, 7, 8, 9, 14], "__post_init__": [0, 1, 2, 6, 7, 8, 9, 14, 16], "__setattr__": [0, 1, 6, 8, 9, 14], "__setitem__": [1, 6, 7, 8, 9, 14], "__valu": [1, 6, 7, 8, 9, 14], "_array_safe_eq": [0, 1, 2, 10, 14], "_check_first_fram": 7, "_check_init": 16, "_check_item": [1, 6, 7, 8, 9, 14], "_column_width": 9, "_convert_medibus_data": 6, "_ensure_vendor": 7, "_frame_size_byt": 6, "_medibus_field": 6, "_medibusfield": 6, "_nan_valu": 9, "_read_fram": [6, 8], "_read_full_type_cod": [5, 6, 8], "_set_filter_type_class": 16, "_sliced_copi": [0, 1, 2, 6, 7, 8, 9, 12, 14], "abc": [0, 1, 6, 8, 9, 12, 14, 16, 17], "about": 24, "absolut": [6, 7, 8, 9], "abstract": [12, 16, 17], "access": [1, 12, 14], "across": [1, 2, 6, 7, 8, 9, 14], "actual": [6, 7, 8, 9], "ad": [1, 6, 7, 8, 9, 14], "add": [0, 1, 2, 6, 7, 8, 9, 10, 12, 14], "airwai": [0, 1, 2, 6, 8, 9, 10, 14], "align": [5, 6, 8], "aliv": 23, "all": [0, 1, 2, 6, 7, 8, 9, 12, 14], "allow": [1, 6, 7, 8, 9, 14], "alreadi": [1, 6, 7, 8, 9, 14], "also": 12, "alter": [0, 1, 6, 8, 9, 14], "an": [0, 1, 2, 3, 5, 6, 7, 8, 9, 10, 12, 13, 14, 16], "ani": [0, 1, 2, 5, 6, 7, 8, 9, 10, 14], "anim": [20, 22], "animate_eitdatavari": 19, "appli": [16, 17], "apply_filt": [16, 17], "ar": [0, 1, 2, 6, 7, 8, 9, 10, 12, 14, 16, 24], "arang": 16, "arg": [1, 6, 7, 8, 9, 14], "argument": [0, 1, 2, 6, 7, 8, 9, 12, 14, 16], "arrai": [0, 1, 2, 5, 6, 7, 8, 9, 10, 14], "arraylik": [16, 17], "associ": [5, 6, 8], "assum": 16, "assur": 7, "attach": [0, 1, 2, 6, 7, 8, 9, 12, 14], "attr": [0, 1, 6, 8, 9, 14], "attribut": [7, 12, 14], "attributeerror": [0, 1, 6, 8, 9, 14], "auto": 22, "autoapi": 22, "automat": [6, 9, 13], "avail": [5, 6, 8], "available_in_gui": [16, 17], "axi": [0, 1, 2, 6, 7, 8, 9, 12, 14, 16], "b": [0, 1, 2, 7, 10, 14, 16], "backward": 16, "band": 16, "bandpass": 16, "bandpassfilt": 16, "bandstop": 16, "bandstopfilt": 16, "base": [0, 1, 2, 6, 7, 8, 9, 10, 12, 13, 14, 16, 17], "baselin": [1, 2, 6, 7, 8, 9, 14], "behavior": [0, 1, 2, 10, 12, 14], "better": 16, "between": [0, 1, 2, 10, 12, 14], "big": [5, 6, 8], "binari": [5, 6, 8], "binaryio": 8, "binread": [6, 7, 8, 22], "bit": [5, 6, 8], "bite": 8, "blob": 23, "bool": [0, 1, 2, 6, 7, 8, 9, 10, 12, 14, 16, 19], "bracket": 12, "breath": [7, 14], "buffer": [5, 6, 8], "bufferedread": [5, 6, 8], "butter": 16, "butterworth": 16, "butterworth_filt": [17, 22], "butterworthfilt": 16, "byte": [5, 6, 8], "calcul": [1, 2, 6, 7, 8, 9, 14], "call": 12, "callabl": [0, 1, 6, 8, 9, 14], "can": [0, 1, 2, 5, 6, 7, 8, 9, 10, 12, 14, 16], "cannot": [0, 1, 6, 8, 9, 14], "cascad": 16, "case": [0, 1, 2, 6, 10, 14], "cast": [5, 6, 8], "categori": [0, 1, 2, 6, 8, 9, 10, 14], "charact": [5, 6, 8], "check": [0, 1, 2, 6, 7, 8, 9, 10, 14, 16], "class": 24, "classmethod": [7, 14], "cmap": 19, "code": [5, 6, 8], "collect": [0, 1, 6, 7, 8, 9, 14], "com": 23, "combin": [7, 14], "compar": [0, 1, 2, 10, 14, 16], "comparison": [0, 1, 2, 10, 14], "compat": [0, 1, 2, 10, 14], "comput": [0, 1, 6, 7, 8, 9, 14], "concaten": [0, 1, 2, 6, 7, 8, 9, 14], "configur": 8, "configurationdataid": 8, "consist": [7, 14], "contain": [0, 1, 2, 6, 7, 8, 9, 10, 12, 14, 16, 22], "continu": [0, 1, 2, 6, 7, 8, 9, 14], "continuous_data": [7, 14], "continuousdata": [1, 4, 6, 7, 8, 9, 14, 22], "control": [0, 2, 12, 14], "conveni": [1, 2, 6, 7, 8, 9, 14, 16], "convert_data": [0, 1, 6, 8, 9, 14], "copi": [0, 1, 2, 6, 7, 8, 9, 12, 14], "correct": [6, 7, 8, 9], "creat": [0, 1, 2, 6, 7, 8, 9, 12, 14, 16, 22], "current": [0, 1, 6, 8, 9, 14], "cutoff": 16, "cutoff_frequ": 16, "cutoff_frequenct": 16, "data": [0, 1, 2, 5, 6, 7, 8, 9, 10, 12, 14, 16, 17], "data_id": 8, "data_typ": [1, 6, 7, 8, 9, 14], "dataclass": 16, "datacollect": [4, 6, 7, 8, 9, 14, 22], "datahandl": [18, 22], "de": [1, 6, 7, 8, 9, 12, 14], "def": [0, 1, 6, 8, 9, 14], "default": [0, 1, 2, 6, 7, 8, 9, 12, 14, 16], "defin": 12, "denomin": 16, "deriv": [0, 1, 2, 6, 7, 8, 9, 14], "derived_from": [0, 1, 6, 8, 9, 14], "describ": [0, 1, 2, 6, 7, 8, 9, 10, 12, 14], "descript": [0, 1, 2, 6, 7, 8, 9, 12, 14], "dev": 23, "devic": [2, 6, 7, 8, 9, 13], "dict": [0, 1, 6, 7, 8, 9, 14], "dictionari": [1, 6, 7, 8, 9, 14], "differ": [7, 14], "digit": 16, "directli": [1, 2, 6, 7, 8, 9, 12, 14], "disk": [0, 1, 2, 5, 6, 7, 8, 9, 14], "divid": [0, 1, 6, 8, 9, 14], "doc": [5, 6, 8, 16], "document": 22, "doe": [0, 1, 2, 6, 7, 8, 9, 12, 14, 16], "domain": [8, 16, 17], "don": 16, "done": 12, "doubl": 16, "draeger": [2, 7, 8, 9, 22], "draeger_framer": 6, "drager": [2, 6, 7, 8, 9], "dr\u00e4ger": [2, 6, 7, 8, 9], "due": 16, "dure": [3, 6], "e": [0, 1, 2, 5, 6, 7, 8, 9, 10, 12, 14], "each": [1, 2, 6, 7, 8, 9, 14], "edit": [0, 1, 6, 8, 9, 14], "effect": 16, "eit": [0, 1, 2, 3, 6, 7, 8, 9, 13, 14, 23], "eit_data": [6, 7, 8, 9, 14, 19], "eit_data_vari": 19, "eitdata": [1, 4, 6, 7, 8, 9, 14, 22], "eitdatavari": 19, "either": [1, 2, 5, 6, 7, 8, 9, 14], "eitprocess": [22, 23], "ellipsi": [5, 6, 8], "elsewher": [0, 1, 6, 8, 9, 14], "end": [0, 2, 12, 14], "end_inclus": [0, 1, 2, 6, 7, 8, 9, 12, 14], "end_index": [0, 1, 2, 6, 7, 8, 9, 12, 14], "end_tim": [0, 1, 2, 6, 7, 8, 9, 12, 14], "endian": [5, 6, 8], "ensur": 12, "ensure_path_list": [1, 2, 6, 7, 8, 9, 14], "entir": [7, 14], "enum": [2, 6, 7, 8, 9], "equal": [0, 1, 2, 6, 7, 8, 9, 11, 14, 22], "equival": [0, 1, 2, 6, 7, 8, 9, 10, 14], "equivalenceerror": [0, 1, 2, 10, 14], "essenti": [0, 1, 6, 8, 9, 14], "etc": [0, 1, 2, 6, 7, 8, 9, 10, 14], "even": [0, 1, 2, 7, 10, 14], "event": [1, 2, 4, 6, 7, 8, 9, 14, 22], "exactli": [0, 2, 12, 14], "exampl": [0, 1, 6, 7, 8, 9, 12, 14, 16], "except": 16, "exist": [0, 1, 2, 6, 7, 8, 9, 12, 14], "expect": [1, 6, 7, 8, 9, 12, 14], "extend": [0, 1, 6, 7, 8, 9, 14], "facto": 12, "fall": [0, 1, 6, 8, 9, 14], "fals": [0, 1, 2, 6, 7, 8, 9, 10, 12, 14, 16, 19], "fh": 8, "file": [5, 6, 7, 8, 9], "file1": [6, 7, 8, 9], "file2": [6, 7, 8, 9], "file_handl": [5, 6, 8], "filter": [18, 22], "filter_typ": 16, "filtered_sign": 16, "filtfilt": 16, "final": [6, 7, 8, 9], "first": [0, 1, 2, 6, 7, 8, 9, 12, 14], "first_fram": [6, 7, 8, 9], "float": [0, 1, 2, 3, 5, 6, 7, 8, 9, 12, 13, 14, 16], "float32": [5, 6, 8], "float64": [5, 6, 8], "flow": [0, 1, 2, 10, 14], "form": [7, 14], "forward": 16, "frame": [0, 1, 2, 6, 7, 8, 9, 12, 14], "framer": [1, 2, 6, 7, 8, 9, 14], "frequenc": 16, "from": [0, 1, 2, 5, 6, 7, 8, 9, 12, 13, 14], "full_type_cod": [5, 6, 8], "func_arg": [0, 1, 6, 8, 9, 14], "function": [0, 1, 5, 12, 14, 16, 24], "furthermor": [1, 6, 7, 8, 9, 14], "g": [0, 1, 2, 5, 6, 7, 8, 9, 10, 12, 14], "gener": [1, 6, 7, 8, 9, 14, 16, 22, 24], "get": [0, 2, 12, 14], "get_data_derived_from": [1, 6, 7, 8, 9, 14], "get_derived_data": [1, 6, 7, 8, 9, 14], "get_loaded_data": [1, 6, 7, 8, 9, 14], "github": 23, "give": [1, 12, 14], "given": [0, 1, 2, 5, 6, 7, 8, 9, 12, 14, 16], "global": [1, 2, 6, 7, 8, 9, 14], "global_baselin": [1, 2, 6, 7, 8, 9, 14], "global_imped": [1, 2, 6, 7, 8, 9, 14], "ha": [1, 2, 6, 7, 8, 9, 14, 16], "handl": [5, 6, 8], "happen": 12, "hastimeindex": [0, 1, 2, 6, 7, 8, 9, 12, 14], "have": [1, 6, 7, 8, 9, 14], "helper": [5, 6, 8, 12], "here": [0, 1, 6, 8, 9, 14, 24], "high": 16, "higher": 16, "highpass": 16, "highpassfilt": 16, "hold": [1, 2, 6, 7, 8, 9, 14], "html": [5, 6, 8, 16], "http": [5, 6, 8, 16, 23], "human": [0, 1, 6, 7, 8, 9, 14], "hz": 16, "i": [0, 1, 2, 5, 6, 7, 8, 9, 10, 12, 14, 16, 24], "id": 8, "ignore_max_ord": 16, "imag": 8, "imped": [1, 2, 6, 7, 8, 9, 14], "implement": [0, 1, 2, 6, 7, 8, 9, 12, 14], "improv": 16, "includ": [0, 2, 12, 14], "incorrect": 16, "index": [0, 2, 3, 6, 7, 8, 9, 12, 13, 14, 24], "indic": [0, 1, 2, 6, 7, 8, 9, 12, 13, 14], "individu": [1, 2, 6, 7, 8, 9, 14], "inform": 24, "initi": [1, 2, 6, 7, 8, 9, 14], "initial_measur": [6, 7, 8, 9], "initvar": 16, "input": [0, 2, 12, 14, 16, 17], "input_data": [16, 17], "insid": [0, 2, 12, 14], "instanc": [0, 1, 6, 7, 8, 9, 14], "instead": [1, 2, 6, 7, 8, 9, 12, 14], "int": [0, 1, 2, 3, 5, 6, 7, 8, 9, 12, 13, 14, 16], "int32": [5, 6, 8], "integ": [5, 6, 8], "intenum": 8, "intermedi": [0, 1, 6, 8, 9, 14], "interpret": [6, 7, 8, 9], "io": [5, 6, 8], "isequival": [0, 1, 2, 10, 14], "isn": 16, "item": [1, 6, 7, 8, 9, 14], "its": [0, 2, 12, 14], "itself": [1, 6, 7, 8, 9, 14], "just": [7, 14], "kei": [1, 6, 7, 8, 9, 12, 14], "keyerror": [1, 6, 7, 8, 9, 14], "kwarg": [0, 1, 6, 7, 8, 9, 14], "l": [0, 1, 6, 8, 9, 14], "label": [0, 1, 2, 6, 7, 8, 9, 12, 14], "larger": 16, "last": [0, 2, 12, 14, 16], "length": [5, 6, 8], "librari": [5, 6, 8], "list": [0, 1, 2, 5, 6, 7, 8, 9, 12, 14, 19], "liter": [5, 6, 8, 16], "littl": [5, 6, 8], "load": [0, 1, 2, 4, 14, 22], "load_data": [6, 7, 8, 9], "load_draeger_data": [6, 7, 8, 9], "load_eit_data": [1, 2, 6, 7, 8, 9, 12, 14], "load_from_single_path": [6, 8, 9], "load_sentec_data": 8, "load_timpel_data": 9, "local": [6, 9, 13], "lock": [0, 1, 6, 8, 9, 14], "long": [6, 7, 8, 9], "look": 24, "low": 16, "lower": [6, 7, 8, 9, 16], "lowercasestrenum": [2, 6, 7, 8, 9], "lowest": [1, 2, 6, 7, 8, 9, 14], "lowpass": 16, "lowpass_filt": 16, "lowpassfilt": 16, "lung": [0, 1, 6, 8, 9, 14], "made": [0, 1, 6, 8, 9, 14], "main": 23, "make": [0, 1, 6, 8, 9, 14], "manufactur": [2, 6, 7, 8, 9], "mark": [9, 13], "marker": [3, 6], "match": [0, 1, 2, 6, 7, 8, 9, 10, 12, 14], "matrix": 8, "max_fram": [6, 7, 8, 9], "max_ord": 16, "maximum": [6, 7, 8, 9, 13, 16], "maxvalu": [6, 9, 13], "md": 23, "mean": [0, 1, 2, 10, 14], "meant": [1, 2, 6, 7, 8, 9, 14], "measur": [1, 2, 3, 6, 7, 8, 9, 13, 14], "measurementdataid": 8, "medibus_data": 6, "meet": 16, "merg": [0, 1, 2, 7, 10, 14], "metadata": [1, 2, 6, 7, 8, 9, 14], "method": [0, 1, 2, 6, 7, 8, 9, 10, 12, 14, 16, 24], "min_ord": 16, "minim": 16, "minimum": [1, 2, 6, 7, 8, 9, 13, 14], "minvalu": [6, 9, 13], "mixin": [0, 1, 2, 4, 6, 7, 8, 9, 14, 22], "ml": [0, 1, 6, 8, 9, 14], "modul": 24, "more": [5, 6, 7, 8, 14, 16], "most": [1, 6, 7, 8, 9, 14], "multipl": [1, 5, 6, 7, 8, 9, 14], "multipli": [0, 1, 6, 8, 9, 14], "must": [0, 1, 2, 6, 7, 8, 9, 10, 12, 14], "n": [5, 6, 8], "name": [0, 1, 2, 6, 7, 8, 9, 14], "namedtupl": 6, "nan": [0, 1, 2, 10, 14], "ndarrai": [0, 1, 2, 5, 6, 7, 8, 9, 14, 16], "need": [1, 6, 7, 8, 9, 14], "neg": [6, 16], "new": [0, 1, 6, 8, 9, 14], "newlabel": [0, 1, 2, 6, 7, 8, 9, 12, 14], "nframe": [1, 2, 6, 7, 8, 9, 14], "non": [0, 1, 2, 6, 8, 9, 10, 14], "none": [0, 1, 2, 5, 6, 7, 8, 9, 12, 14, 16, 19, 21], "noreturn": [16, 17], "note": [6, 7, 8, 9], "notebook": 19, "notimplementederror": [6, 7, 8, 9], "np": 16, "npfloat32": [5, 6, 8], "npfloat64": [5, 6, 8], "npint32": [5, 6, 8], "number": [0, 1, 2, 5, 6, 7, 8, 9, 14, 16], "numer": 16, "numpi": [0, 1, 2, 5, 6, 7, 8, 9, 10, 14, 16, 17], "obj": [1, 6, 7, 8, 9, 12, 14], "object": [0, 1, 2, 6, 7, 8, 9, 10, 12, 14], "occur": [7, 14], "one": [1, 5, 6, 7, 8, 9, 14, 16], "onli": [0, 1, 6, 8, 9, 14], "open": [5, 6, 8], "order": [1, 5, 6, 7, 8, 9, 14, 16], "org": [5, 6, 8, 16], "origin": [0, 2, 12, 14], "other": [0, 1, 2, 6, 7, 8, 9, 10, 14], "otherwis": [0, 1, 2, 10, 12, 14], "output": 16, "outsid": [0, 2, 12, 14], "over": [1, 2, 6, 7, 8, 9, 14], "overridden": [1, 6, 7, 8, 9, 14], "overwrit": [1, 6, 7, 8, 9, 14], "overwritten": [0, 1, 6, 8, 9, 14], "packag": 24, "page": [22, 24], "paramet": [0, 1, 2, 5, 6, 7, 8, 9, 10, 12, 14, 16], "parent": [13, 16, 17], "part": [1, 2, 6, 7, 8, 9, 14, 24], "pass": [0, 1, 6, 7, 8, 9, 14, 16], "path": [1, 2, 6, 7, 8, 9, 12, 14], "pathlib": [1, 2, 6, 7, 8, 9, 14], "payload": 8, "payload_s": 8, "phase": [1, 2, 4, 6, 7, 8, 9, 14, 16, 22], "phaseind": [6, 9, 13], "pixel": [1, 2, 6, 7, 8, 9, 14], "pixel_baselin": [1, 2, 6, 7, 8, 9, 14], "pixel_imped": [1, 2, 6, 7, 8, 9, 14], "pixel_impedance_global_offset": [1, 2, 6, 7, 8, 9, 14], "pixel_impedance_individual_offset": [1, 2, 6, 7, 8, 9, 14], "plasma": 19, "pleas": 23, "plot": [18, 22], "plot_waveform": 21, "point": [0, 1, 2, 3, 5, 6, 7, 8, 9, 12, 14], "portion": [7, 14], "posit": 8, "pressur": [0, 1, 2, 6, 8, 9, 10, 14], "prevent": 16, "previous_mark": 6, "print": [0, 1, 6, 8, 9, 14], "probabl": [0, 1, 6, 8, 9, 14], "proper": [5, 6, 8], "properti": [0, 1, 2, 6, 7, 8, 9, 12, 14], "provid": [5, 6, 8, 16], "python": [5, 6, 8], "q": [5, 6, 8], "qr": [9, 13], "qrsmark": [9, 13], "rais": [0, 1, 2, 6, 7, 8, 9, 10, 12, 14, 16], "raise_": [0, 1, 2, 10, 14], "rather": [0, 2, 12, 14], "raw": [6, 7, 8, 9], "read": [0, 1, 5, 6, 8, 9, 14], "read_arrai": [5, 6, 8], "read_list": [5, 6, 8], "read_singl": [5, 6, 8], "read_str": [5, 6, 8], "readabl": [0, 1, 6, 7, 8, 9, 14], "reader": [5, 6, 8], "readm": 23, "record": [6, 7, 8, 9], "refer": [16, 23, 24], "regist": [3, 6, 9, 13], "rel": [6, 7, 8, 9], "remov": [1, 2, 6, 7, 8, 9, 14], "render": [0, 1, 6, 8, 9, 14], "represent": [7, 14, 16], "request": [5, 6, 8], "requir": 16, "respiratori": [7, 14], "result": [0, 1, 2, 5, 6, 7, 8, 9, 10, 14, 16], "return": [0, 1, 2, 5, 6, 7, 8, 9, 10, 12, 14, 16], "runtimeerror": [0, 1, 6, 8, 9, 14], "same": [1, 5, 6, 7, 8, 9, 14, 16], "sampl": 16, "sample_frequ": 16, "save": 6, "scalar": 16, "scipi": 16, "search": 24, "second": 16, "section": [7, 14, 16], "see": [0, 1, 5, 6, 7, 8, 9, 14], "select": [0, 1, 2, 6, 7, 8, 9, 12, 14], "select_by_index": 12, "select_by_tim": [0, 1, 2, 6, 7, 8, 9, 12, 14], "selectbyindex": [0, 2, 12, 14], "selectbytim": [0, 1, 2, 6, 7, 8, 9, 12, 14], "self": [0, 1, 2, 6, 7, 8, 9, 10, 12, 14, 21], "sentec": [2, 6, 7, 9, 22], "sentec_framer": 8, "separ": [7, 14], "sequenc": [0, 1, 2, 4, 6, 7, 8, 9, 12, 16, 22], "sequence_": [6, 7, 8, 9], "set": [0, 1, 2, 6, 7, 8, 9, 10, 14, 16], "setattr": [0, 1, 6, 8, 9, 14], "sever": [1, 2, 6, 7, 8, 9, 14], "shape": 16, "shift": 16, "short": [6, 7, 8, 9], "should": [0, 1, 5, 6, 8, 9, 12, 14, 16], "show_progress": 19, "sign": [5, 6, 8], "signal": 16, "signal_nam": 6, "similar": [7, 14, 16], "sin": 16, "singl": [1, 2, 3, 5, 6, 7, 8, 9, 14], "singular": [1, 2, 5, 6, 7, 8, 9, 14], "size": [5, 6, 8, 16], "slice": [0, 1, 2, 6, 7, 8, 9, 11, 14, 22], "some": 24, "some_loaded_data": [0, 1, 6, 8, 9, 14], "sort": [0, 2, 12, 14], "sourc": [0, 1, 2, 3, 5, 6, 7, 8, 9, 10, 12, 13, 14, 15, 16, 17, 19, 21], "sparse_data": [7, 14], "sparsedata": [1, 4, 6, 7, 8, 9, 14, 22], "specif": [1, 6, 7, 8, 9, 14, 24], "sphinx": 22, "split": [7, 14], "squar": 12, "stabil": 16, "stai": 24, "stamp": [0, 2, 12, 14], "start": [0, 2, 12, 14], "start_inclus": [0, 1, 2, 6, 7, 8, 9, 12, 14], "start_index": [0, 1, 2, 6, 7, 8, 9, 12, 14], "start_tim": [0, 1, 2, 6, 7, 8, 9, 12, 14], "static": [0, 1, 2, 6, 7, 8, 9, 10, 14], "stop": 16, "store": [1, 6, 7, 8, 9, 14], "str": [0, 1, 2, 3, 5, 6, 7, 8, 9, 12, 14, 19], "strenum": [2, 6, 7, 8, 9], "string": [5, 6, 8], "struct": [5, 6, 8], "structur": [0, 1, 2, 10, 14], "subclass": [0, 1, 2, 6, 7, 8, 9, 12, 14], "subtract": [0, 1, 6, 8, 9, 14], "sum": [1, 2, 6, 7, 8, 9, 14], "suppli": [1, 2, 6, 7, 8, 9, 14], "support": [1, 6, 7, 8, 9, 14], "surpass": [6, 7, 8, 9], "t": [0, 1, 2, 5, 6, 7, 8, 9, 12, 14, 16], "take": [0, 1, 6, 8, 9, 14], "test": [0, 1, 2, 10, 14], "text": [3, 6], "than": [0, 2, 6, 7, 8, 9, 12, 14, 16], "thei": [0, 1, 2, 6, 7, 8, 9, 10, 14, 16], "them": [0, 1, 6, 8, 9, 14], "thi": [0, 1, 2, 6, 7, 8, 9, 10, 12, 14, 16, 22, 24], "tidal": [0, 1, 2, 10, 14], "time": [0, 1, 2, 3, 6, 7, 8, 9, 12, 13, 14, 16, 17], "time_slice1": [1, 12, 14], "time_slice2": [1, 12, 14], "timedomainfilt": [16, 17], "timeindex": [1, 12, 14], "timepoint": [7, 14], "timestamp": 8, "timpel": [2, 6, 7, 8, 13, 22], "timpel_framer": 9, "togeth": [7, 14], "tp_end": [1, 12, 14], "tp_start": [1, 12, 14], "traceback": [0, 1, 6, 8, 9, 14], "tradition": 16, "transfer": 16, "true": [0, 1, 2, 6, 7, 8, 9, 10, 12, 14, 16, 17], "tune": 24, "tupl": [5, 6, 8, 9, 16], "twice": 16, "two": [0, 1, 2, 7, 10, 14, 16], "typ": [5, 6, 8], "type": [1, 5, 6, 7, 8, 9, 14, 16, 17], "type_cod": [5, 6, 8], "typeerror": [0, 1, 2, 6, 7, 8, 9, 10, 12, 14, 16], "typing_extens": [0, 1, 2, 6, 7, 8, 9, 10, 12, 14], "uint16": [5, 6, 8], "uint32": [5, 6, 8], "uint64": [5, 6, 8], "uint8": [5, 6, 8], "uniqu": [1, 6, 7, 8, 9, 14], "unique_id": [6, 7, 8, 9], "unit": [0, 1, 2, 5, 6, 8, 9, 10, 14], "unknown": 16, "unlock": [0, 1, 6, 8, 9, 14], "unsign": [5, 6, 8], "unstabl": 16, "up": [7, 14], "us": [0, 1, 2, 5, 6, 7, 8, 9, 12, 14, 16], "userdict": [1, 6, 7, 8, 9, 14], "v": [1, 6, 7, 8, 9, 14], "valu": [0, 1, 2, 5, 6, 7, 8, 9, 10, 12, 14, 16], "valueerror": [0, 2, 10, 12, 14, 16], "vari": [0, 1, 2, 10, 14], "vendor": [1, 2, 6, 7, 8, 9, 14], "version": [7, 8, 14], "volum": [0, 1, 2, 6, 8, 9, 10, 14], "volume_l": [0, 1, 6, 8, 9, 14], "volume_ml": [0, 1, 6, 8, 9, 14], "wa": [0, 1, 2, 6, 7, 8, 9, 14], "waveform": [7, 14, 19, 21], "we": 24, "well": [1, 2, 6, 7, 8, 9, 14], "what": 12, "when": [1, 5, 6, 7, 8, 9, 12, 14, 16], "whenev": [0, 1, 6, 8, 9, 14], "where": [8, 16], "whether": [0, 1, 2, 6, 7, 8, 9, 10, 14, 16], "which": [0, 1, 2, 6, 7, 8, 9, 12, 14], "within": [0, 1, 2, 6, 7, 8, 9, 12, 14], "work": 24, "would": [6, 7, 8, 9], "wrapper": 16, "x": [0, 1, 6, 8, 9, 14], "you": 24, "zero_ref_imag": 8}, "titles": ["eitprocessing.datahandling.continuousdata", "eitprocessing.datahandling.datacollection", "eitprocessing.datahandling.eitdata", "eitprocessing.datahandling.event", "eitprocessing.datahandling", "eitprocessing.datahandling.loading.binreader", "eitprocessing.datahandling.loading.draeger", "eitprocessing.datahandling.loading", "eitprocessing.datahandling.loading.sentec", "eitprocessing.datahandling.loading.timpel", "eitprocessing.datahandling.mixins.equality", "eitprocessing.datahandling.mixins", "eitprocessing.datahandling.mixins.slicing", "eitprocessing.datahandling.phases", "eitprocessing.datahandling.sequence", "eitprocessing.datahandling.sparsedata", "eitprocessing.filters.butterworth_filters", "eitprocessing.filters", "eitprocessing", "eitprocessing.plotting.animate", "eitprocessing.plotting", "eitprocessing.plotting.plot", "API Reference", "Developer\u2019s Guide", "Welcome to eitprocessing\u2019s documentation!"], "titleterms": {"": [23, 24], "The": 24, "anim": 19, "api": [22, 24], "attribut": [0, 1, 2, 5, 6, 8, 9, 16], "binread": 5, "butterworth_filt": 16, "class": [0, 1, 2, 3, 5, 6, 7, 8, 9, 10, 12, 13, 14, 15, 16, 17], "content": [0, 1, 2, 3, 5, 6, 7, 8, 9, 10, 12, 13, 14, 15, 16, 17, 19, 21, 24], "continuousdata": 0, "datacollect": 1, "datahandl": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "develop": [23, 24], "document": 24, "draeger": 6, "eitdata": 2, "eitprocess": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 24], "equal": 10, "event": 3, "except": 10, "filter": [16, 17], "function": [6, 7, 8, 9, 19, 21], "guid": [23, 24], "indic": 24, "load": [5, 6, 7, 8, 9], "mixin": [10, 11, 12], "modul": [0, 1, 2, 3, 5, 6, 8, 9, 10, 12, 13, 14, 15, 16, 19, 21], "packag": [7, 17], "phase": 13, "plot": [19, 20, 21], "refer": 22, "sentec": 8, "sequenc": 14, "slice": 12, "sparsedata": 15, "submodul": [4, 7, 11, 17, 20], "subpackag": [4, 18], "tabl": 24, "timpel": 9, "welcom": 24}}) \ No newline at end of file +Search.setIndex({"alltitles": {"API Reference": [[24, "api-reference"]], "Attributes": [[1, "attributes"], [2, "attributes"], [3, "attributes"], [6, "attributes"], [7, "attributes"], [8, "attributes"], [10, "attributes"], [11, "attributes"], [17, "attributes"], [18, "attributes"]], "Classes": [[0, "classes"], [1, "classes"], [2, "classes"], [3, "classes"], [4, "classes"], [6, "classes"], [7, "classes"], [8, "classes"], [9, "classes"], [10, "classes"], [11, "classes"], [12, "classes"], [14, "classes"], [15, "classes"], [16, "classes"], [17, "classes"], [18, "classes"], [19, "classes"]], "Contents:": [[26, null]], "Developer\u2019s Guide": [[25, "developer-s-guide"], [26, "developer-s-guide"]], "Exceptions": [[12, "exceptions"]], "Functions": [[8, "functions"], [9, "functions"], [10, "functions"], [11, "functions"], [21, "functions"], [23, "functions"]], "Indices and tables": [[26, "indices-and-tables"]], "Module Contents": [[0, "module-contents"], [1, "module-contents"], [2, "module-contents"], [3, "module-contents"], [4, "module-contents"], [6, "module-contents"], [7, "module-contents"], [8, "module-contents"], [10, "module-contents"], [11, "module-contents"], [12, "module-contents"], [14, "module-contents"], [15, "module-contents"], [16, "module-contents"], [17, "module-contents"], [18, "module-contents"], [21, "module-contents"], [23, "module-contents"]], "Package Contents": [[9, "package-contents"], [19, "package-contents"]], "Submodules": [[5, "submodules"], [9, "submodules"], [13, "submodules"], [19, "submodules"], [22, "submodules"]], "Subpackages": [[5, "subpackages"], [20, "subpackages"]], "The API Documentation / Guide": [[26, "the-api-documentation-guide"]], "Welcome to eitprocessing\u2019s documentation!": [[26, "welcome-to-eitprocessing-s-documentation"]], "eitprocessing": [[20, "module-eitprocessing"]], "eitprocessing.datahandling": [[5, "module-eitprocessing.datahandling"]], "eitprocessing.datahandling.breath": [[0, "module-eitprocessing.datahandling.breath"]], "eitprocessing.datahandling.continuousdata": [[1, "module-eitprocessing.datahandling.continuousdata"]], "eitprocessing.datahandling.datacollection": [[2, "module-eitprocessing.datahandling.datacollection"]], "eitprocessing.datahandling.eitdata": [[3, "module-eitprocessing.datahandling.eitdata"]], "eitprocessing.datahandling.event": [[4, "module-eitprocessing.datahandling.event"]], "eitprocessing.datahandling.intervaldata": [[6, "module-eitprocessing.datahandling.intervaldata"]], "eitprocessing.datahandling.loading": [[9, "module-eitprocessing.datahandling.loading"]], "eitprocessing.datahandling.loading.binreader": [[7, "module-eitprocessing.datahandling.loading.binreader"]], "eitprocessing.datahandling.loading.draeger": [[8, "module-eitprocessing.datahandling.loading.draeger"]], "eitprocessing.datahandling.loading.sentec": [[10, "module-eitprocessing.datahandling.loading.sentec"]], "eitprocessing.datahandling.loading.timpel": [[11, "module-eitprocessing.datahandling.loading.timpel"]], "eitprocessing.datahandling.mixins": [[13, "module-eitprocessing.datahandling.mixins"]], "eitprocessing.datahandling.mixins.equality": [[12, "module-eitprocessing.datahandling.mixins.equality"]], "eitprocessing.datahandling.mixins.slicing": [[14, "module-eitprocessing.datahandling.mixins.slicing"]], "eitprocessing.datahandling.phases": [[15, "module-eitprocessing.datahandling.phases"]], "eitprocessing.datahandling.sequence": [[16, "module-eitprocessing.datahandling.sequence"]], "eitprocessing.datahandling.sparsedata": [[17, "module-eitprocessing.datahandling.sparsedata"]], "eitprocessing.filters": [[19, "module-eitprocessing.filters"]], "eitprocessing.filters.butterworth_filters": [[18, "module-eitprocessing.filters.butterworth_filters"]], "eitprocessing.plotting": [[22, "module-eitprocessing.plotting"]], "eitprocessing.plotting.animate": [[21, "module-eitprocessing.plotting.animate"]], "eitprocessing.plotting.plot": [[23, "module-eitprocessing.plotting.plot"]]}, "docnames": ["autoapi/eitprocessing/datahandling/breath/index", "autoapi/eitprocessing/datahandling/continuousdata/index", "autoapi/eitprocessing/datahandling/datacollection/index", "autoapi/eitprocessing/datahandling/eitdata/index", "autoapi/eitprocessing/datahandling/event/index", "autoapi/eitprocessing/datahandling/index", "autoapi/eitprocessing/datahandling/intervaldata/index", "autoapi/eitprocessing/datahandling/loading/binreader/index", "autoapi/eitprocessing/datahandling/loading/draeger/index", "autoapi/eitprocessing/datahandling/loading/index", "autoapi/eitprocessing/datahandling/loading/sentec/index", "autoapi/eitprocessing/datahandling/loading/timpel/index", "autoapi/eitprocessing/datahandling/mixins/equality/index", "autoapi/eitprocessing/datahandling/mixins/index", "autoapi/eitprocessing/datahandling/mixins/slicing/index", "autoapi/eitprocessing/datahandling/phases/index", "autoapi/eitprocessing/datahandling/sequence/index", "autoapi/eitprocessing/datahandling/sparsedata/index", "autoapi/eitprocessing/filters/butterworth_filters/index", "autoapi/eitprocessing/filters/index", "autoapi/eitprocessing/index", "autoapi/eitprocessing/plotting/animate/index", "autoapi/eitprocessing/plotting/index", "autoapi/eitprocessing/plotting/plot/index", "autoapi/index", "developers", "index"], "envversion": {"sphinx": 61, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1, "sphinx.ext.todo": 2, "sphinx.ext.viewcode": 1}, "filenames": ["autoapi/eitprocessing/datahandling/breath/index.rst", "autoapi/eitprocessing/datahandling/continuousdata/index.rst", "autoapi/eitprocessing/datahandling/datacollection/index.rst", "autoapi/eitprocessing/datahandling/eitdata/index.rst", "autoapi/eitprocessing/datahandling/event/index.rst", "autoapi/eitprocessing/datahandling/index.rst", "autoapi/eitprocessing/datahandling/intervaldata/index.rst", "autoapi/eitprocessing/datahandling/loading/binreader/index.rst", "autoapi/eitprocessing/datahandling/loading/draeger/index.rst", "autoapi/eitprocessing/datahandling/loading/index.rst", "autoapi/eitprocessing/datahandling/loading/sentec/index.rst", "autoapi/eitprocessing/datahandling/loading/timpel/index.rst", "autoapi/eitprocessing/datahandling/mixins/equality/index.rst", "autoapi/eitprocessing/datahandling/mixins/index.rst", "autoapi/eitprocessing/datahandling/mixins/slicing/index.rst", "autoapi/eitprocessing/datahandling/phases/index.rst", "autoapi/eitprocessing/datahandling/sequence/index.rst", "autoapi/eitprocessing/datahandling/sparsedata/index.rst", "autoapi/eitprocessing/filters/butterworth_filters/index.rst", "autoapi/eitprocessing/filters/index.rst", "autoapi/eitprocessing/index.rst", "autoapi/eitprocessing/plotting/animate/index.rst", "autoapi/eitprocessing/plotting/index.rst", "autoapi/eitprocessing/plotting/plot/index.rst", "autoapi/index.rst", "developers.rst", "index.rst"], "indexentries": {"__add__() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.__add__", false]], "__add__() (eitprocessing.datahandling.datacollection.continuousdata method)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.__add__", false]], "__add__() (eitprocessing.datahandling.datacollection.eitdata method)": [[2, "eitprocessing.datahandling.datacollection.EITData.__add__", false]], "__add__() (eitprocessing.datahandling.eitdata.eitdata method)": [[3, "eitprocessing.datahandling.eitdata.EITData.__add__", false]], "__add__() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.__add__", false]], "__add__() (eitprocessing.datahandling.loading.draeger.eitdata method)": [[8, "eitprocessing.datahandling.loading.draeger.EITData.__add__", false]], "__add__() (eitprocessing.datahandling.loading.eitdata method)": [[9, "eitprocessing.datahandling.loading.EITData.__add__", false]], "__add__() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.__add__", false]], "__add__() (eitprocessing.datahandling.loading.sentec.eitdata method)": [[10, "eitprocessing.datahandling.loading.sentec.EITData.__add__", false]], "__add__() (eitprocessing.datahandling.loading.sequence method)": [[9, "eitprocessing.datahandling.loading.Sequence.__add__", false]], "__add__() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.__add__", false]], "__add__() (eitprocessing.datahandling.loading.timpel.eitdata method)": [[11, "eitprocessing.datahandling.loading.timpel.EITData.__add__", false]], "__add__() (eitprocessing.datahandling.sequence.continuousdata method)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.__add__", false]], "__add__() (eitprocessing.datahandling.sequence.eitdata method)": [[16, "eitprocessing.datahandling.sequence.EITData.__add__", false]], "__add__() (eitprocessing.datahandling.sequence.sequence method)": [[16, "eitprocessing.datahandling.sequence.Sequence.__add__", false]], "__eq__() (eitprocessing.datahandling.continuousdata.equivalence method)": [[1, "eitprocessing.datahandling.continuousdata.Equivalence.__eq__", false]], "__eq__() (eitprocessing.datahandling.datacollection.equivalence method)": [[2, "eitprocessing.datahandling.datacollection.Equivalence.__eq__", false]], "__eq__() (eitprocessing.datahandling.eitdata.equivalence method)": [[3, "eitprocessing.datahandling.eitdata.Equivalence.__eq__", false]], "__eq__() (eitprocessing.datahandling.intervaldata.equivalence method)": [[6, "eitprocessing.datahandling.intervaldata.Equivalence.__eq__", false]], "__eq__() (eitprocessing.datahandling.mixins.equality.equivalence method)": [[12, "eitprocessing.datahandling.mixins.equality.Equivalence.__eq__", false]], "__eq__() (eitprocessing.datahandling.sequence.equivalence method)": [[16, "eitprocessing.datahandling.sequence.Equivalence.__eq__", false]], "__eq__() (eitprocessing.datahandling.sparsedata.equivalence method)": [[17, "eitprocessing.datahandling.sparsedata.Equivalence.__eq__", false]], "__getitem__() (eitprocessing.datahandling.mixins.slicing.selectbyindex method)": [[14, "eitprocessing.datahandling.mixins.slicing.SelectByIndex.__getitem__", false]], "__getitem__() (eitprocessing.datahandling.mixins.slicing.timeindexer method)": [[14, "eitprocessing.datahandling.mixins.slicing.TimeIndexer.__getitem__", false]], "__len__() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.__len__", false]], "__len__() (eitprocessing.datahandling.datacollection.continuousdata method)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.__len__", false]], "__len__() (eitprocessing.datahandling.datacollection.eitdata method)": [[2, "eitprocessing.datahandling.datacollection.EITData.__len__", false]], "__len__() (eitprocessing.datahandling.datacollection.intervaldata method)": [[2, "eitprocessing.datahandling.datacollection.IntervalData.__len__", false]], "__len__() (eitprocessing.datahandling.datacollection.sparsedata method)": [[2, "eitprocessing.datahandling.datacollection.SparseData.__len__", false]], "__len__() (eitprocessing.datahandling.eitdata.eitdata method)": [[3, "eitprocessing.datahandling.eitdata.EITData.__len__", false]], "__len__() (eitprocessing.datahandling.intervaldata.intervaldata method)": [[6, "eitprocessing.datahandling.intervaldata.IntervalData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.draeger.eitdata method)": [[8, "eitprocessing.datahandling.loading.draeger.EITData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.draeger.intervaldata method)": [[8, "eitprocessing.datahandling.loading.draeger.IntervalData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.draeger.sparsedata method)": [[8, "eitprocessing.datahandling.loading.draeger.SparseData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.eitdata method)": [[9, "eitprocessing.datahandling.loading.EITData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.sentec.eitdata method)": [[10, "eitprocessing.datahandling.loading.sentec.EITData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.sentec.sparsedata method)": [[10, "eitprocessing.datahandling.loading.sentec.SparseData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.sequence method)": [[9, "eitprocessing.datahandling.loading.Sequence.__len__", false]], "__len__() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.timpel.eitdata method)": [[11, "eitprocessing.datahandling.loading.timpel.EITData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.timpel.intervaldata method)": [[11, "eitprocessing.datahandling.loading.timpel.IntervalData.__len__", false]], "__len__() (eitprocessing.datahandling.loading.timpel.sparsedata method)": [[11, "eitprocessing.datahandling.loading.timpel.SparseData.__len__", false]], "__len__() (eitprocessing.datahandling.mixins.slicing.selectbyindex method)": [[14, "eitprocessing.datahandling.mixins.slicing.SelectByIndex.__len__", false]], "__len__() (eitprocessing.datahandling.sequence.continuousdata method)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.__len__", false]], "__len__() (eitprocessing.datahandling.sequence.eitdata method)": [[16, "eitprocessing.datahandling.sequence.EITData.__len__", false]], "__len__() (eitprocessing.datahandling.sequence.intervaldata method)": [[16, "eitprocessing.datahandling.sequence.IntervalData.__len__", false]], "__len__() (eitprocessing.datahandling.sequence.sequence method)": [[16, "eitprocessing.datahandling.sequence.Sequence.__len__", false]], "__len__() (eitprocessing.datahandling.sequence.sparsedata method)": [[16, "eitprocessing.datahandling.sequence.SparseData.__len__", false]], "__len__() (eitprocessing.datahandling.sparsedata.sparsedata method)": [[17, "eitprocessing.datahandling.sparsedata.SparseData.__len__", false]], "__post_init__() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.datacollection.continuousdata method)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.datacollection.eitdata method)": [[2, "eitprocessing.datahandling.datacollection.EITData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.datacollection.intervaldata method)": [[2, "eitprocessing.datahandling.datacollection.IntervalData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.datacollection.sparsedata method)": [[2, "eitprocessing.datahandling.datacollection.SparseData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.eitdata.eitdata method)": [[3, "eitprocessing.datahandling.eitdata.EITData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.intervaldata.intervaldata method)": [[6, "eitprocessing.datahandling.intervaldata.IntervalData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.draeger.eitdata method)": [[8, "eitprocessing.datahandling.loading.draeger.EITData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.draeger.intervaldata method)": [[8, "eitprocessing.datahandling.loading.draeger.IntervalData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.draeger.sparsedata method)": [[8, "eitprocessing.datahandling.loading.draeger.SparseData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.eitdata method)": [[9, "eitprocessing.datahandling.loading.EITData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.sentec.eitdata method)": [[10, "eitprocessing.datahandling.loading.sentec.EITData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.sentec.sparsedata method)": [[10, "eitprocessing.datahandling.loading.sentec.SparseData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.sequence method)": [[9, "eitprocessing.datahandling.loading.Sequence.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.timpel.eitdata method)": [[11, "eitprocessing.datahandling.loading.timpel.EITData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.timpel.intervaldata method)": [[11, "eitprocessing.datahandling.loading.timpel.IntervalData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.loading.timpel.sparsedata method)": [[11, "eitprocessing.datahandling.loading.timpel.SparseData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.sequence.continuousdata method)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.sequence.eitdata method)": [[16, "eitprocessing.datahandling.sequence.EITData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.sequence.intervaldata method)": [[16, "eitprocessing.datahandling.sequence.IntervalData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.sequence.sequence method)": [[16, "eitprocessing.datahandling.sequence.Sequence.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.sequence.sparsedata method)": [[16, "eitprocessing.datahandling.sequence.SparseData.__post_init__", false]], "__post_init__() (eitprocessing.datahandling.sparsedata.sparsedata method)": [[17, "eitprocessing.datahandling.sparsedata.SparseData.__post_init__", false]], "__post_init__() (eitprocessing.filters.butterworth_filters.butterworthfilter method)": [[18, "eitprocessing.filters.butterworth_filters.ButterworthFilter.__post_init__", false]], "__repr__() (eitprocessing.datahandling.datacollection.intervaldata method)": [[2, "eitprocessing.datahandling.datacollection.IntervalData.__repr__", false]], "__repr__() (eitprocessing.datahandling.datacollection.sparsedata method)": [[2, "eitprocessing.datahandling.datacollection.SparseData.__repr__", false]], "__repr__() (eitprocessing.datahandling.intervaldata.intervaldata method)": [[6, "eitprocessing.datahandling.intervaldata.IntervalData.__repr__", false]], "__repr__() (eitprocessing.datahandling.loading.draeger.intervaldata method)": [[8, "eitprocessing.datahandling.loading.draeger.IntervalData.__repr__", false]], "__repr__() (eitprocessing.datahandling.loading.draeger.sparsedata method)": [[8, "eitprocessing.datahandling.loading.draeger.SparseData.__repr__", false]], "__repr__() (eitprocessing.datahandling.loading.sentec.sparsedata method)": [[10, "eitprocessing.datahandling.loading.sentec.SparseData.__repr__", false]], "__repr__() (eitprocessing.datahandling.loading.timpel.intervaldata method)": [[11, "eitprocessing.datahandling.loading.timpel.IntervalData.__repr__", false]], "__repr__() (eitprocessing.datahandling.loading.timpel.sparsedata method)": [[11, "eitprocessing.datahandling.loading.timpel.SparseData.__repr__", false]], "__repr__() (eitprocessing.datahandling.sequence.intervaldata method)": [[16, "eitprocessing.datahandling.sequence.IntervalData.__repr__", false]], "__repr__() (eitprocessing.datahandling.sequence.sparsedata method)": [[16, "eitprocessing.datahandling.sequence.SparseData.__repr__", false]], "__repr__() (eitprocessing.datahandling.sparsedata.sparsedata method)": [[17, "eitprocessing.datahandling.sparsedata.SparseData.__repr__", false]], "__setattr__() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.__setattr__", false]], "__setattr__() (eitprocessing.datahandling.datacollection.continuousdata method)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.__setattr__", false]], "__setattr__() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.__setattr__", false]], "__setattr__() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.__setattr__", false]], "__setattr__() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.__setattr__", false]], "__setattr__() (eitprocessing.datahandling.sequence.continuousdata method)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.__setattr__", false]], "__setitem__() (eitprocessing.datahandling.datacollection.datacollection method)": [[2, "eitprocessing.datahandling.datacollection.DataCollection.__setitem__", false]], "__setitem__() (eitprocessing.datahandling.loading.datacollection method)": [[9, "eitprocessing.datahandling.loading.DataCollection.__setitem__", false]], "__setitem__() (eitprocessing.datahandling.loading.draeger.datacollection method)": [[8, "eitprocessing.datahandling.loading.draeger.DataCollection.__setitem__", false]], "__setitem__() (eitprocessing.datahandling.loading.sentec.datacollection method)": [[10, "eitprocessing.datahandling.loading.sentec.DataCollection.__setitem__", false]], "__setitem__() (eitprocessing.datahandling.loading.timpel.datacollection method)": [[11, "eitprocessing.datahandling.loading.timpel.DataCollection.__setitem__", false]], "__setitem__() (eitprocessing.datahandling.sequence.datacollection method)": [[16, "eitprocessing.datahandling.sequence.DataCollection.__setitem__", false]], "_array_safe_eq() (eitprocessing.datahandling.continuousdata.equivalence static method)": [[1, "eitprocessing.datahandling.continuousdata.Equivalence._array_safe_eq", false]], "_array_safe_eq() (eitprocessing.datahandling.datacollection.equivalence static method)": [[2, "eitprocessing.datahandling.datacollection.Equivalence._array_safe_eq", false]], "_array_safe_eq() (eitprocessing.datahandling.eitdata.equivalence static method)": [[3, "eitprocessing.datahandling.eitdata.Equivalence._array_safe_eq", false]], "_array_safe_eq() (eitprocessing.datahandling.intervaldata.equivalence static method)": [[6, "eitprocessing.datahandling.intervaldata.Equivalence._array_safe_eq", false]], "_array_safe_eq() (eitprocessing.datahandling.mixins.equality.equivalence static method)": [[12, "eitprocessing.datahandling.mixins.equality.Equivalence._array_safe_eq", false]], "_array_safe_eq() (eitprocessing.datahandling.sequence.equivalence static method)": [[16, "eitprocessing.datahandling.sequence.Equivalence._array_safe_eq", false]], "_array_safe_eq() (eitprocessing.datahandling.sparsedata.equivalence static method)": [[17, "eitprocessing.datahandling.sparsedata.Equivalence._array_safe_eq", false]], "_calculate_global_impedance() (eitprocessing.datahandling.datacollection.eitdata method)": [[2, "eitprocessing.datahandling.datacollection.EITData._calculate_global_impedance", false]], "_calculate_global_impedance() (eitprocessing.datahandling.eitdata.eitdata method)": [[3, "eitprocessing.datahandling.eitdata.EITData._calculate_global_impedance", false]], "_calculate_global_impedance() (eitprocessing.datahandling.loading.draeger.eitdata method)": [[8, "eitprocessing.datahandling.loading.draeger.EITData._calculate_global_impedance", false]], "_calculate_global_impedance() (eitprocessing.datahandling.loading.eitdata method)": [[9, "eitprocessing.datahandling.loading.EITData._calculate_global_impedance", false]], "_calculate_global_impedance() (eitprocessing.datahandling.loading.sentec.eitdata method)": [[10, "eitprocessing.datahandling.loading.sentec.EITData._calculate_global_impedance", false]], "_calculate_global_impedance() (eitprocessing.datahandling.loading.timpel.eitdata method)": [[11, "eitprocessing.datahandling.loading.timpel.EITData._calculate_global_impedance", false]], "_calculate_global_impedance() (eitprocessing.datahandling.sequence.eitdata method)": [[16, "eitprocessing.datahandling.sequence.EITData._calculate_global_impedance", false]], "_check_first_frame() (in module eitprocessing.datahandling.loading)": [[9, "eitprocessing.datahandling.loading._check_first_frame", false]], "_check_init() (eitprocessing.filters.butterworth_filters.butterworthfilter method)": [[18, "eitprocessing.filters.butterworth_filters.ButterworthFilter._check_init", false]], "_check_item() (eitprocessing.datahandling.datacollection.datacollection method)": [[2, "eitprocessing.datahandling.datacollection.DataCollection._check_item", false]], "_check_item() (eitprocessing.datahandling.loading.datacollection method)": [[9, "eitprocessing.datahandling.loading.DataCollection._check_item", false]], "_check_item() (eitprocessing.datahandling.loading.draeger.datacollection method)": [[8, "eitprocessing.datahandling.loading.draeger.DataCollection._check_item", false]], "_check_item() (eitprocessing.datahandling.loading.sentec.datacollection method)": [[10, "eitprocessing.datahandling.loading.sentec.DataCollection._check_item", false]], "_check_item() (eitprocessing.datahandling.loading.timpel.datacollection method)": [[11, "eitprocessing.datahandling.loading.timpel.DataCollection._check_item", false]], "_check_item() (eitprocessing.datahandling.sequence.datacollection method)": [[16, "eitprocessing.datahandling.sequence.DataCollection._check_item", false]], "_column_width (in module eitprocessing.datahandling.loading.timpel)": [[11, "eitprocessing.datahandling.loading.timpel._COLUMN_WIDTH", false]], "_convert_medibus_data() (in module eitprocessing.datahandling.loading.draeger)": [[8, "eitprocessing.datahandling.loading.draeger._convert_medibus_data", false]], "_ensure_vendor() (in module eitprocessing.datahandling.loading)": [[9, "eitprocessing.datahandling.loading._ensure_vendor", false]], "_eq_dataclass() (eitprocessing.datahandling.continuousdata.equivalence method)": [[1, "eitprocessing.datahandling.continuousdata.Equivalence._eq_dataclass", false]], "_eq_dataclass() (eitprocessing.datahandling.datacollection.equivalence method)": [[2, "eitprocessing.datahandling.datacollection.Equivalence._eq_dataclass", false]], "_eq_dataclass() (eitprocessing.datahandling.eitdata.equivalence method)": [[3, "eitprocessing.datahandling.eitdata.Equivalence._eq_dataclass", false]], "_eq_dataclass() (eitprocessing.datahandling.intervaldata.equivalence method)": [[6, "eitprocessing.datahandling.intervaldata.Equivalence._eq_dataclass", false]], "_eq_dataclass() (eitprocessing.datahandling.mixins.equality.equivalence method)": [[12, "eitprocessing.datahandling.mixins.equality.Equivalence._eq_dataclass", false]], "_eq_dataclass() (eitprocessing.datahandling.sequence.equivalence method)": [[16, "eitprocessing.datahandling.sequence.Equivalence._eq_dataclass", false]], "_eq_dataclass() (eitprocessing.datahandling.sparsedata.equivalence method)": [[17, "eitprocessing.datahandling.sparsedata.Equivalence._eq_dataclass", false]], "_eq_userdict() (eitprocessing.datahandling.continuousdata.equivalence method)": [[1, "eitprocessing.datahandling.continuousdata.Equivalence._eq_userdict", false]], "_eq_userdict() (eitprocessing.datahandling.datacollection.equivalence method)": [[2, "eitprocessing.datahandling.datacollection.Equivalence._eq_userdict", false]], "_eq_userdict() (eitprocessing.datahandling.eitdata.equivalence method)": [[3, "eitprocessing.datahandling.eitdata.Equivalence._eq_userdict", false]], "_eq_userdict() (eitprocessing.datahandling.intervaldata.equivalence method)": [[6, "eitprocessing.datahandling.intervaldata.Equivalence._eq_userdict", false]], "_eq_userdict() (eitprocessing.datahandling.mixins.equality.equivalence method)": [[12, "eitprocessing.datahandling.mixins.equality.Equivalence._eq_userdict", false]], "_eq_userdict() (eitprocessing.datahandling.sequence.equivalence method)": [[16, "eitprocessing.datahandling.sequence.Equivalence._eq_userdict", false]], "_eq_userdict() (eitprocessing.datahandling.sparsedata.equivalence method)": [[17, "eitprocessing.datahandling.sparsedata.Equivalence._eq_userdict", false]], "_frame_size_bytes (in module eitprocessing.datahandling.loading.draeger)": [[8, "eitprocessing.datahandling.loading.draeger._FRAME_SIZE_BYTES", false]], "_make_breaths() (in module eitprocessing.datahandling.loading.timpel)": [[11, "eitprocessing.datahandling.loading.timpel._make_breaths", false]], "_medibus_fields (in module eitprocessing.datahandling.loading.draeger)": [[8, "eitprocessing.datahandling.loading.draeger._medibus_fields", false]], "_medibusfield (class in eitprocessing.datahandling.loading.draeger)": [[8, "eitprocessing.datahandling.loading.draeger._MedibusField", false]], "_nan_value (in module eitprocessing.datahandling.loading.timpel)": [[11, "eitprocessing.datahandling.loading.timpel._NAN_VALUE", false]], "_read_frame() (in module eitprocessing.datahandling.loading.draeger)": [[8, "eitprocessing.datahandling.loading.draeger._read_frame", false]], "_read_frame() (in module eitprocessing.datahandling.loading.sentec)": [[10, "eitprocessing.datahandling.loading.sentec._read_frame", false]], "_read_full_type_code() (eitprocessing.datahandling.loading.binreader.binreader method)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader._read_full_type_code", false]], "_read_full_type_code() (eitprocessing.datahandling.loading.draeger.binreader method)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader._read_full_type_code", false]], "_read_full_type_code() (eitprocessing.datahandling.loading.sentec.binreader method)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader._read_full_type_code", false]], "_set_filter_type_class() (eitprocessing.filters.butterworth_filters.butterworthfilter method)": [[18, "eitprocessing.filters.butterworth_filters.ButterworthFilter._set_filter_type_class", false]], "_sliced_copy() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.datacollection.continuousdata method)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.datacollection.eitdata method)": [[2, "eitprocessing.datahandling.datacollection.EITData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.datacollection.sparsedata method)": [[2, "eitprocessing.datahandling.datacollection.SparseData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.eitdata.eitdata method)": [[3, "eitprocessing.datahandling.eitdata.EITData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.draeger.eitdata method)": [[8, "eitprocessing.datahandling.loading.draeger.EITData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.draeger.sparsedata method)": [[8, "eitprocessing.datahandling.loading.draeger.SparseData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.eitdata method)": [[9, "eitprocessing.datahandling.loading.EITData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.sentec.eitdata method)": [[10, "eitprocessing.datahandling.loading.sentec.EITData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.sentec.sparsedata method)": [[10, "eitprocessing.datahandling.loading.sentec.SparseData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.sequence method)": [[9, "eitprocessing.datahandling.loading.Sequence._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.timpel.eitdata method)": [[11, "eitprocessing.datahandling.loading.timpel.EITData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.loading.timpel.sparsedata method)": [[11, "eitprocessing.datahandling.loading.timpel.SparseData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.mixins.slicing.selectbyindex method)": [[14, "eitprocessing.datahandling.mixins.slicing.SelectByIndex._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.sequence.continuousdata method)": [[16, "eitprocessing.datahandling.sequence.ContinuousData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.sequence.eitdata method)": [[16, "eitprocessing.datahandling.sequence.EITData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.sequence.sequence method)": [[16, "eitprocessing.datahandling.sequence.Sequence._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.sequence.sparsedata method)": [[16, "eitprocessing.datahandling.sequence.SparseData._sliced_copy", false]], "_sliced_copy() (eitprocessing.datahandling.sparsedata.sparsedata method)": [[17, "eitprocessing.datahandling.sparsedata.SparseData._sliced_copy", false]], "add() (eitprocessing.datahandling.datacollection.datacollection method)": [[2, "eitprocessing.datahandling.datacollection.DataCollection.add", false]], "add() (eitprocessing.datahandling.loading.datacollection method)": [[9, "eitprocessing.datahandling.loading.DataCollection.add", false]], "add() (eitprocessing.datahandling.loading.draeger.datacollection method)": [[8, "eitprocessing.datahandling.loading.draeger.DataCollection.add", false]], "add() (eitprocessing.datahandling.loading.sentec.datacollection method)": [[10, "eitprocessing.datahandling.loading.sentec.DataCollection.add", false]], "add() (eitprocessing.datahandling.loading.timpel.datacollection method)": [[11, "eitprocessing.datahandling.loading.timpel.DataCollection.add", false]], "add() (eitprocessing.datahandling.sequence.datacollection method)": [[16, "eitprocessing.datahandling.sequence.DataCollection.add", false]], "animate_eitdatavariant() (in module eitprocessing.plotting.animate)": [[21, "eitprocessing.plotting.animate.animate_EITDataVariant", false]], "apply_filter() (eitprocessing.filters.butterworth_filters.butterworthfilter method)": [[18, "eitprocessing.filters.butterworth_filters.ButterworthFilter.apply_filter", false]], "apply_filter() (eitprocessing.filters.butterworth_filters.timedomainfilter method)": [[18, "eitprocessing.filters.butterworth_filters.TimeDomainFilter.apply_filter", false]], "apply_filter() (eitprocessing.filters.timedomainfilter method)": [[19, "eitprocessing.filters.TimeDomainFilter.apply_filter", false]], "available_in_gui (eitprocessing.filters.butterworth_filters.bandpassfilter attribute)": [[18, "eitprocessing.filters.butterworth_filters.BandPassFilter.available_in_gui", false]], "available_in_gui (eitprocessing.filters.butterworth_filters.bandstopfilter attribute)": [[18, "eitprocessing.filters.butterworth_filters.BandStopFilter.available_in_gui", false]], "available_in_gui (eitprocessing.filters.butterworth_filters.highpassfilter attribute)": [[18, "eitprocessing.filters.butterworth_filters.HighPassFilter.available_in_gui", false]], "available_in_gui (eitprocessing.filters.butterworth_filters.lowpassfilter attribute)": [[18, "eitprocessing.filters.butterworth_filters.LowPassFilter.available_in_gui", false]], "available_in_gui (eitprocessing.filters.butterworth_filters.timedomainfilter attribute)": [[18, "eitprocessing.filters.butterworth_filters.TimeDomainFilter.available_in_gui", false]], "available_in_gui (eitprocessing.filters.timedomainfilter attribute)": [[19, "eitprocessing.filters.TimeDomainFilter.available_in_gui", false]], "bandpassfilter (class in eitprocessing.filters.butterworth_filters)": [[18, "eitprocessing.filters.butterworth_filters.BandPassFilter", false]], "bandstopfilter (class in eitprocessing.filters.butterworth_filters)": [[18, "eitprocessing.filters.butterworth_filters.BandStopFilter", false]], "binreader (class in eitprocessing.datahandling.loading.binreader)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader", false]], "binreader (class in eitprocessing.datahandling.loading.draeger)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader", false]], "binreader (class in eitprocessing.datahandling.loading.sentec)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader", false]], "breath (class in eitprocessing.datahandling.breath)": [[0, "eitprocessing.datahandling.breath.Breath", false]], "breath (class in eitprocessing.datahandling.loading.timpel)": [[11, "eitprocessing.datahandling.loading.timpel.Breath", false]], "butterworthfilter (class in eitprocessing.filters.butterworth_filters)": [[18, "eitprocessing.filters.butterworth_filters.ButterworthFilter", false]], "category (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.category", false]], "category (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.category", false]], "category (eitprocessing.datahandling.datacollection.intervaldata attribute)": [[2, "eitprocessing.datahandling.datacollection.IntervalData.category", false]], "category (eitprocessing.datahandling.datacollection.sparsedata attribute)": [[2, "eitprocessing.datahandling.datacollection.SparseData.category", false]], "category (eitprocessing.datahandling.intervaldata.intervaldata attribute)": [[6, "eitprocessing.datahandling.intervaldata.IntervalData.category", false]], "category (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.category", false]], "category (eitprocessing.datahandling.loading.draeger.intervaldata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.IntervalData.category", false]], "category (eitprocessing.datahandling.loading.draeger.sparsedata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.SparseData.category", false]], "category (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.category", false]], "category (eitprocessing.datahandling.loading.sentec.sparsedata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.SparseData.category", false]], "category (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.category", false]], "category (eitprocessing.datahandling.loading.timpel.intervaldata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.IntervalData.category", false]], "category (eitprocessing.datahandling.loading.timpel.sparsedata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.SparseData.category", false]], "category (eitprocessing.datahandling.sequence.continuousdata attribute)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.category", false]], "category (eitprocessing.datahandling.sequence.intervaldata attribute)": [[16, "eitprocessing.datahandling.sequence.IntervalData.category", false]], "category (eitprocessing.datahandling.sequence.sparsedata attribute)": [[16, "eitprocessing.datahandling.sequence.SparseData.category", false]], "category (eitprocessing.datahandling.sparsedata.sparsedata attribute)": [[17, "eitprocessing.datahandling.sparsedata.SparseData.category", false]], "concatenate() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.concatenate", false]], "concatenate() (eitprocessing.datahandling.datacollection.continuousdata method)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.concatenate", false]], "concatenate() (eitprocessing.datahandling.datacollection.datacollection method)": [[2, "eitprocessing.datahandling.datacollection.DataCollection.concatenate", false]], "concatenate() (eitprocessing.datahandling.datacollection.eitdata method)": [[2, "eitprocessing.datahandling.datacollection.EITData.concatenate", false]], "concatenate() (eitprocessing.datahandling.datacollection.intervaldata method)": [[2, "eitprocessing.datahandling.datacollection.IntervalData.concatenate", false]], "concatenate() (eitprocessing.datahandling.datacollection.sparsedata method)": [[2, "eitprocessing.datahandling.datacollection.SparseData.concatenate", false]], "concatenate() (eitprocessing.datahandling.eitdata.eitdata method)": [[3, "eitprocessing.datahandling.eitdata.EITData.concatenate", false]], "concatenate() (eitprocessing.datahandling.intervaldata.intervaldata method)": [[6, "eitprocessing.datahandling.intervaldata.IntervalData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.datacollection method)": [[9, "eitprocessing.datahandling.loading.DataCollection.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.draeger.datacollection method)": [[8, "eitprocessing.datahandling.loading.draeger.DataCollection.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.draeger.eitdata method)": [[8, "eitprocessing.datahandling.loading.draeger.EITData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.draeger.intervaldata method)": [[8, "eitprocessing.datahandling.loading.draeger.IntervalData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.draeger.sparsedata method)": [[8, "eitprocessing.datahandling.loading.draeger.SparseData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.eitdata method)": [[9, "eitprocessing.datahandling.loading.EITData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.sentec.datacollection method)": [[10, "eitprocessing.datahandling.loading.sentec.DataCollection.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.sentec.eitdata method)": [[10, "eitprocessing.datahandling.loading.sentec.EITData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.sentec.sparsedata method)": [[10, "eitprocessing.datahandling.loading.sentec.SparseData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.sequence class method)": [[9, "eitprocessing.datahandling.loading.Sequence.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.timpel.datacollection method)": [[11, "eitprocessing.datahandling.loading.timpel.DataCollection.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.timpel.eitdata method)": [[11, "eitprocessing.datahandling.loading.timpel.EITData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.timpel.intervaldata method)": [[11, "eitprocessing.datahandling.loading.timpel.IntervalData.concatenate", false]], "concatenate() (eitprocessing.datahandling.loading.timpel.sparsedata method)": [[11, "eitprocessing.datahandling.loading.timpel.SparseData.concatenate", false]], "concatenate() (eitprocessing.datahandling.sequence.continuousdata method)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.concatenate", false]], "concatenate() (eitprocessing.datahandling.sequence.datacollection method)": [[16, "eitprocessing.datahandling.sequence.DataCollection.concatenate", false]], "concatenate() (eitprocessing.datahandling.sequence.eitdata method)": [[16, "eitprocessing.datahandling.sequence.EITData.concatenate", false]], "concatenate() (eitprocessing.datahandling.sequence.intervaldata method)": [[16, "eitprocessing.datahandling.sequence.IntervalData.concatenate", false]], "concatenate() (eitprocessing.datahandling.sequence.sequence class method)": [[16, "eitprocessing.datahandling.sequence.Sequence.concatenate", false]], "concatenate() (eitprocessing.datahandling.sequence.sparsedata method)": [[16, "eitprocessing.datahandling.sequence.SparseData.concatenate", false]], "concatenate() (eitprocessing.datahandling.sparsedata.sparsedata method)": [[17, "eitprocessing.datahandling.sparsedata.SparseData.concatenate", false]], "configuration (eitprocessing.datahandling.loading.sentec.domain attribute)": [[10, "eitprocessing.datahandling.loading.sentec.Domain.CONFIGURATION", false]], "configurationdataid (class in eitprocessing.datahandling.loading.sentec)": [[10, "eitprocessing.datahandling.loading.sentec.ConfigurationDataID", false]], "continuous (eitprocessing.datahandling.loading.draeger._medibusfield attribute)": [[8, "eitprocessing.datahandling.loading.draeger._MedibusField.continuous", false]], "continuous_data (eitprocessing.datahandling.loading.sequence attribute)": [[9, "eitprocessing.datahandling.loading.Sequence.continuous_data", false]], "continuous_data (eitprocessing.datahandling.sequence.sequence attribute)": [[16, "eitprocessing.datahandling.sequence.Sequence.continuous_data", false]], "continuousdata (class in eitprocessing.datahandling.continuousdata)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData", false]], "continuousdata (class in eitprocessing.datahandling.datacollection)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData", false]], "continuousdata (class in eitprocessing.datahandling.loading.draeger)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData", false]], "continuousdata (class in eitprocessing.datahandling.loading.sentec)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData", false]], "continuousdata (class in eitprocessing.datahandling.loading.timpel)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData", false]], "continuousdata (class in eitprocessing.datahandling.sequence)": [[16, "eitprocessing.datahandling.sequence.ContinuousData", false]], "copy() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.copy", false]], "copy() (eitprocessing.datahandling.datacollection.continuousdata method)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.copy", false]], "copy() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.copy", false]], "copy() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.copy", false]], "copy() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.copy", false]], "copy() (eitprocessing.datahandling.sequence.continuousdata method)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.copy", false]], "cutoff_frequency (eitprocessing.filters.butterworth_filters.butterworthfilter attribute)": [[18, "eitprocessing.filters.butterworth_filters.ButterworthFilter.cutoff_frequency", false]], "data_type (eitprocessing.datahandling.datacollection.datacollection attribute)": [[2, "eitprocessing.datahandling.datacollection.DataCollection.data_type", false]], "data_type (eitprocessing.datahandling.loading.datacollection attribute)": [[9, "eitprocessing.datahandling.loading.DataCollection.data_type", false]], "data_type (eitprocessing.datahandling.loading.draeger.datacollection attribute)": [[8, "eitprocessing.datahandling.loading.draeger.DataCollection.data_type", false]], "data_type (eitprocessing.datahandling.loading.sentec.datacollection attribute)": [[10, "eitprocessing.datahandling.loading.sentec.DataCollection.data_type", false]], "data_type (eitprocessing.datahandling.loading.timpel.datacollection attribute)": [[11, "eitprocessing.datahandling.loading.timpel.DataCollection.data_type", false]], "data_type (eitprocessing.datahandling.sequence.datacollection attribute)": [[16, "eitprocessing.datahandling.sequence.DataCollection.data_type", false]], "datacollection (class in eitprocessing.datahandling.datacollection)": [[2, "eitprocessing.datahandling.datacollection.DataCollection", false]], "datacollection (class in eitprocessing.datahandling.loading)": [[9, "eitprocessing.datahandling.loading.DataCollection", false]], "datacollection (class in eitprocessing.datahandling.loading.draeger)": [[8, "eitprocessing.datahandling.loading.draeger.DataCollection", false]], "datacollection (class in eitprocessing.datahandling.loading.sentec)": [[10, "eitprocessing.datahandling.loading.sentec.DataCollection", false]], "datacollection (class in eitprocessing.datahandling.loading.timpel)": [[11, "eitprocessing.datahandling.loading.timpel.DataCollection", false]], "datacollection (class in eitprocessing.datahandling.sequence)": [[16, "eitprocessing.datahandling.sequence.DataCollection", false]], "derive() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.derive", false]], "derive() (eitprocessing.datahandling.datacollection.continuousdata method)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.derive", false]], "derive() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.derive", false]], "derive() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.derive", false]], "derive() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.derive", false]], "derive() (eitprocessing.datahandling.sequence.continuousdata method)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.derive", false]], "derived_from (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.derived_from", false]], "derived_from (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.derived_from", false]], "derived_from (eitprocessing.datahandling.datacollection.intervaldata attribute)": [[2, "eitprocessing.datahandling.datacollection.IntervalData.derived_from", false]], "derived_from (eitprocessing.datahandling.datacollection.sparsedata attribute)": [[2, "eitprocessing.datahandling.datacollection.SparseData.derived_from", false]], "derived_from (eitprocessing.datahandling.intervaldata.intervaldata attribute)": [[6, "eitprocessing.datahandling.intervaldata.IntervalData.derived_from", false]], "derived_from (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.derived_from", false]], "derived_from (eitprocessing.datahandling.loading.draeger.intervaldata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.IntervalData.derived_from", false]], "derived_from (eitprocessing.datahandling.loading.draeger.sparsedata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.SparseData.derived_from", false]], "derived_from (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.derived_from", false]], "derived_from (eitprocessing.datahandling.loading.sentec.sparsedata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.SparseData.derived_from", false]], "derived_from (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.derived_from", false]], "derived_from (eitprocessing.datahandling.loading.timpel.intervaldata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.IntervalData.derived_from", false]], "derived_from (eitprocessing.datahandling.loading.timpel.sparsedata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.SparseData.derived_from", false]], "derived_from (eitprocessing.datahandling.sequence.continuousdata attribute)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.derived_from", false]], "derived_from (eitprocessing.datahandling.sequence.intervaldata attribute)": [[16, "eitprocessing.datahandling.sequence.IntervalData.derived_from", false]], "derived_from (eitprocessing.datahandling.sequence.sparsedata attribute)": [[16, "eitprocessing.datahandling.sequence.SparseData.derived_from", false]], "derived_from (eitprocessing.datahandling.sparsedata.sparsedata attribute)": [[17, "eitprocessing.datahandling.sparsedata.SparseData.derived_from", false]], "description (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.description", false]], "description (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.description", false]], "description (eitprocessing.datahandling.datacollection.intervaldata attribute)": [[2, "eitprocessing.datahandling.datacollection.IntervalData.description", false]], "description (eitprocessing.datahandling.datacollection.sparsedata attribute)": [[2, "eitprocessing.datahandling.datacollection.SparseData.description", false]], "description (eitprocessing.datahandling.intervaldata.intervaldata attribute)": [[6, "eitprocessing.datahandling.intervaldata.IntervalData.description", false]], "description (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.description", false]], "description (eitprocessing.datahandling.loading.draeger.intervaldata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.IntervalData.description", false]], "description (eitprocessing.datahandling.loading.draeger.sparsedata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.SparseData.description", false]], "description (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.description", false]], "description (eitprocessing.datahandling.loading.sentec.sparsedata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.SparseData.description", false]], "description (eitprocessing.datahandling.loading.sequence attribute)": [[9, "eitprocessing.datahandling.loading.Sequence.description", false]], "description (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.description", false]], "description (eitprocessing.datahandling.loading.timpel.intervaldata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.IntervalData.description", false]], "description (eitprocessing.datahandling.loading.timpel.sparsedata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.SparseData.description", false]], "description (eitprocessing.datahandling.sequence.continuousdata attribute)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.description", false]], "description (eitprocessing.datahandling.sequence.intervaldata attribute)": [[16, "eitprocessing.datahandling.sequence.IntervalData.description", false]], "description (eitprocessing.datahandling.sequence.sequence attribute)": [[16, "eitprocessing.datahandling.sequence.Sequence.description", false]], "description (eitprocessing.datahandling.sequence.sparsedata attribute)": [[16, "eitprocessing.datahandling.sequence.SparseData.description", false]], "description (eitprocessing.datahandling.sparsedata.sparsedata attribute)": [[17, "eitprocessing.datahandling.sparsedata.SparseData.description", false]], "domain (class in eitprocessing.datahandling.loading.sentec)": [[10, "eitprocessing.datahandling.loading.sentec.Domain", false]], "draeger (eitprocessing.datahandling.eitdata.vendor attribute)": [[3, "eitprocessing.datahandling.eitdata.Vendor.DRAEGER", false]], "draeger (eitprocessing.datahandling.loading.draeger.vendor attribute)": [[8, "eitprocessing.datahandling.loading.draeger.Vendor.DRAEGER", false]], "draeger (eitprocessing.datahandling.loading.sentec.vendor attribute)": [[10, "eitprocessing.datahandling.loading.sentec.Vendor.DRAEGER", false]], "draeger (eitprocessing.datahandling.loading.timpel.vendor attribute)": [[11, "eitprocessing.datahandling.loading.timpel.Vendor.DRAEGER", false]], "draeger (eitprocessing.datahandling.loading.vendor attribute)": [[9, "eitprocessing.datahandling.loading.Vendor.DRAEGER", false]], "draeger_framerate (in module eitprocessing.datahandling.loading.draeger)": [[8, "eitprocessing.datahandling.loading.draeger.DRAEGER_FRAMERATE", false]], "drager (eitprocessing.datahandling.eitdata.vendor attribute)": [[3, "eitprocessing.datahandling.eitdata.Vendor.DRAGER", false]], "drager (eitprocessing.datahandling.loading.draeger.vendor attribute)": [[8, "eitprocessing.datahandling.loading.draeger.Vendor.DRAGER", false]], "drager (eitprocessing.datahandling.loading.sentec.vendor attribute)": [[10, "eitprocessing.datahandling.loading.sentec.Vendor.DRAGER", false]], "drager (eitprocessing.datahandling.loading.timpel.vendor attribute)": [[11, "eitprocessing.datahandling.loading.timpel.Vendor.DRAGER", false]], "drager (eitprocessing.datahandling.loading.vendor attribute)": [[9, "eitprocessing.datahandling.loading.Vendor.DRAGER", false]], "dr\u00e4ger (eitprocessing.datahandling.eitdata.vendor attribute)": [[3, "id0", false]], "dr\u00e4ger (eitprocessing.datahandling.loading.draeger.vendor attribute)": [[8, "id0", false]], "dr\u00e4ger (eitprocessing.datahandling.loading.sentec.vendor attribute)": [[10, "id0", false]], "dr\u00e4ger (eitprocessing.datahandling.loading.timpel.vendor attribute)": [[11, "id0", false]], "dr\u00e4ger (eitprocessing.datahandling.loading.vendor attribute)": [[9, "id0", false]], "eit_data (eitprocessing.datahandling.loading.sequence attribute)": [[9, "eitprocessing.datahandling.loading.Sequence.eit_data", false]], "eit_data (eitprocessing.datahandling.sequence.sequence attribute)": [[16, "eitprocessing.datahandling.sequence.Sequence.eit_data", false]], "eitdata (class in eitprocessing.datahandling.datacollection)": [[2, "eitprocessing.datahandling.datacollection.EITData", false]], "eitdata (class in eitprocessing.datahandling.eitdata)": [[3, "eitprocessing.datahandling.eitdata.EITData", false]], "eitdata (class in eitprocessing.datahandling.loading)": [[9, "eitprocessing.datahandling.loading.EITData", false]], "eitdata (class in eitprocessing.datahandling.loading.draeger)": [[8, "eitprocessing.datahandling.loading.draeger.EITData", false]], "eitdata (class in eitprocessing.datahandling.loading.sentec)": [[10, "eitprocessing.datahandling.loading.sentec.EITData", false]], "eitdata (class in eitprocessing.datahandling.loading.timpel)": [[11, "eitprocessing.datahandling.loading.timpel.EITData", false]], "eitdata (class in eitprocessing.datahandling.sequence)": [[16, "eitprocessing.datahandling.sequence.EITData", false]], "eitprocessing": [[20, "module-eitprocessing", false]], "eitprocessing.datahandling": [[5, "module-eitprocessing.datahandling", false]], "eitprocessing.datahandling.breath": [[0, "module-eitprocessing.datahandling.breath", false]], "eitprocessing.datahandling.continuousdata": [[1, "module-eitprocessing.datahandling.continuousdata", false]], "eitprocessing.datahandling.datacollection": [[2, "module-eitprocessing.datahandling.datacollection", false]], "eitprocessing.datahandling.eitdata": [[3, "module-eitprocessing.datahandling.eitdata", false]], "eitprocessing.datahandling.event": [[4, "module-eitprocessing.datahandling.event", false]], "eitprocessing.datahandling.intervaldata": [[6, "module-eitprocessing.datahandling.intervaldata", false]], "eitprocessing.datahandling.loading": [[9, "module-eitprocessing.datahandling.loading", false]], "eitprocessing.datahandling.loading.binreader": [[7, "module-eitprocessing.datahandling.loading.binreader", false]], "eitprocessing.datahandling.loading.draeger": [[8, "module-eitprocessing.datahandling.loading.draeger", false]], "eitprocessing.datahandling.loading.sentec": [[10, "module-eitprocessing.datahandling.loading.sentec", false]], "eitprocessing.datahandling.loading.timpel": [[11, "module-eitprocessing.datahandling.loading.timpel", false]], "eitprocessing.datahandling.mixins": [[13, "module-eitprocessing.datahandling.mixins", false]], "eitprocessing.datahandling.mixins.equality": [[12, "module-eitprocessing.datahandling.mixins.equality", false]], "eitprocessing.datahandling.mixins.slicing": [[14, "module-eitprocessing.datahandling.mixins.slicing", false]], "eitprocessing.datahandling.phases": [[15, "module-eitprocessing.datahandling.phases", false]], "eitprocessing.datahandling.sequence": [[16, "module-eitprocessing.datahandling.sequence", false]], "eitprocessing.datahandling.sparsedata": [[17, "module-eitprocessing.datahandling.sparsedata", false]], "eitprocessing.filters": [[19, "module-eitprocessing.filters", false]], "eitprocessing.filters.butterworth_filters": [[18, "module-eitprocessing.filters.butterworth_filters", false]], "eitprocessing.plotting": [[22, "module-eitprocessing.plotting", false]], "eitprocessing.plotting.animate": [[21, "module-eitprocessing.plotting.animate", false]], "eitprocessing.plotting.plot": [[23, "module-eitprocessing.plotting.plot", false]], "end_time (eitprocessing.datahandling.breath.breath attribute)": [[0, "eitprocessing.datahandling.breath.Breath.end_time", false]], "end_time (eitprocessing.datahandling.intervaldata.timerange attribute)": [[6, "eitprocessing.datahandling.intervaldata.TimeRange.end_time", false]], "end_time (eitprocessing.datahandling.loading.timpel.breath attribute)": [[11, "eitprocessing.datahandling.loading.timpel.Breath.end_time", false]], "endian (eitprocessing.datahandling.loading.binreader.binreader attribute)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader.endian", false]], "endian (eitprocessing.datahandling.loading.draeger.binreader attribute)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader.endian", false]], "endian (eitprocessing.datahandling.loading.sentec.binreader attribute)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader.endian", false]], "ensure_path_list() (eitprocessing.datahandling.datacollection.eitdata static method)": [[2, "eitprocessing.datahandling.datacollection.EITData.ensure_path_list", false]], "ensure_path_list() (eitprocessing.datahandling.eitdata.eitdata static method)": [[3, "eitprocessing.datahandling.eitdata.EITData.ensure_path_list", false]], "ensure_path_list() (eitprocessing.datahandling.loading.draeger.eitdata static method)": [[8, "eitprocessing.datahandling.loading.draeger.EITData.ensure_path_list", false]], "ensure_path_list() (eitprocessing.datahandling.loading.eitdata static method)": [[9, "eitprocessing.datahandling.loading.EITData.ensure_path_list", false]], "ensure_path_list() (eitprocessing.datahandling.loading.sentec.eitdata static method)": [[10, "eitprocessing.datahandling.loading.sentec.EITData.ensure_path_list", false]], "ensure_path_list() (eitprocessing.datahandling.loading.timpel.eitdata static method)": [[11, "eitprocessing.datahandling.loading.timpel.EITData.ensure_path_list", false]], "ensure_path_list() (eitprocessing.datahandling.sequence.eitdata static method)": [[16, "eitprocessing.datahandling.sequence.EITData.ensure_path_list", false]], "equivalence (class in eitprocessing.datahandling.continuousdata)": [[1, "eitprocessing.datahandling.continuousdata.Equivalence", false]], "equivalence (class in eitprocessing.datahandling.datacollection)": [[2, "eitprocessing.datahandling.datacollection.Equivalence", false]], "equivalence (class in eitprocessing.datahandling.eitdata)": [[3, "eitprocessing.datahandling.eitdata.Equivalence", false]], "equivalence (class in eitprocessing.datahandling.intervaldata)": [[6, "eitprocessing.datahandling.intervaldata.Equivalence", false]], "equivalence (class in eitprocessing.datahandling.mixins.equality)": [[12, "eitprocessing.datahandling.mixins.equality.Equivalence", false]], "equivalence (class in eitprocessing.datahandling.sequence)": [[16, "eitprocessing.datahandling.sequence.Equivalence", false]], "equivalence (class in eitprocessing.datahandling.sparsedata)": [[17, "eitprocessing.datahandling.sparsedata.Equivalence", false]], "equivalenceerror": [[12, "eitprocessing.datahandling.mixins.equality.EquivalenceError", false]], "event (class in eitprocessing.datahandling.event)": [[4, "eitprocessing.datahandling.event.Event", false]], "event (class in eitprocessing.datahandling.loading.draeger)": [[8, "eitprocessing.datahandling.loading.draeger.Event", false]], "file_handle (eitprocessing.datahandling.loading.binreader.binreader attribute)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader.file_handle", false]], "file_handle (eitprocessing.datahandling.loading.draeger.binreader attribute)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader.file_handle", false]], "file_handle (eitprocessing.datahandling.loading.sentec.binreader attribute)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader.file_handle", false]], "filter_type (eitprocessing.filters.butterworth_filters.bandpassfilter attribute)": [[18, "eitprocessing.filters.butterworth_filters.BandPassFilter.filter_type", false]], "filter_type (eitprocessing.filters.butterworth_filters.bandstopfilter attribute)": [[18, "eitprocessing.filters.butterworth_filters.BandStopFilter.filter_type", false]], "filter_type (eitprocessing.filters.butterworth_filters.butterworthfilter attribute)": [[18, "eitprocessing.filters.butterworth_filters.ButterworthFilter.filter_type", false]], "filter_type (eitprocessing.filters.butterworth_filters.highpassfilter attribute)": [[18, "eitprocessing.filters.butterworth_filters.HighPassFilter.filter_type", false]], "filter_type (eitprocessing.filters.butterworth_filters.lowpassfilter attribute)": [[18, "eitprocessing.filters.butterworth_filters.LowPassFilter.filter_type", false]], "filter_types (in module eitprocessing.filters.butterworth_filters)": [[18, "eitprocessing.filters.butterworth_filters.FILTER_TYPES", false]], "float32() (eitprocessing.datahandling.loading.binreader.binreader method)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader.float32", false]], "float32() (eitprocessing.datahandling.loading.draeger.binreader method)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader.float32", false]], "float32() (eitprocessing.datahandling.loading.sentec.binreader method)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader.float32", false]], "float64() (eitprocessing.datahandling.loading.binreader.binreader method)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader.float64", false]], "float64() (eitprocessing.datahandling.loading.draeger.binreader method)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader.float64", false]], "float64() (eitprocessing.datahandling.loading.sentec.binreader method)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader.float64", false]], "framerate (eitprocessing.datahandling.datacollection.eitdata attribute)": [[2, "eitprocessing.datahandling.datacollection.EITData.framerate", false]], "framerate (eitprocessing.datahandling.eitdata.eitdata attribute)": [[3, "eitprocessing.datahandling.eitdata.EITData.framerate", false]], "framerate (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.EITData.framerate", false]], "framerate (eitprocessing.datahandling.loading.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.EITData.framerate", false]], "framerate (eitprocessing.datahandling.loading.sentec.configurationdataid attribute)": [[10, "eitprocessing.datahandling.loading.sentec.ConfigurationDataID.FRAMERATE", false]], "framerate (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.EITData.framerate", false]], "framerate (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.EITData.framerate", false]], "framerate (eitprocessing.datahandling.sequence.eitdata attribute)": [[16, "eitprocessing.datahandling.sequence.EITData.framerate", false]], "get_data_derived_from() (eitprocessing.datahandling.datacollection.datacollection method)": [[2, "eitprocessing.datahandling.datacollection.DataCollection.get_data_derived_from", false]], "get_data_derived_from() (eitprocessing.datahandling.loading.datacollection method)": [[9, "eitprocessing.datahandling.loading.DataCollection.get_data_derived_from", false]], "get_data_derived_from() (eitprocessing.datahandling.loading.draeger.datacollection method)": [[8, "eitprocessing.datahandling.loading.draeger.DataCollection.get_data_derived_from", false]], "get_data_derived_from() (eitprocessing.datahandling.loading.sentec.datacollection method)": [[10, "eitprocessing.datahandling.loading.sentec.DataCollection.get_data_derived_from", false]], "get_data_derived_from() (eitprocessing.datahandling.loading.timpel.datacollection method)": [[11, "eitprocessing.datahandling.loading.timpel.DataCollection.get_data_derived_from", false]], "get_data_derived_from() (eitprocessing.datahandling.sequence.datacollection method)": [[16, "eitprocessing.datahandling.sequence.DataCollection.get_data_derived_from", false]], "get_derived_data() (eitprocessing.datahandling.datacollection.datacollection method)": [[2, "eitprocessing.datahandling.datacollection.DataCollection.get_derived_data", false]], "get_derived_data() (eitprocessing.datahandling.loading.datacollection method)": [[9, "eitprocessing.datahandling.loading.DataCollection.get_derived_data", false]], "get_derived_data() (eitprocessing.datahandling.loading.draeger.datacollection method)": [[8, "eitprocessing.datahandling.loading.draeger.DataCollection.get_derived_data", false]], "get_derived_data() (eitprocessing.datahandling.loading.sentec.datacollection method)": [[10, "eitprocessing.datahandling.loading.sentec.DataCollection.get_derived_data", false]], "get_derived_data() (eitprocessing.datahandling.loading.timpel.datacollection method)": [[11, "eitprocessing.datahandling.loading.timpel.DataCollection.get_derived_data", false]], "get_derived_data() (eitprocessing.datahandling.sequence.datacollection method)": [[16, "eitprocessing.datahandling.sequence.DataCollection.get_derived_data", false]], "get_loaded_data() (eitprocessing.datahandling.datacollection.datacollection method)": [[2, "eitprocessing.datahandling.datacollection.DataCollection.get_loaded_data", false]], "get_loaded_data() (eitprocessing.datahandling.loading.datacollection method)": [[9, "eitprocessing.datahandling.loading.DataCollection.get_loaded_data", false]], "get_loaded_data() (eitprocessing.datahandling.loading.draeger.datacollection method)": [[8, "eitprocessing.datahandling.loading.draeger.DataCollection.get_loaded_data", false]], "get_loaded_data() (eitprocessing.datahandling.loading.sentec.datacollection method)": [[10, "eitprocessing.datahandling.loading.sentec.DataCollection.get_loaded_data", false]], "get_loaded_data() (eitprocessing.datahandling.loading.timpel.datacollection method)": [[11, "eitprocessing.datahandling.loading.timpel.DataCollection.get_loaded_data", false]], "get_loaded_data() (eitprocessing.datahandling.sequence.datacollection method)": [[16, "eitprocessing.datahandling.sequence.DataCollection.get_loaded_data", false]], "hastimeindexer (class in eitprocessing.datahandling.datacollection)": [[2, "eitprocessing.datahandling.datacollection.HasTimeIndexer", false]], "hastimeindexer (class in eitprocessing.datahandling.intervaldata)": [[6, "eitprocessing.datahandling.intervaldata.HasTimeIndexer", false]], "hastimeindexer (class in eitprocessing.datahandling.mixins.slicing)": [[14, "eitprocessing.datahandling.mixins.slicing.HasTimeIndexer", false]], "hastimeindexer (class in eitprocessing.datahandling.sequence)": [[16, "eitprocessing.datahandling.sequence.HasTimeIndexer", false]], "highpassfilter (class in eitprocessing.filters.butterworth_filters)": [[18, "eitprocessing.filters.butterworth_filters.HighPassFilter", false]], "ignore_max_order (eitprocessing.filters.butterworth_filters.butterworthfilter attribute)": [[18, "eitprocessing.filters.butterworth_filters.ButterworthFilter.ignore_max_order", false]], "index (eitprocessing.datahandling.phases.phaseindicator attribute)": [[15, "eitprocessing.datahandling.phases.PhaseIndicator.index", false]], "int32() (eitprocessing.datahandling.loading.binreader.binreader method)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader.int32", false]], "int32() (eitprocessing.datahandling.loading.draeger.binreader method)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader.int32", false]], "int32() (eitprocessing.datahandling.loading.sentec.binreader method)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader.int32", false]], "interval_data (eitprocessing.datahandling.loading.sequence attribute)": [[9, "eitprocessing.datahandling.loading.Sequence.interval_data", false]], "interval_data (eitprocessing.datahandling.sequence.sequence attribute)": [[16, "eitprocessing.datahandling.sequence.Sequence.interval_data", false]], "intervaldata (class in eitprocessing.datahandling.datacollection)": [[2, "eitprocessing.datahandling.datacollection.IntervalData", false]], "intervaldata (class in eitprocessing.datahandling.intervaldata)": [[6, "eitprocessing.datahandling.intervaldata.IntervalData", false]], "intervaldata (class in eitprocessing.datahandling.loading.draeger)": [[8, "eitprocessing.datahandling.loading.draeger.IntervalData", false]], "intervaldata (class in eitprocessing.datahandling.loading.timpel)": [[11, "eitprocessing.datahandling.loading.timpel.IntervalData", false]], "intervaldata (class in eitprocessing.datahandling.sequence)": [[16, "eitprocessing.datahandling.sequence.IntervalData", false]], "isequivalent() (eitprocessing.datahandling.continuousdata.equivalence method)": [[1, "eitprocessing.datahandling.continuousdata.Equivalence.isequivalent", false]], "isequivalent() (eitprocessing.datahandling.datacollection.equivalence method)": [[2, "eitprocessing.datahandling.datacollection.Equivalence.isequivalent", false]], "isequivalent() (eitprocessing.datahandling.eitdata.equivalence method)": [[3, "eitprocessing.datahandling.eitdata.Equivalence.isequivalent", false]], "isequivalent() (eitprocessing.datahandling.intervaldata.equivalence method)": [[6, "eitprocessing.datahandling.intervaldata.Equivalence.isequivalent", false]], "isequivalent() (eitprocessing.datahandling.mixins.equality.equivalence method)": [[12, "eitprocessing.datahandling.mixins.equality.Equivalence.isequivalent", false]], "isequivalent() (eitprocessing.datahandling.sequence.equivalence method)": [[16, "eitprocessing.datahandling.sequence.Equivalence.isequivalent", false]], "isequivalent() (eitprocessing.datahandling.sparsedata.equivalence method)": [[17, "eitprocessing.datahandling.sparsedata.Equivalence.isequivalent", false]], "label (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.label", false]], "label (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.label", false]], "label (eitprocessing.datahandling.datacollection.eitdata attribute)": [[2, "eitprocessing.datahandling.datacollection.EITData.label", false]], "label (eitprocessing.datahandling.datacollection.intervaldata attribute)": [[2, "eitprocessing.datahandling.datacollection.IntervalData.label", false]], "label (eitprocessing.datahandling.datacollection.sparsedata attribute)": [[2, "eitprocessing.datahandling.datacollection.SparseData.label", false]], "label (eitprocessing.datahandling.eitdata.eitdata attribute)": [[3, "eitprocessing.datahandling.eitdata.EITData.label", false]], "label (eitprocessing.datahandling.intervaldata.intervaldata attribute)": [[6, "eitprocessing.datahandling.intervaldata.IntervalData.label", false]], "label (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.label", false]], "label (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.EITData.label", false]], "label (eitprocessing.datahandling.loading.draeger.intervaldata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.IntervalData.label", false]], "label (eitprocessing.datahandling.loading.draeger.sparsedata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.SparseData.label", false]], "label (eitprocessing.datahandling.loading.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.EITData.label", false]], "label (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.label", false]], "label (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.EITData.label", false]], "label (eitprocessing.datahandling.loading.sentec.sparsedata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.SparseData.label", false]], "label (eitprocessing.datahandling.loading.sequence attribute)": [[9, "eitprocessing.datahandling.loading.Sequence.label", false]], "label (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.label", false]], "label (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.EITData.label", false]], "label (eitprocessing.datahandling.loading.timpel.intervaldata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.IntervalData.label", false]], "label (eitprocessing.datahandling.loading.timpel.sparsedata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.SparseData.label", false]], "label (eitprocessing.datahandling.mixins.slicing.selectbyindex attribute)": [[14, "eitprocessing.datahandling.mixins.slicing.SelectByIndex.label", false]], "label (eitprocessing.datahandling.sequence.continuousdata attribute)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.label", false]], "label (eitprocessing.datahandling.sequence.eitdata attribute)": [[16, "eitprocessing.datahandling.sequence.EITData.label", false]], "label (eitprocessing.datahandling.sequence.intervaldata attribute)": [[16, "eitprocessing.datahandling.sequence.IntervalData.label", false]], "label (eitprocessing.datahandling.sequence.sequence attribute)": [[16, "eitprocessing.datahandling.sequence.Sequence.label", false]], "label (eitprocessing.datahandling.sequence.sparsedata attribute)": [[16, "eitprocessing.datahandling.sequence.SparseData.label", false]], "label (eitprocessing.datahandling.sparsedata.sparsedata attribute)": [[17, "eitprocessing.datahandling.sparsedata.SparseData.label", false]], "load_draeger_data (in module eitprocessing.datahandling.loading.draeger)": [[8, "eitprocessing.datahandling.loading.draeger.load_draeger_data", false]], "load_eit_data() (in module eitprocessing.datahandling.loading)": [[9, "eitprocessing.datahandling.loading.load_eit_data", false]], "load_eit_data() (in module eitprocessing.datahandling.loading.draeger)": [[8, "eitprocessing.datahandling.loading.draeger.load_eit_data", false]], "load_eit_data() (in module eitprocessing.datahandling.loading.sentec)": [[10, "eitprocessing.datahandling.loading.sentec.load_eit_data", false]], "load_eit_data() (in module eitprocessing.datahandling.loading.timpel)": [[11, "eitprocessing.datahandling.loading.timpel.load_eit_data", false]], "load_from_single_path() (in module eitprocessing.datahandling.loading.draeger)": [[8, "eitprocessing.datahandling.loading.draeger.load_from_single_path", false]], "load_from_single_path() (in module eitprocessing.datahandling.loading.sentec)": [[10, "eitprocessing.datahandling.loading.sentec.load_from_single_path", false]], "load_from_single_path() (in module eitprocessing.datahandling.loading.timpel)": [[11, "eitprocessing.datahandling.loading.timpel.load_from_single_path", false]], "load_sentec_data (in module eitprocessing.datahandling.loading.sentec)": [[10, "eitprocessing.datahandling.loading.sentec.load_sentec_data", false]], "load_timpel_data (in module eitprocessing.datahandling.loading.timpel)": [[11, "eitprocessing.datahandling.loading.timpel.load_timpel_data", false]], "loaded (eitprocessing.datahandling.continuousdata.continuousdata property)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.loaded", false]], "loaded (eitprocessing.datahandling.datacollection.continuousdata property)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.loaded", false]], "loaded (eitprocessing.datahandling.loading.draeger.continuousdata property)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.loaded", false]], "loaded (eitprocessing.datahandling.loading.sentec.continuousdata property)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.loaded", false]], "loaded (eitprocessing.datahandling.loading.timpel.continuousdata property)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.loaded", false]], "loaded (eitprocessing.datahandling.sequence.continuousdata property)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.loaded", false]], "lock() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.lock", false]], "lock() (eitprocessing.datahandling.datacollection.continuousdata method)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.lock", false]], "lock() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.lock", false]], "lock() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.lock", false]], "lock() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.lock", false]], "lock() (eitprocessing.datahandling.sequence.continuousdata method)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.lock", false]], "locked (eitprocessing.datahandling.continuousdata.continuousdata property)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.locked", false]], "locked (eitprocessing.datahandling.datacollection.continuousdata property)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.locked", false]], "locked (eitprocessing.datahandling.loading.draeger.continuousdata property)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.locked", false]], "locked (eitprocessing.datahandling.loading.sentec.continuousdata property)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.locked", false]], "locked (eitprocessing.datahandling.loading.timpel.continuousdata property)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.locked", false]], "locked (eitprocessing.datahandling.sequence.continuousdata property)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.locked", false]], "lowpassfilter (class in eitprocessing.filters.butterworth_filters)": [[18, "eitprocessing.filters.butterworth_filters.LowPassFilter", false]], "marker (eitprocessing.datahandling.event.event attribute)": [[4, "eitprocessing.datahandling.event.Event.marker", false]], "marker (eitprocessing.datahandling.loading.draeger.event attribute)": [[8, "eitprocessing.datahandling.loading.draeger.Event.marker", false]], "max_order (in module eitprocessing.filters.butterworth_filters)": [[18, "eitprocessing.filters.butterworth_filters.MAX_ORDER", false]], "maxvalue (class in eitprocessing.datahandling.phases)": [[15, "eitprocessing.datahandling.phases.MaxValue", false]], "measurement (eitprocessing.datahandling.loading.sentec.domain attribute)": [[10, "eitprocessing.datahandling.loading.sentec.Domain.MEASUREMENT", false]], "measurementdataid (class in eitprocessing.datahandling.loading.sentec)": [[10, "eitprocessing.datahandling.loading.sentec.MeasurementDataID", false]], "middle_time (eitprocessing.datahandling.breath.breath attribute)": [[0, "eitprocessing.datahandling.breath.Breath.middle_time", false]], "middle_time (eitprocessing.datahandling.loading.timpel.breath attribute)": [[11, "eitprocessing.datahandling.loading.timpel.Breath.middle_time", false]], "minvalue (class in eitprocessing.datahandling.phases)": [[15, "eitprocessing.datahandling.phases.MinValue", false]], "module": [[0, "module-eitprocessing.datahandling.breath", false], [1, "module-eitprocessing.datahandling.continuousdata", false], [2, "module-eitprocessing.datahandling.datacollection", false], [3, "module-eitprocessing.datahandling.eitdata", false], [4, "module-eitprocessing.datahandling.event", false], [5, "module-eitprocessing.datahandling", false], [6, "module-eitprocessing.datahandling.intervaldata", false], [7, "module-eitprocessing.datahandling.loading.binreader", false], [8, "module-eitprocessing.datahandling.loading.draeger", false], [9, "module-eitprocessing.datahandling.loading", false], [10, "module-eitprocessing.datahandling.loading.sentec", false], [11, "module-eitprocessing.datahandling.loading.timpel", false], [12, "module-eitprocessing.datahandling.mixins.equality", false], [13, "module-eitprocessing.datahandling.mixins", false], [14, "module-eitprocessing.datahandling.mixins.slicing", false], [15, "module-eitprocessing.datahandling.phases", false], [16, "module-eitprocessing.datahandling.sequence", false], [17, "module-eitprocessing.datahandling.sparsedata", false], [18, "module-eitprocessing.filters.butterworth_filters", false], [19, "module-eitprocessing.filters", false], [20, "module-eitprocessing", false], [21, "module-eitprocessing.plotting.animate", false], [22, "module-eitprocessing.plotting", false], [23, "module-eitprocessing.plotting.plot", false]], "n (in module eitprocessing.datahandling.loading.binreader)": [[7, "eitprocessing.datahandling.loading.binreader.N", false]], "name (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.name", false]], "name (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.name", false]], "name (eitprocessing.datahandling.datacollection.eitdata attribute)": [[2, "eitprocessing.datahandling.datacollection.EITData.name", false]], "name (eitprocessing.datahandling.datacollection.intervaldata attribute)": [[2, "eitprocessing.datahandling.datacollection.IntervalData.name", false]], "name (eitprocessing.datahandling.datacollection.sparsedata attribute)": [[2, "eitprocessing.datahandling.datacollection.SparseData.name", false]], "name (eitprocessing.datahandling.eitdata.eitdata attribute)": [[3, "eitprocessing.datahandling.eitdata.EITData.name", false]], "name (eitprocessing.datahandling.intervaldata.intervaldata attribute)": [[6, "eitprocessing.datahandling.intervaldata.IntervalData.name", false]], "name (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.name", false]], "name (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.EITData.name", false]], "name (eitprocessing.datahandling.loading.draeger.intervaldata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.IntervalData.name", false]], "name (eitprocessing.datahandling.loading.draeger.sparsedata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.SparseData.name", false]], "name (eitprocessing.datahandling.loading.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.EITData.name", false]], "name (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.name", false]], "name (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.EITData.name", false]], "name (eitprocessing.datahandling.loading.sentec.sparsedata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.SparseData.name", false]], "name (eitprocessing.datahandling.loading.sequence attribute)": [[9, "eitprocessing.datahandling.loading.Sequence.name", false]], "name (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.name", false]], "name (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.EITData.name", false]], "name (eitprocessing.datahandling.loading.timpel.intervaldata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.IntervalData.name", false]], "name (eitprocessing.datahandling.loading.timpel.sparsedata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.SparseData.name", false]], "name (eitprocessing.datahandling.sequence.continuousdata attribute)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.name", false]], "name (eitprocessing.datahandling.sequence.eitdata attribute)": [[16, "eitprocessing.datahandling.sequence.EITData.name", false]], "name (eitprocessing.datahandling.sequence.intervaldata attribute)": [[16, "eitprocessing.datahandling.sequence.IntervalData.name", false]], "name (eitprocessing.datahandling.sequence.sequence attribute)": [[16, "eitprocessing.datahandling.sequence.Sequence.name", false]], "name (eitprocessing.datahandling.sequence.sparsedata attribute)": [[16, "eitprocessing.datahandling.sequence.SparseData.name", false]], "name (eitprocessing.datahandling.sparsedata.sparsedata attribute)": [[17, "eitprocessing.datahandling.sparsedata.SparseData.name", false]], "nframes (eitprocessing.datahandling.datacollection.eitdata attribute)": [[2, "eitprocessing.datahandling.datacollection.EITData.nframes", false]], "nframes (eitprocessing.datahandling.eitdata.eitdata attribute)": [[3, "eitprocessing.datahandling.eitdata.EITData.nframes", false]], "nframes (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.EITData.nframes", false]], "nframes (eitprocessing.datahandling.loading.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.EITData.nframes", false]], "nframes (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.EITData.nframes", false]], "nframes (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.EITData.nframes", false]], "nframes (eitprocessing.datahandling.sequence.eitdata attribute)": [[16, "eitprocessing.datahandling.sequence.EITData.nframes", false]], "npfloat32() (eitprocessing.datahandling.loading.binreader.binreader method)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader.npfloat32", false]], "npfloat32() (eitprocessing.datahandling.loading.draeger.binreader method)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader.npfloat32", false]], "npfloat32() (eitprocessing.datahandling.loading.sentec.binreader method)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader.npfloat32", false]], "npfloat64() (eitprocessing.datahandling.loading.binreader.binreader method)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader.npfloat64", false]], "npfloat64() (eitprocessing.datahandling.loading.draeger.binreader method)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader.npfloat64", false]], "npfloat64() (eitprocessing.datahandling.loading.sentec.binreader method)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader.npfloat64", false]], "npint32() (eitprocessing.datahandling.loading.binreader.binreader method)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader.npint32", false]], "npint32() (eitprocessing.datahandling.loading.draeger.binreader method)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader.npint32", false]], "npint32() (eitprocessing.datahandling.loading.sentec.binreader method)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader.npint32", false]], "obj (eitprocessing.datahandling.mixins.slicing.timeindexer attribute)": [[14, "eitprocessing.datahandling.mixins.slicing.TimeIndexer.obj", false]], "order (eitprocessing.filters.butterworth_filters.butterworthfilter attribute)": [[18, "eitprocessing.filters.butterworth_filters.ButterworthFilter.order", false]], "parameters (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.parameters", false]], "parameters (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.parameters", false]], "parameters (eitprocessing.datahandling.datacollection.intervaldata attribute)": [[2, "eitprocessing.datahandling.datacollection.IntervalData.parameters", false]], "parameters (eitprocessing.datahandling.datacollection.sparsedata attribute)": [[2, "eitprocessing.datahandling.datacollection.SparseData.parameters", false]], "parameters (eitprocessing.datahandling.intervaldata.intervaldata attribute)": [[6, "eitprocessing.datahandling.intervaldata.IntervalData.parameters", false]], "parameters (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.parameters", false]], "parameters (eitprocessing.datahandling.loading.draeger.intervaldata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.IntervalData.parameters", false]], "parameters (eitprocessing.datahandling.loading.draeger.sparsedata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.SparseData.parameters", false]], "parameters (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.parameters", false]], "parameters (eitprocessing.datahandling.loading.sentec.sparsedata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.SparseData.parameters", false]], "parameters (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.parameters", false]], "parameters (eitprocessing.datahandling.loading.timpel.intervaldata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.IntervalData.parameters", false]], "parameters (eitprocessing.datahandling.loading.timpel.sparsedata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.SparseData.parameters", false]], "parameters (eitprocessing.datahandling.sequence.continuousdata attribute)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.parameters", false]], "parameters (eitprocessing.datahandling.sequence.intervaldata attribute)": [[16, "eitprocessing.datahandling.sequence.IntervalData.parameters", false]], "parameters (eitprocessing.datahandling.sequence.sparsedata attribute)": [[16, "eitprocessing.datahandling.sequence.SparseData.parameters", false]], "parameters (eitprocessing.datahandling.sparsedata.sparsedata attribute)": [[17, "eitprocessing.datahandling.sparsedata.SparseData.parameters", false]], "partial_inclusion (eitprocessing.datahandling.datacollection.intervaldata attribute)": [[2, "eitprocessing.datahandling.datacollection.IntervalData.partial_inclusion", false]], "partial_inclusion (eitprocessing.datahandling.intervaldata.intervaldata attribute)": [[6, "eitprocessing.datahandling.intervaldata.IntervalData.partial_inclusion", false]], "partial_inclusion (eitprocessing.datahandling.loading.draeger.intervaldata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.IntervalData.partial_inclusion", false]], "partial_inclusion (eitprocessing.datahandling.loading.timpel.intervaldata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.IntervalData.partial_inclusion", false]], "partial_inclusion (eitprocessing.datahandling.sequence.intervaldata attribute)": [[16, "eitprocessing.datahandling.sequence.IntervalData.partial_inclusion", false]], "path (eitprocessing.datahandling.datacollection.eitdata attribute)": [[2, "eitprocessing.datahandling.datacollection.EITData.path", false]], "path (eitprocessing.datahandling.eitdata.eitdata attribute)": [[3, "eitprocessing.datahandling.eitdata.EITData.path", false]], "path (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.EITData.path", false]], "path (eitprocessing.datahandling.loading.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.EITData.path", false]], "path (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.EITData.path", false]], "path (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.EITData.path", false]], "path (eitprocessing.datahandling.sequence.eitdata attribute)": [[16, "eitprocessing.datahandling.sequence.EITData.path", false]], "phaseindicator (class in eitprocessing.datahandling.phases)": [[15, "eitprocessing.datahandling.phases.PhaseIndicator", false]], "pixel_impedance (eitprocessing.datahandling.datacollection.eitdata attribute)": [[2, "eitprocessing.datahandling.datacollection.EITData.pixel_impedance", false]], "pixel_impedance (eitprocessing.datahandling.eitdata.eitdata attribute)": [[3, "eitprocessing.datahandling.eitdata.EITData.pixel_impedance", false]], "pixel_impedance (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.EITData.pixel_impedance", false]], "pixel_impedance (eitprocessing.datahandling.loading.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.EITData.pixel_impedance", false]], "pixel_impedance (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.EITData.pixel_impedance", false]], "pixel_impedance (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.EITData.pixel_impedance", false]], "pixel_impedance (eitprocessing.datahandling.sequence.eitdata attribute)": [[16, "eitprocessing.datahandling.sequence.EITData.pixel_impedance", false]], "plot_waveforms() (in module eitprocessing.plotting.plot)": [[23, "eitprocessing.plotting.plot.plot_waveforms", false]], "qrsmark (class in eitprocessing.datahandling.phases)": [[15, "eitprocessing.datahandling.phases.QRSMark", false]], "read_array() (eitprocessing.datahandling.loading.binreader.binreader method)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader.read_array", false]], "read_array() (eitprocessing.datahandling.loading.draeger.binreader method)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader.read_array", false]], "read_array() (eitprocessing.datahandling.loading.sentec.binreader method)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader.read_array", false]], "read_list() (eitprocessing.datahandling.loading.binreader.binreader method)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader.read_list", false]], "read_list() (eitprocessing.datahandling.loading.draeger.binreader method)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader.read_list", false]], "read_list() (eitprocessing.datahandling.loading.sentec.binreader method)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader.read_list", false]], "read_single() (eitprocessing.datahandling.loading.binreader.binreader method)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader.read_single", false]], "read_single() (eitprocessing.datahandling.loading.draeger.binreader method)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader.read_single", false]], "read_single() (eitprocessing.datahandling.loading.sentec.binreader method)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader.read_single", false]], "read_string() (eitprocessing.datahandling.loading.binreader.binreader method)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader.read_string", false]], "read_string() (eitprocessing.datahandling.loading.draeger.binreader method)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader.read_string", false]], "read_string() (eitprocessing.datahandling.loading.sentec.binreader method)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader.read_string", false]], "sample_frequency (eitprocessing.filters.butterworth_filters.butterworthfilter attribute)": [[18, "eitprocessing.filters.butterworth_filters.ButterworthFilter.sample_frequency", false]], "select_by_index() (eitprocessing.datahandling.mixins.slicing.selectbyindex method)": [[14, "eitprocessing.datahandling.mixins.slicing.SelectByIndex.select_by_index", false]], "select_by_time() (eitprocessing.datahandling.continuousdata.selectbytime method)": [[1, "eitprocessing.datahandling.continuousdata.SelectByTime.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.datacollection.datacollection method)": [[2, "eitprocessing.datahandling.datacollection.DataCollection.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.datacollection.hastimeindexer method)": [[2, "eitprocessing.datahandling.datacollection.HasTimeIndexer.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.datacollection.intervaldata method)": [[2, "eitprocessing.datahandling.datacollection.IntervalData.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.eitdata.selectbytime method)": [[3, "eitprocessing.datahandling.eitdata.SelectByTime.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.intervaldata.hastimeindexer method)": [[6, "eitprocessing.datahandling.intervaldata.HasTimeIndexer.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.intervaldata.intervaldata method)": [[6, "eitprocessing.datahandling.intervaldata.IntervalData.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.loading.datacollection method)": [[9, "eitprocessing.datahandling.loading.DataCollection.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.loading.draeger.datacollection method)": [[8, "eitprocessing.datahandling.loading.draeger.DataCollection.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.loading.draeger.intervaldata method)": [[8, "eitprocessing.datahandling.loading.draeger.IntervalData.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.loading.sentec.datacollection method)": [[10, "eitprocessing.datahandling.loading.sentec.DataCollection.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.loading.sequence method)": [[9, "eitprocessing.datahandling.loading.Sequence.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.loading.timpel.datacollection method)": [[11, "eitprocessing.datahandling.loading.timpel.DataCollection.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.loading.timpel.intervaldata method)": [[11, "eitprocessing.datahandling.loading.timpel.IntervalData.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.mixins.slicing.hastimeindexer method)": [[14, "eitprocessing.datahandling.mixins.slicing.HasTimeIndexer.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.mixins.slicing.selectbytime method)": [[14, "eitprocessing.datahandling.mixins.slicing.SelectByTime.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.sequence.datacollection method)": [[16, "eitprocessing.datahandling.sequence.DataCollection.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.sequence.hastimeindexer method)": [[16, "eitprocessing.datahandling.sequence.HasTimeIndexer.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.sequence.intervaldata method)": [[16, "eitprocessing.datahandling.sequence.IntervalData.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.sequence.selectbytime method)": [[16, "eitprocessing.datahandling.sequence.SelectByTime.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.sequence.sequence method)": [[16, "eitprocessing.datahandling.sequence.Sequence.select_by_time", false]], "select_by_time() (eitprocessing.datahandling.sparsedata.selectbytime method)": [[17, "eitprocessing.datahandling.sparsedata.SelectByTime.select_by_time", false]], "selectbyindex (class in eitprocessing.datahandling.mixins.slicing)": [[14, "eitprocessing.datahandling.mixins.slicing.SelectByIndex", false]], "selectbytime (class in eitprocessing.datahandling.continuousdata)": [[1, "eitprocessing.datahandling.continuousdata.SelectByTime", false]], "selectbytime (class in eitprocessing.datahandling.eitdata)": [[3, "eitprocessing.datahandling.eitdata.SelectByTime", false]], "selectbytime (class in eitprocessing.datahandling.mixins.slicing)": [[14, "eitprocessing.datahandling.mixins.slicing.SelectByTime", false]], "selectbytime (class in eitprocessing.datahandling.sequence)": [[16, "eitprocessing.datahandling.sequence.SelectByTime", false]], "selectbytime (class in eitprocessing.datahandling.sparsedata)": [[17, "eitprocessing.datahandling.sparsedata.SelectByTime", false]], "sentec (eitprocessing.datahandling.eitdata.vendor attribute)": [[3, "eitprocessing.datahandling.eitdata.Vendor.SENTEC", false]], "sentec (eitprocessing.datahandling.loading.draeger.vendor attribute)": [[8, "eitprocessing.datahandling.loading.draeger.Vendor.SENTEC", false]], "sentec (eitprocessing.datahandling.loading.sentec.vendor attribute)": [[10, "eitprocessing.datahandling.loading.sentec.Vendor.SENTEC", false]], "sentec (eitprocessing.datahandling.loading.timpel.vendor attribute)": [[11, "eitprocessing.datahandling.loading.timpel.Vendor.SENTEC", false]], "sentec (eitprocessing.datahandling.loading.vendor attribute)": [[9, "eitprocessing.datahandling.loading.Vendor.SENTEC", false]], "sentec_framerate (in module eitprocessing.datahandling.loading.sentec)": [[10, "eitprocessing.datahandling.loading.sentec.SENTEC_FRAMERATE", false]], "sequence (class in eitprocessing.datahandling.loading)": [[9, "eitprocessing.datahandling.loading.Sequence", false]], "sequence (class in eitprocessing.datahandling.sequence)": [[16, "eitprocessing.datahandling.sequence.Sequence", false]], "signal_name (eitprocessing.datahandling.loading.draeger._medibusfield attribute)": [[8, "eitprocessing.datahandling.loading.draeger._MedibusField.signal_name", false]], "sparse_data (eitprocessing.datahandling.loading.sequence attribute)": [[9, "eitprocessing.datahandling.loading.Sequence.sparse_data", false]], "sparse_data (eitprocessing.datahandling.sequence.sequence attribute)": [[16, "eitprocessing.datahandling.sequence.Sequence.sparse_data", false]], "sparsedata (class in eitprocessing.datahandling.datacollection)": [[2, "eitprocessing.datahandling.datacollection.SparseData", false]], "sparsedata (class in eitprocessing.datahandling.loading.draeger)": [[8, "eitprocessing.datahandling.loading.draeger.SparseData", false]], "sparsedata (class in eitprocessing.datahandling.loading.sentec)": [[10, "eitprocessing.datahandling.loading.sentec.SparseData", false]], "sparsedata (class in eitprocessing.datahandling.loading.timpel)": [[11, "eitprocessing.datahandling.loading.timpel.SparseData", false]], "sparsedata (class in eitprocessing.datahandling.sequence)": [[16, "eitprocessing.datahandling.sequence.SparseData", false]], "sparsedata (class in eitprocessing.datahandling.sparsedata)": [[17, "eitprocessing.datahandling.sparsedata.SparseData", false]], "start_time (eitprocessing.datahandling.breath.breath attribute)": [[0, "eitprocessing.datahandling.breath.Breath.start_time", false]], "start_time (eitprocessing.datahandling.intervaldata.timerange attribute)": [[6, "eitprocessing.datahandling.intervaldata.TimeRange.start_time", false]], "start_time (eitprocessing.datahandling.loading.timpel.breath attribute)": [[11, "eitprocessing.datahandling.loading.timpel.Breath.start_time", false]], "string (eitprocessing.datahandling.loading.binreader.binreader attribute)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader.string", false]], "string (eitprocessing.datahandling.loading.draeger.binreader attribute)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader.string", false]], "string (eitprocessing.datahandling.loading.sentec.binreader attribute)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader.string", false]], "t (eitprocessing.datahandling.datacollection.hastimeindexer property)": [[2, "eitprocessing.datahandling.datacollection.HasTimeIndexer.t", false]], "t (eitprocessing.datahandling.intervaldata.hastimeindexer property)": [[6, "eitprocessing.datahandling.intervaldata.HasTimeIndexer.t", false]], "t (eitprocessing.datahandling.mixins.slicing.hastimeindexer property)": [[14, "eitprocessing.datahandling.mixins.slicing.HasTimeIndexer.t", false]], "t (eitprocessing.datahandling.sequence.hastimeindexer property)": [[16, "eitprocessing.datahandling.sequence.HasTimeIndexer.t", false]], "t (in module eitprocessing.datahandling.continuousdata)": [[1, "eitprocessing.datahandling.continuousdata.T", false]], "t (in module eitprocessing.datahandling.eitdata)": [[3, "eitprocessing.datahandling.eitdata.T", false]], "t (in module eitprocessing.datahandling.intervaldata)": [[6, "eitprocessing.datahandling.intervaldata.T", false]], "t (in module eitprocessing.datahandling.loading.binreader)": [[7, "eitprocessing.datahandling.loading.binreader.T", false]], "t (in module eitprocessing.datahandling.sparsedata)": [[17, "eitprocessing.datahandling.sparsedata.T", false]], "text (eitprocessing.datahandling.event.event attribute)": [[4, "eitprocessing.datahandling.event.Event.text", false]], "text (eitprocessing.datahandling.loading.draeger.event attribute)": [[8, "eitprocessing.datahandling.loading.draeger.Event.text", false]], "time (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.time", false]], "time (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.time", false]], "time (eitprocessing.datahandling.datacollection.eitdata attribute)": [[2, "eitprocessing.datahandling.datacollection.EITData.time", false]], "time (eitprocessing.datahandling.datacollection.sparsedata attribute)": [[2, "eitprocessing.datahandling.datacollection.SparseData.time", false]], "time (eitprocessing.datahandling.eitdata.eitdata attribute)": [[3, "eitprocessing.datahandling.eitdata.EITData.time", false]], "time (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.time", false]], "time (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.EITData.time", false]], "time (eitprocessing.datahandling.loading.draeger.sparsedata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.SparseData.time", false]], "time (eitprocessing.datahandling.loading.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.EITData.time", false]], "time (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.time", false]], "time (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.EITData.time", false]], "time (eitprocessing.datahandling.loading.sentec.sparsedata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.SparseData.time", false]], "time (eitprocessing.datahandling.loading.sequence property)": [[9, "eitprocessing.datahandling.loading.Sequence.time", false]], "time (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.time", false]], "time (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.EITData.time", false]], "time (eitprocessing.datahandling.loading.timpel.sparsedata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.SparseData.time", false]], "time (eitprocessing.datahandling.phases.phaseindicator attribute)": [[15, "eitprocessing.datahandling.phases.PhaseIndicator.time", false]], "time (eitprocessing.datahandling.sequence.continuousdata attribute)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.time", false]], "time (eitprocessing.datahandling.sequence.eitdata attribute)": [[16, "eitprocessing.datahandling.sequence.EITData.time", false]], "time (eitprocessing.datahandling.sequence.sequence property)": [[16, "eitprocessing.datahandling.sequence.Sequence.time", false]], "time (eitprocessing.datahandling.sequence.sparsedata attribute)": [[16, "eitprocessing.datahandling.sequence.SparseData.time", false]], "time (eitprocessing.datahandling.sparsedata.sparsedata attribute)": [[17, "eitprocessing.datahandling.sparsedata.SparseData.time", false]], "time_ranges (eitprocessing.datahandling.datacollection.intervaldata attribute)": [[2, "eitprocessing.datahandling.datacollection.IntervalData.time_ranges", false]], "time_ranges (eitprocessing.datahandling.intervaldata.intervaldata attribute)": [[6, "eitprocessing.datahandling.intervaldata.IntervalData.time_ranges", false]], "time_ranges (eitprocessing.datahandling.loading.draeger.intervaldata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.IntervalData.time_ranges", false]], "time_ranges (eitprocessing.datahandling.loading.timpel.intervaldata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.IntervalData.time_ranges", false]], "time_ranges (eitprocessing.datahandling.sequence.intervaldata attribute)": [[16, "eitprocessing.datahandling.sequence.IntervalData.time_ranges", false]], "timedomainfilter (class in eitprocessing.filters)": [[19, "eitprocessing.filters.TimeDomainFilter", false]], "timedomainfilter (class in eitprocessing.filters.butterworth_filters)": [[18, "eitprocessing.filters.butterworth_filters.TimeDomainFilter", false]], "timeindexer (class in eitprocessing.datahandling.mixins.slicing)": [[14, "eitprocessing.datahandling.mixins.slicing.TimeIndexer", false]], "timerange (class in eitprocessing.datahandling.intervaldata)": [[6, "eitprocessing.datahandling.intervaldata.TimeRange", false]], "timestamp (eitprocessing.datahandling.loading.sentec.measurementdataid attribute)": [[10, "eitprocessing.datahandling.loading.sentec.MeasurementDataID.TIMESTAMP", false]], "timpel (eitprocessing.datahandling.eitdata.vendor attribute)": [[3, "eitprocessing.datahandling.eitdata.Vendor.TIMPEL", false]], "timpel (eitprocessing.datahandling.loading.draeger.vendor attribute)": [[8, "eitprocessing.datahandling.loading.draeger.Vendor.TIMPEL", false]], "timpel (eitprocessing.datahandling.loading.sentec.vendor attribute)": [[10, "eitprocessing.datahandling.loading.sentec.Vendor.TIMPEL", false]], "timpel (eitprocessing.datahandling.loading.timpel.vendor attribute)": [[11, "eitprocessing.datahandling.loading.timpel.Vendor.TIMPEL", false]], "timpel (eitprocessing.datahandling.loading.vendor attribute)": [[9, "eitprocessing.datahandling.loading.Vendor.TIMPEL", false]], "timpel_framerate (in module eitprocessing.datahandling.loading.timpel)": [[11, "eitprocessing.datahandling.loading.timpel.TIMPEL_FRAMERATE", false]], "uint16() (eitprocessing.datahandling.loading.binreader.binreader method)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader.uint16", false]], "uint16() (eitprocessing.datahandling.loading.draeger.binreader method)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader.uint16", false]], "uint16() (eitprocessing.datahandling.loading.sentec.binreader method)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader.uint16", false]], "uint32() (eitprocessing.datahandling.loading.binreader.binreader method)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader.uint32", false]], "uint32() (eitprocessing.datahandling.loading.draeger.binreader method)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader.uint32", false]], "uint32() (eitprocessing.datahandling.loading.sentec.binreader method)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader.uint32", false]], "uint64() (eitprocessing.datahandling.loading.binreader.binreader method)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader.uint64", false]], "uint64() (eitprocessing.datahandling.loading.draeger.binreader method)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader.uint64", false]], "uint64() (eitprocessing.datahandling.loading.sentec.binreader method)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader.uint64", false]], "uint8() (eitprocessing.datahandling.loading.binreader.binreader method)": [[7, "eitprocessing.datahandling.loading.binreader.BinReader.uint8", false]], "uint8() (eitprocessing.datahandling.loading.draeger.binreader method)": [[8, "eitprocessing.datahandling.loading.draeger.BinReader.uint8", false]], "uint8() (eitprocessing.datahandling.loading.sentec.binreader method)": [[10, "eitprocessing.datahandling.loading.sentec.BinReader.uint8", false]], "unit (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.unit", false]], "unit (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.unit", false]], "unit (eitprocessing.datahandling.datacollection.intervaldata attribute)": [[2, "eitprocessing.datahandling.datacollection.IntervalData.unit", false]], "unit (eitprocessing.datahandling.datacollection.sparsedata attribute)": [[2, "eitprocessing.datahandling.datacollection.SparseData.unit", false]], "unit (eitprocessing.datahandling.intervaldata.intervaldata attribute)": [[6, "eitprocessing.datahandling.intervaldata.IntervalData.unit", false]], "unit (eitprocessing.datahandling.loading.draeger._medibusfield attribute)": [[8, "eitprocessing.datahandling.loading.draeger._MedibusField.unit", false]], "unit (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.unit", false]], "unit (eitprocessing.datahandling.loading.draeger.intervaldata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.IntervalData.unit", false]], "unit (eitprocessing.datahandling.loading.draeger.sparsedata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.SparseData.unit", false]], "unit (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.unit", false]], "unit (eitprocessing.datahandling.loading.sentec.sparsedata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.SparseData.unit", false]], "unit (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.unit", false]], "unit (eitprocessing.datahandling.loading.timpel.intervaldata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.IntervalData.unit", false]], "unit (eitprocessing.datahandling.loading.timpel.sparsedata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.SparseData.unit", false]], "unit (eitprocessing.datahandling.sequence.continuousdata attribute)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.unit", false]], "unit (eitprocessing.datahandling.sequence.intervaldata attribute)": [[16, "eitprocessing.datahandling.sequence.IntervalData.unit", false]], "unit (eitprocessing.datahandling.sequence.sparsedata attribute)": [[16, "eitprocessing.datahandling.sequence.SparseData.unit", false]], "unit (eitprocessing.datahandling.sparsedata.sparsedata attribute)": [[17, "eitprocessing.datahandling.sparsedata.SparseData.unit", false]], "unlock() (eitprocessing.datahandling.continuousdata.continuousdata method)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.unlock", false]], "unlock() (eitprocessing.datahandling.datacollection.continuousdata method)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.unlock", false]], "unlock() (eitprocessing.datahandling.loading.draeger.continuousdata method)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.unlock", false]], "unlock() (eitprocessing.datahandling.loading.sentec.continuousdata method)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.unlock", false]], "unlock() (eitprocessing.datahandling.loading.timpel.continuousdata method)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.unlock", false]], "unlock() (eitprocessing.datahandling.sequence.continuousdata method)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.unlock", false]], "v (in module eitprocessing.datahandling.datacollection)": [[2, "eitprocessing.datahandling.datacollection.V", false]], "v_classes (in module eitprocessing.datahandling.datacollection)": [[2, "eitprocessing.datahandling.datacollection.V_classes", false]], "values (eitprocessing.datahandling.continuousdata.continuousdata attribute)": [[1, "eitprocessing.datahandling.continuousdata.ContinuousData.values", false]], "values (eitprocessing.datahandling.datacollection.continuousdata attribute)": [[2, "eitprocessing.datahandling.datacollection.ContinuousData.values", false]], "values (eitprocessing.datahandling.datacollection.intervaldata attribute)": [[2, "eitprocessing.datahandling.datacollection.IntervalData.values", false]], "values (eitprocessing.datahandling.datacollection.sparsedata attribute)": [[2, "eitprocessing.datahandling.datacollection.SparseData.values", false]], "values (eitprocessing.datahandling.intervaldata.intervaldata attribute)": [[6, "eitprocessing.datahandling.intervaldata.IntervalData.values", false]], "values (eitprocessing.datahandling.loading.draeger.continuousdata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.ContinuousData.values", false]], "values (eitprocessing.datahandling.loading.draeger.intervaldata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.IntervalData.values", false]], "values (eitprocessing.datahandling.loading.draeger.sparsedata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.SparseData.values", false]], "values (eitprocessing.datahandling.loading.sentec.continuousdata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.ContinuousData.values", false]], "values (eitprocessing.datahandling.loading.sentec.sparsedata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.SparseData.values", false]], "values (eitprocessing.datahandling.loading.timpel.continuousdata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.ContinuousData.values", false]], "values (eitprocessing.datahandling.loading.timpel.intervaldata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.IntervalData.values", false]], "values (eitprocessing.datahandling.loading.timpel.sparsedata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.SparseData.values", false]], "values (eitprocessing.datahandling.sequence.continuousdata attribute)": [[16, "eitprocessing.datahandling.sequence.ContinuousData.values", false]], "values (eitprocessing.datahandling.sequence.intervaldata attribute)": [[16, "eitprocessing.datahandling.sequence.IntervalData.values", false]], "values (eitprocessing.datahandling.sequence.sparsedata attribute)": [[16, "eitprocessing.datahandling.sequence.SparseData.values", false]], "values (eitprocessing.datahandling.sparsedata.sparsedata attribute)": [[17, "eitprocessing.datahandling.sparsedata.SparseData.values", false]], "vendor (class in eitprocessing.datahandling.eitdata)": [[3, "eitprocessing.datahandling.eitdata.Vendor", false]], "vendor (class in eitprocessing.datahandling.loading)": [[9, "eitprocessing.datahandling.loading.Vendor", false]], "vendor (class in eitprocessing.datahandling.loading.draeger)": [[8, "eitprocessing.datahandling.loading.draeger.Vendor", false]], "vendor (class in eitprocessing.datahandling.loading.sentec)": [[10, "eitprocessing.datahandling.loading.sentec.Vendor", false]], "vendor (class in eitprocessing.datahandling.loading.timpel)": [[11, "eitprocessing.datahandling.loading.timpel.Vendor", false]], "vendor (eitprocessing.datahandling.datacollection.eitdata attribute)": [[2, "eitprocessing.datahandling.datacollection.EITData.vendor", false]], "vendor (eitprocessing.datahandling.eitdata.eitdata attribute)": [[3, "eitprocessing.datahandling.eitdata.EITData.vendor", false]], "vendor (eitprocessing.datahandling.loading.draeger.eitdata attribute)": [[8, "eitprocessing.datahandling.loading.draeger.EITData.vendor", false]], "vendor (eitprocessing.datahandling.loading.eitdata attribute)": [[9, "eitprocessing.datahandling.loading.EITData.vendor", false]], "vendor (eitprocessing.datahandling.loading.sentec.eitdata attribute)": [[10, "eitprocessing.datahandling.loading.sentec.EITData.vendor", false]], "vendor (eitprocessing.datahandling.loading.timpel.eitdata attribute)": [[11, "eitprocessing.datahandling.loading.timpel.EITData.vendor", false]], "vendor (eitprocessing.datahandling.sequence.eitdata attribute)": [[16, "eitprocessing.datahandling.sequence.EITData.vendor", false]], "zero_ref_image (eitprocessing.datahandling.loading.sentec.measurementdataid attribute)": [[10, "eitprocessing.datahandling.loading.sentec.MeasurementDataID.ZERO_REF_IMAGE", false]]}, "objects": {"": [[20, 0, 0, "-", "eitprocessing"]], "eitprocessing": [[5, 0, 0, "-", "datahandling"], [19, 0, 0, "-", "filters"], [22, 0, 0, "-", "plotting"]], "eitprocessing.datahandling": [[0, 0, 0, "-", "breath"], [1, 0, 0, "-", "continuousdata"], [2, 0, 0, "-", "datacollection"], [3, 0, 0, "-", "eitdata"], [4, 0, 0, "-", "event"], [6, 0, 0, "-", "intervaldata"], [9, 0, 0, "-", "loading"], [13, 0, 0, "-", "mixins"], [15, 0, 0, "-", "phases"], [16, 0, 0, "-", "sequence"], [17, 0, 0, "-", "sparsedata"]], "eitprocessing.datahandling.breath": [[0, 1, 1, "", "Breath"]], "eitprocessing.datahandling.breath.Breath": [[0, 2, 1, "", "end_time"], [0, 2, 1, "", "middle_time"], [0, 2, 1, "", "start_time"]], "eitprocessing.datahandling.continuousdata": [[1, 1, 1, "", "ContinuousData"], [1, 1, 1, "", "Equivalence"], [1, 1, 1, "", "SelectByTime"], [1, 5, 1, "", "T"]], "eitprocessing.datahandling.continuousdata.ContinuousData": [[1, 3, 1, "", "__add__"], [1, 3, 1, "", "__len__"], [1, 3, 1, "", "__post_init__"], [1, 3, 1, "", "__setattr__"], [1, 3, 1, "", "_sliced_copy"], [1, 2, 1, "", "category"], [1, 3, 1, "", "concatenate"], [1, 3, 1, "", "copy"], [1, 3, 1, "", "derive"], [1, 2, 1, "", "derived_from"], [1, 2, 1, "", "description"], [1, 2, 1, "", "label"], [1, 4, 1, "", "loaded"], [1, 3, 1, "", "lock"], [1, 4, 1, "", "locked"], [1, 2, 1, "", "name"], [1, 2, 1, "", "parameters"], [1, 2, 1, "", "time"], [1, 2, 1, "", "unit"], [1, 3, 1, "", "unlock"], [1, 2, 1, "", "values"]], "eitprocessing.datahandling.continuousdata.Equivalence": [[1, 3, 1, "", "__eq__"], [1, 3, 1, "", "_array_safe_eq"], [1, 3, 1, "", "_eq_dataclass"], [1, 3, 1, "", "_eq_userdict"], [1, 3, 1, "", "isequivalent"]], "eitprocessing.datahandling.continuousdata.SelectByTime": [[1, 3, 1, "", "select_by_time"]], "eitprocessing.datahandling.datacollection": [[2, 1, 1, "", "ContinuousData"], [2, 1, 1, "", "DataCollection"], [2, 1, 1, "", "EITData"], [2, 1, 1, "", "Equivalence"], [2, 1, 1, "", "HasTimeIndexer"], [2, 1, 1, "", "IntervalData"], [2, 1, 1, "", "SparseData"], [2, 5, 1, "", "V"], [2, 5, 1, "", "V_classes"]], "eitprocessing.datahandling.datacollection.ContinuousData": [[2, 3, 1, "", "__add__"], [2, 3, 1, "", "__len__"], [2, 3, 1, "", "__post_init__"], [2, 3, 1, "", "__setattr__"], [2, 3, 1, "", "_sliced_copy"], [2, 2, 1, "", "category"], [2, 3, 1, "", "concatenate"], [2, 3, 1, "", "copy"], [2, 3, 1, "", "derive"], [2, 2, 1, "", "derived_from"], [2, 2, 1, "", "description"], [2, 2, 1, "", "label"], [2, 4, 1, "", "loaded"], [2, 3, 1, "", "lock"], [2, 4, 1, "", "locked"], [2, 2, 1, "", "name"], [2, 2, 1, "", "parameters"], [2, 2, 1, "", "time"], [2, 2, 1, "", "unit"], [2, 3, 1, "", "unlock"], [2, 2, 1, "", "values"]], "eitprocessing.datahandling.datacollection.DataCollection": [[2, 3, 1, "", "__setitem__"], [2, 3, 1, "", "_check_item"], [2, 3, 1, "", "add"], [2, 3, 1, "", "concatenate"], [2, 2, 1, "", "data_type"], [2, 3, 1, "", "get_data_derived_from"], [2, 3, 1, "", "get_derived_data"], [2, 3, 1, "", "get_loaded_data"], [2, 3, 1, "", "select_by_time"]], "eitprocessing.datahandling.datacollection.EITData": [[2, 3, 1, "", "__add__"], [2, 3, 1, "", "__len__"], [2, 3, 1, "", "__post_init__"], [2, 3, 1, "", "_calculate_global_impedance"], [2, 3, 1, "", "_sliced_copy"], [2, 3, 1, "", "concatenate"], [2, 3, 1, "", "ensure_path_list"], [2, 2, 1, "", "framerate"], [2, 2, 1, "", "label"], [2, 2, 1, "", "name"], [2, 2, 1, "", "nframes"], [2, 2, 1, "", "path"], [2, 2, 1, "", "pixel_impedance"], [2, 2, 1, "", "time"], [2, 2, 1, "", "vendor"]], "eitprocessing.datahandling.datacollection.Equivalence": [[2, 3, 1, "", "__eq__"], [2, 3, 1, "", "_array_safe_eq"], [2, 3, 1, "", "_eq_dataclass"], [2, 3, 1, "", "_eq_userdict"], [2, 3, 1, "", "isequivalent"]], "eitprocessing.datahandling.datacollection.HasTimeIndexer": [[2, 3, 1, "", "select_by_time"], [2, 4, 1, "", "t"]], "eitprocessing.datahandling.datacollection.IntervalData": [[2, 3, 1, "", "__len__"], [2, 3, 1, "", "__post_init__"], [2, 3, 1, "", "__repr__"], [2, 2, 1, "", "category"], [2, 3, 1, "", "concatenate"], [2, 2, 1, "", "derived_from"], [2, 2, 1, "", "description"], [2, 2, 1, "", "label"], [2, 2, 1, "", "name"], [2, 2, 1, "", "parameters"], [2, 2, 1, "", "partial_inclusion"], [2, 3, 1, "", "select_by_time"], [2, 2, 1, "", "time_ranges"], [2, 2, 1, "", "unit"], [2, 2, 1, "", "values"]], "eitprocessing.datahandling.datacollection.SparseData": [[2, 3, 1, "", "__len__"], [2, 3, 1, "", "__post_init__"], [2, 3, 1, "", "__repr__"], [2, 3, 1, "", "_sliced_copy"], [2, 2, 1, "", "category"], [2, 3, 1, "", "concatenate"], [2, 2, 1, "", "derived_from"], [2, 2, 1, "", "description"], [2, 2, 1, "", "label"], [2, 2, 1, "", "name"], [2, 2, 1, "", "parameters"], [2, 2, 1, "", "time"], [2, 2, 1, "", "unit"], [2, 2, 1, "", "values"]], "eitprocessing.datahandling.eitdata": [[3, 1, 1, "", "EITData"], [3, 1, 1, "", "Equivalence"], [3, 1, 1, "", "SelectByTime"], [3, 5, 1, "", "T"], [3, 1, 1, "", "Vendor"]], "eitprocessing.datahandling.eitdata.EITData": [[3, 3, 1, "", "__add__"], [3, 3, 1, "", "__len__"], [3, 3, 1, "", "__post_init__"], [3, 3, 1, "", "_calculate_global_impedance"], [3, 3, 1, "", "_sliced_copy"], [3, 3, 1, "", "concatenate"], [3, 3, 1, "", "ensure_path_list"], [3, 2, 1, "", "framerate"], [3, 2, 1, "", "label"], [3, 2, 1, "", "name"], [3, 2, 1, "", "nframes"], [3, 2, 1, "", "path"], [3, 2, 1, "", "pixel_impedance"], [3, 2, 1, "", "time"], [3, 2, 1, "", "vendor"]], "eitprocessing.datahandling.eitdata.Equivalence": [[3, 3, 1, "", "__eq__"], [3, 3, 1, "", "_array_safe_eq"], [3, 3, 1, "", "_eq_dataclass"], [3, 3, 1, "", "_eq_userdict"], [3, 3, 1, "", "isequivalent"]], "eitprocessing.datahandling.eitdata.SelectByTime": [[3, 3, 1, "", "select_by_time"]], "eitprocessing.datahandling.eitdata.Vendor": [[3, 2, 1, "", "DRAEGER"], [3, 2, 1, "", "DRAGER"], [3, 2, 1, "id0", "DR\u00c4GER"], [3, 2, 1, "", "SENTEC"], [3, 2, 1, "", "TIMPEL"]], "eitprocessing.datahandling.event": [[4, 1, 1, "", "Event"]], "eitprocessing.datahandling.event.Event": [[4, 2, 1, "", "marker"], [4, 2, 1, "", "text"]], "eitprocessing.datahandling.intervaldata": [[6, 1, 1, "", "Equivalence"], [6, 1, 1, "", "HasTimeIndexer"], [6, 1, 1, "", "IntervalData"], [6, 5, 1, "", "T"], [6, 1, 1, "", "TimeRange"]], "eitprocessing.datahandling.intervaldata.Equivalence": [[6, 3, 1, "", "__eq__"], [6, 3, 1, "", "_array_safe_eq"], [6, 3, 1, "", "_eq_dataclass"], [6, 3, 1, "", "_eq_userdict"], [6, 3, 1, "", "isequivalent"]], "eitprocessing.datahandling.intervaldata.HasTimeIndexer": [[6, 3, 1, "", "select_by_time"], [6, 4, 1, "", "t"]], "eitprocessing.datahandling.intervaldata.IntervalData": [[6, 3, 1, "", "__len__"], [6, 3, 1, "", "__post_init__"], [6, 3, 1, "", "__repr__"], [6, 2, 1, "", "category"], [6, 3, 1, "", "concatenate"], [6, 2, 1, "", "derived_from"], [6, 2, 1, "", "description"], [6, 2, 1, "", "label"], [6, 2, 1, "", "name"], [6, 2, 1, "", "parameters"], [6, 2, 1, "", "partial_inclusion"], [6, 3, 1, "", "select_by_time"], [6, 2, 1, "", "time_ranges"], [6, 2, 1, "", "unit"], [6, 2, 1, "", "values"]], "eitprocessing.datahandling.intervaldata.TimeRange": [[6, 2, 1, "", "end_time"], [6, 2, 1, "", "start_time"]], "eitprocessing.datahandling.loading": [[9, 1, 1, "", "DataCollection"], [9, 1, 1, "", "EITData"], [9, 1, 1, "", "Sequence"], [9, 1, 1, "", "Vendor"], [9, 6, 1, "", "_check_first_frame"], [9, 6, 1, "", "_ensure_vendor"], [7, 0, 0, "-", "binreader"], [8, 0, 0, "-", "draeger"], [9, 6, 1, "", "load_eit_data"], [10, 0, 0, "-", "sentec"], [11, 0, 0, "-", "timpel"]], "eitprocessing.datahandling.loading.DataCollection": [[9, 3, 1, "", "__setitem__"], [9, 3, 1, "", "_check_item"], [9, 3, 1, "", "add"], [9, 3, 1, "", "concatenate"], [9, 2, 1, "", "data_type"], [9, 3, 1, "", "get_data_derived_from"], [9, 3, 1, "", "get_derived_data"], [9, 3, 1, "", "get_loaded_data"], [9, 3, 1, "", "select_by_time"]], "eitprocessing.datahandling.loading.EITData": [[9, 3, 1, "", "__add__"], [9, 3, 1, "", "__len__"], [9, 3, 1, "", "__post_init__"], [9, 3, 1, "", "_calculate_global_impedance"], [9, 3, 1, "", "_sliced_copy"], [9, 3, 1, "", "concatenate"], [9, 3, 1, "", "ensure_path_list"], [9, 2, 1, "", "framerate"], [9, 2, 1, "", "label"], [9, 2, 1, "", "name"], [9, 2, 1, "", "nframes"], [9, 2, 1, "", "path"], [9, 2, 1, "", "pixel_impedance"], [9, 2, 1, "", "time"], [9, 2, 1, "", "vendor"]], "eitprocessing.datahandling.loading.Sequence": [[9, 3, 1, "", "__add__"], [9, 3, 1, "", "__len__"], [9, 3, 1, "", "__post_init__"], [9, 3, 1, "", "_sliced_copy"], [9, 3, 1, "", "concatenate"], [9, 2, 1, "", "continuous_data"], [9, 2, 1, "", "description"], [9, 2, 1, "", "eit_data"], [9, 2, 1, "", "interval_data"], [9, 2, 1, "", "label"], [9, 2, 1, "", "name"], [9, 3, 1, "", "select_by_time"], [9, 2, 1, "", "sparse_data"], [9, 4, 1, "", "time"]], "eitprocessing.datahandling.loading.Vendor": [[9, 2, 1, "", "DRAEGER"], [9, 2, 1, "", "DRAGER"], [9, 2, 1, "id0", "DR\u00c4GER"], [9, 2, 1, "", "SENTEC"], [9, 2, 1, "", "TIMPEL"]], "eitprocessing.datahandling.loading.binreader": [[7, 1, 1, "", "BinReader"], [7, 5, 1, "", "N"], [7, 5, 1, "", "T"]], "eitprocessing.datahandling.loading.binreader.BinReader": [[7, 3, 1, "", "_read_full_type_code"], [7, 2, 1, "", "endian"], [7, 2, 1, "", "file_handle"], [7, 3, 1, "", "float32"], [7, 3, 1, "", "float64"], [7, 3, 1, "", "int32"], [7, 3, 1, "", "npfloat32"], [7, 3, 1, "", "npfloat64"], [7, 3, 1, "", "npint32"], [7, 3, 1, "", "read_array"], [7, 3, 1, "", "read_list"], [7, 3, 1, "", "read_single"], [7, 3, 1, "", "read_string"], [7, 2, 1, "", "string"], [7, 3, 1, "", "uint16"], [7, 3, 1, "", "uint32"], [7, 3, 1, "", "uint64"], [7, 3, 1, "", "uint8"]], "eitprocessing.datahandling.loading.draeger": [[8, 1, 1, "", "BinReader"], [8, 1, 1, "", "ContinuousData"], [8, 5, 1, "", "DRAEGER_FRAMERATE"], [8, 1, 1, "", "DataCollection"], [8, 1, 1, "", "EITData"], [8, 1, 1, "", "Event"], [8, 1, 1, "", "IntervalData"], [8, 1, 1, "", "SparseData"], [8, 1, 1, "", "Vendor"], [8, 5, 1, "", "_FRAME_SIZE_BYTES"], [8, 1, 1, "", "_MedibusField"], [8, 6, 1, "", "_convert_medibus_data"], [8, 5, 1, "", "_medibus_fields"], [8, 6, 1, "", "_read_frame"], [8, 5, 1, "", "load_draeger_data"], [8, 6, 1, "", "load_eit_data"], [8, 6, 1, "", "load_from_single_path"]], "eitprocessing.datahandling.loading.draeger.BinReader": [[8, 3, 1, "", "_read_full_type_code"], [8, 2, 1, "", "endian"], [8, 2, 1, "", "file_handle"], [8, 3, 1, "", "float32"], [8, 3, 1, "", "float64"], [8, 3, 1, "", "int32"], [8, 3, 1, "", "npfloat32"], [8, 3, 1, "", "npfloat64"], [8, 3, 1, "", "npint32"], [8, 3, 1, "", "read_array"], [8, 3, 1, "", "read_list"], [8, 3, 1, "", "read_single"], [8, 3, 1, "", "read_string"], [8, 2, 1, "", "string"], [8, 3, 1, "", "uint16"], [8, 3, 1, "", "uint32"], [8, 3, 1, "", "uint64"], [8, 3, 1, "", "uint8"]], "eitprocessing.datahandling.loading.draeger.ContinuousData": [[8, 3, 1, "", "__add__"], [8, 3, 1, "", "__len__"], [8, 3, 1, "", "__post_init__"], [8, 3, 1, "", "__setattr__"], [8, 3, 1, "", "_sliced_copy"], [8, 2, 1, "", "category"], [8, 3, 1, "", "concatenate"], [8, 3, 1, "", "copy"], [8, 3, 1, "", "derive"], [8, 2, 1, "", "derived_from"], [8, 2, 1, "", "description"], [8, 2, 1, "", "label"], [8, 4, 1, "", "loaded"], [8, 3, 1, "", "lock"], [8, 4, 1, "", "locked"], [8, 2, 1, "", "name"], [8, 2, 1, "", "parameters"], [8, 2, 1, "", "time"], [8, 2, 1, "", "unit"], [8, 3, 1, "", "unlock"], [8, 2, 1, "", "values"]], "eitprocessing.datahandling.loading.draeger.DataCollection": [[8, 3, 1, "", "__setitem__"], [8, 3, 1, "", "_check_item"], [8, 3, 1, "", "add"], [8, 3, 1, "", "concatenate"], [8, 2, 1, "", "data_type"], [8, 3, 1, "", "get_data_derived_from"], [8, 3, 1, "", "get_derived_data"], [8, 3, 1, "", "get_loaded_data"], [8, 3, 1, "", "select_by_time"]], "eitprocessing.datahandling.loading.draeger.EITData": [[8, 3, 1, "", "__add__"], [8, 3, 1, "", "__len__"], [8, 3, 1, "", "__post_init__"], [8, 3, 1, "", "_calculate_global_impedance"], [8, 3, 1, "", "_sliced_copy"], [8, 3, 1, "", "concatenate"], [8, 3, 1, "", "ensure_path_list"], [8, 2, 1, "", "framerate"], [8, 2, 1, "", "label"], [8, 2, 1, "", "name"], [8, 2, 1, "", "nframes"], [8, 2, 1, "", "path"], [8, 2, 1, "", "pixel_impedance"], [8, 2, 1, "", "time"], [8, 2, 1, "", "vendor"]], "eitprocessing.datahandling.loading.draeger.Event": [[8, 2, 1, "", "marker"], [8, 2, 1, "", "text"]], "eitprocessing.datahandling.loading.draeger.IntervalData": [[8, 3, 1, "", "__len__"], [8, 3, 1, "", "__post_init__"], [8, 3, 1, "", "__repr__"], [8, 2, 1, "", "category"], [8, 3, 1, "", "concatenate"], [8, 2, 1, "", "derived_from"], [8, 2, 1, "", "description"], [8, 2, 1, "", "label"], [8, 2, 1, "", "name"], [8, 2, 1, "", "parameters"], [8, 2, 1, "", "partial_inclusion"], [8, 3, 1, "", "select_by_time"], [8, 2, 1, "", "time_ranges"], [8, 2, 1, "", "unit"], [8, 2, 1, "", "values"]], "eitprocessing.datahandling.loading.draeger.SparseData": [[8, 3, 1, "", "__len__"], [8, 3, 1, "", "__post_init__"], [8, 3, 1, "", "__repr__"], [8, 3, 1, "", "_sliced_copy"], [8, 2, 1, "", "category"], [8, 3, 1, "", "concatenate"], [8, 2, 1, "", "derived_from"], [8, 2, 1, "", "description"], [8, 2, 1, "", "label"], [8, 2, 1, "", "name"], [8, 2, 1, "", "parameters"], [8, 2, 1, "", "time"], [8, 2, 1, "", "unit"], [8, 2, 1, "", "values"]], "eitprocessing.datahandling.loading.draeger.Vendor": [[8, 2, 1, "", "DRAEGER"], [8, 2, 1, "", "DRAGER"], [8, 2, 1, "id0", "DR\u00c4GER"], [8, 2, 1, "", "SENTEC"], [8, 2, 1, "", "TIMPEL"]], "eitprocessing.datahandling.loading.draeger._MedibusField": [[8, 2, 1, "", "continuous"], [8, 2, 1, "", "signal_name"], [8, 2, 1, "", "unit"]], "eitprocessing.datahandling.loading.sentec": [[10, 1, 1, "", "BinReader"], [10, 1, 1, "", "ConfigurationDataID"], [10, 1, 1, "", "ContinuousData"], [10, 1, 1, "", "DataCollection"], [10, 1, 1, "", "Domain"], [10, 1, 1, "", "EITData"], [10, 1, 1, "", "MeasurementDataID"], [10, 5, 1, "", "SENTEC_FRAMERATE"], [10, 1, 1, "", "SparseData"], [10, 1, 1, "", "Vendor"], [10, 6, 1, "", "_read_frame"], [10, 6, 1, "", "load_eit_data"], [10, 6, 1, "", "load_from_single_path"], [10, 5, 1, "", "load_sentec_data"]], "eitprocessing.datahandling.loading.sentec.BinReader": [[10, 3, 1, "", "_read_full_type_code"], [10, 2, 1, "", "endian"], [10, 2, 1, "", "file_handle"], [10, 3, 1, "", "float32"], [10, 3, 1, "", "float64"], [10, 3, 1, "", "int32"], [10, 3, 1, "", "npfloat32"], [10, 3, 1, "", "npfloat64"], [10, 3, 1, "", "npint32"], [10, 3, 1, "", "read_array"], [10, 3, 1, "", "read_list"], [10, 3, 1, "", "read_single"], [10, 3, 1, "", "read_string"], [10, 2, 1, "", "string"], [10, 3, 1, "", "uint16"], [10, 3, 1, "", "uint32"], [10, 3, 1, "", "uint64"], [10, 3, 1, "", "uint8"]], "eitprocessing.datahandling.loading.sentec.ConfigurationDataID": [[10, 2, 1, "", "FRAMERATE"]], "eitprocessing.datahandling.loading.sentec.ContinuousData": [[10, 3, 1, "", "__add__"], [10, 3, 1, "", "__len__"], [10, 3, 1, "", "__post_init__"], [10, 3, 1, "", "__setattr__"], [10, 3, 1, "", "_sliced_copy"], [10, 2, 1, "", "category"], [10, 3, 1, "", "concatenate"], [10, 3, 1, "", "copy"], [10, 3, 1, "", "derive"], [10, 2, 1, "", "derived_from"], [10, 2, 1, "", "description"], [10, 2, 1, "", "label"], [10, 4, 1, "", "loaded"], [10, 3, 1, "", "lock"], [10, 4, 1, "", "locked"], [10, 2, 1, "", "name"], [10, 2, 1, "", "parameters"], [10, 2, 1, "", "time"], [10, 2, 1, "", "unit"], [10, 3, 1, "", "unlock"], [10, 2, 1, "", "values"]], "eitprocessing.datahandling.loading.sentec.DataCollection": [[10, 3, 1, "", "__setitem__"], [10, 3, 1, "", "_check_item"], [10, 3, 1, "", "add"], [10, 3, 1, "", "concatenate"], [10, 2, 1, "", "data_type"], [10, 3, 1, "", "get_data_derived_from"], [10, 3, 1, "", "get_derived_data"], [10, 3, 1, "", "get_loaded_data"], [10, 3, 1, "", "select_by_time"]], "eitprocessing.datahandling.loading.sentec.Domain": [[10, 2, 1, "", "CONFIGURATION"], [10, 2, 1, "", "MEASUREMENT"]], "eitprocessing.datahandling.loading.sentec.EITData": [[10, 3, 1, "", "__add__"], [10, 3, 1, "", "__len__"], [10, 3, 1, "", "__post_init__"], [10, 3, 1, "", "_calculate_global_impedance"], [10, 3, 1, "", "_sliced_copy"], [10, 3, 1, "", "concatenate"], [10, 3, 1, "", "ensure_path_list"], [10, 2, 1, "", "framerate"], [10, 2, 1, "", "label"], [10, 2, 1, "", "name"], [10, 2, 1, "", "nframes"], [10, 2, 1, "", "path"], [10, 2, 1, "", "pixel_impedance"], [10, 2, 1, "", "time"], [10, 2, 1, "", "vendor"]], "eitprocessing.datahandling.loading.sentec.MeasurementDataID": [[10, 2, 1, "", "TIMESTAMP"], [10, 2, 1, "", "ZERO_REF_IMAGE"]], "eitprocessing.datahandling.loading.sentec.SparseData": [[10, 3, 1, "", "__len__"], [10, 3, 1, "", "__post_init__"], [10, 3, 1, "", "__repr__"], [10, 3, 1, "", "_sliced_copy"], [10, 2, 1, "", "category"], [10, 3, 1, "", "concatenate"], [10, 2, 1, "", "derived_from"], [10, 2, 1, "", "description"], [10, 2, 1, "", "label"], [10, 2, 1, "", "name"], [10, 2, 1, "", "parameters"], [10, 2, 1, "", "time"], [10, 2, 1, "", "unit"], [10, 2, 1, "", "values"]], "eitprocessing.datahandling.loading.sentec.Vendor": [[10, 2, 1, "", "DRAEGER"], [10, 2, 1, "", "DRAGER"], [10, 2, 1, "id0", "DR\u00c4GER"], [10, 2, 1, "", "SENTEC"], [10, 2, 1, "", "TIMPEL"]], "eitprocessing.datahandling.loading.timpel": [[11, 1, 1, "", "Breath"], [11, 1, 1, "", "ContinuousData"], [11, 1, 1, "", "DataCollection"], [11, 1, 1, "", "EITData"], [11, 1, 1, "", "IntervalData"], [11, 1, 1, "", "SparseData"], [11, 5, 1, "", "TIMPEL_FRAMERATE"], [11, 1, 1, "", "Vendor"], [11, 5, 1, "", "_COLUMN_WIDTH"], [11, 5, 1, "", "_NAN_VALUE"], [11, 6, 1, "", "_make_breaths"], [11, 6, 1, "", "load_eit_data"], [11, 6, 1, "", "load_from_single_path"], [11, 5, 1, "", "load_timpel_data"]], "eitprocessing.datahandling.loading.timpel.Breath": [[11, 2, 1, "", "end_time"], [11, 2, 1, "", "middle_time"], [11, 2, 1, "", "start_time"]], "eitprocessing.datahandling.loading.timpel.ContinuousData": [[11, 3, 1, "", "__add__"], [11, 3, 1, "", "__len__"], [11, 3, 1, "", "__post_init__"], [11, 3, 1, "", "__setattr__"], [11, 3, 1, "", "_sliced_copy"], [11, 2, 1, "", "category"], [11, 3, 1, "", "concatenate"], [11, 3, 1, "", "copy"], [11, 3, 1, "", "derive"], [11, 2, 1, "", "derived_from"], [11, 2, 1, "", "description"], [11, 2, 1, "", "label"], [11, 4, 1, "", "loaded"], [11, 3, 1, "", "lock"], [11, 4, 1, "", "locked"], [11, 2, 1, "", "name"], [11, 2, 1, "", "parameters"], [11, 2, 1, "", "time"], [11, 2, 1, "", "unit"], [11, 3, 1, "", "unlock"], [11, 2, 1, "", "values"]], "eitprocessing.datahandling.loading.timpel.DataCollection": [[11, 3, 1, "", "__setitem__"], [11, 3, 1, "", "_check_item"], [11, 3, 1, "", "add"], [11, 3, 1, "", "concatenate"], [11, 2, 1, "", "data_type"], [11, 3, 1, "", "get_data_derived_from"], [11, 3, 1, "", "get_derived_data"], [11, 3, 1, "", "get_loaded_data"], [11, 3, 1, "", "select_by_time"]], "eitprocessing.datahandling.loading.timpel.EITData": [[11, 3, 1, "", "__add__"], [11, 3, 1, "", "__len__"], [11, 3, 1, "", "__post_init__"], [11, 3, 1, "", "_calculate_global_impedance"], [11, 3, 1, "", "_sliced_copy"], [11, 3, 1, "", "concatenate"], [11, 3, 1, "", "ensure_path_list"], [11, 2, 1, "", "framerate"], [11, 2, 1, "", "label"], [11, 2, 1, "", "name"], [11, 2, 1, "", "nframes"], [11, 2, 1, "", "path"], [11, 2, 1, "", "pixel_impedance"], [11, 2, 1, "", "time"], [11, 2, 1, "", "vendor"]], "eitprocessing.datahandling.loading.timpel.IntervalData": [[11, 3, 1, "", "__len__"], [11, 3, 1, "", "__post_init__"], [11, 3, 1, "", "__repr__"], [11, 2, 1, "", "category"], [11, 3, 1, "", "concatenate"], [11, 2, 1, "", "derived_from"], [11, 2, 1, "", "description"], [11, 2, 1, "", "label"], [11, 2, 1, "", "name"], [11, 2, 1, "", "parameters"], [11, 2, 1, "", "partial_inclusion"], [11, 3, 1, "", "select_by_time"], [11, 2, 1, "", "time_ranges"], [11, 2, 1, "", "unit"], [11, 2, 1, "", "values"]], "eitprocessing.datahandling.loading.timpel.SparseData": [[11, 3, 1, "", "__len__"], [11, 3, 1, "", "__post_init__"], [11, 3, 1, "", "__repr__"], [11, 3, 1, "", "_sliced_copy"], [11, 2, 1, "", "category"], [11, 3, 1, "", "concatenate"], [11, 2, 1, "", "derived_from"], [11, 2, 1, "", "description"], [11, 2, 1, "", "label"], [11, 2, 1, "", "name"], [11, 2, 1, "", "parameters"], [11, 2, 1, "", "time"], [11, 2, 1, "", "unit"], [11, 2, 1, "", "values"]], "eitprocessing.datahandling.loading.timpel.Vendor": [[11, 2, 1, "", "DRAEGER"], [11, 2, 1, "", "DRAGER"], [11, 2, 1, "id0", "DR\u00c4GER"], [11, 2, 1, "", "SENTEC"], [11, 2, 1, "", "TIMPEL"]], "eitprocessing.datahandling.mixins": [[12, 0, 0, "-", "equality"], [14, 0, 0, "-", "slicing"]], "eitprocessing.datahandling.mixins.equality": [[12, 1, 1, "", "Equivalence"], [12, 7, 1, "", "EquivalenceError"]], "eitprocessing.datahandling.mixins.equality.Equivalence": [[12, 3, 1, "", "__eq__"], [12, 3, 1, "", "_array_safe_eq"], [12, 3, 1, "", "_eq_dataclass"], [12, 3, 1, "", "_eq_userdict"], [12, 3, 1, "", "isequivalent"]], "eitprocessing.datahandling.mixins.slicing": [[14, 1, 1, "", "HasTimeIndexer"], [14, 1, 1, "", "SelectByIndex"], [14, 1, 1, "", "SelectByTime"], [14, 1, 1, "", "TimeIndexer"]], "eitprocessing.datahandling.mixins.slicing.HasTimeIndexer": [[14, 3, 1, "", "select_by_time"], [14, 4, 1, "", "t"]], "eitprocessing.datahandling.mixins.slicing.SelectByIndex": [[14, 3, 1, "", "__getitem__"], [14, 3, 1, "", "__len__"], [14, 3, 1, "", "_sliced_copy"], [14, 2, 1, "", "label"], [14, 3, 1, "", "select_by_index"]], "eitprocessing.datahandling.mixins.slicing.SelectByTime": [[14, 3, 1, "", "select_by_time"]], "eitprocessing.datahandling.mixins.slicing.TimeIndexer": [[14, 3, 1, "", "__getitem__"], [14, 2, 1, "", "obj"]], "eitprocessing.datahandling.phases": [[15, 1, 1, "", "MaxValue"], [15, 1, 1, "", "MinValue"], [15, 1, 1, "", "PhaseIndicator"], [15, 1, 1, "", "QRSMark"]], "eitprocessing.datahandling.phases.PhaseIndicator": [[15, 2, 1, "", "index"], [15, 2, 1, "", "time"]], "eitprocessing.datahandling.sequence": [[16, 1, 1, "", "ContinuousData"], [16, 1, 1, "", "DataCollection"], [16, 1, 1, "", "EITData"], [16, 1, 1, "", "Equivalence"], [16, 1, 1, "", "HasTimeIndexer"], [16, 1, 1, "", "IntervalData"], [16, 1, 1, "", "SelectByTime"], [16, 1, 1, "", "Sequence"], [16, 1, 1, "", "SparseData"]], "eitprocessing.datahandling.sequence.ContinuousData": [[16, 3, 1, "", "__add__"], [16, 3, 1, "", "__len__"], [16, 3, 1, "", "__post_init__"], [16, 3, 1, "", "__setattr__"], [16, 3, 1, "", "_sliced_copy"], [16, 2, 1, "", "category"], [16, 3, 1, "", "concatenate"], [16, 3, 1, "", "copy"], [16, 3, 1, "", "derive"], [16, 2, 1, "", "derived_from"], [16, 2, 1, "", "description"], [16, 2, 1, "", "label"], [16, 4, 1, "", "loaded"], [16, 3, 1, "", "lock"], [16, 4, 1, "", "locked"], [16, 2, 1, "", "name"], [16, 2, 1, "", "parameters"], [16, 2, 1, "", "time"], [16, 2, 1, "", "unit"], [16, 3, 1, "", "unlock"], [16, 2, 1, "", "values"]], "eitprocessing.datahandling.sequence.DataCollection": [[16, 3, 1, "", "__setitem__"], [16, 3, 1, "", "_check_item"], [16, 3, 1, "", "add"], [16, 3, 1, "", "concatenate"], [16, 2, 1, "", "data_type"], [16, 3, 1, "", "get_data_derived_from"], [16, 3, 1, "", "get_derived_data"], [16, 3, 1, "", "get_loaded_data"], [16, 3, 1, "", "select_by_time"]], "eitprocessing.datahandling.sequence.EITData": [[16, 3, 1, "", "__add__"], [16, 3, 1, "", "__len__"], [16, 3, 1, "", "__post_init__"], [16, 3, 1, "", "_calculate_global_impedance"], [16, 3, 1, "", "_sliced_copy"], [16, 3, 1, "", "concatenate"], [16, 3, 1, "", "ensure_path_list"], [16, 2, 1, "", "framerate"], [16, 2, 1, "", "label"], [16, 2, 1, "", "name"], [16, 2, 1, "", "nframes"], [16, 2, 1, "", "path"], [16, 2, 1, "", "pixel_impedance"], [16, 2, 1, "", "time"], [16, 2, 1, "", "vendor"]], "eitprocessing.datahandling.sequence.Equivalence": [[16, 3, 1, "", "__eq__"], [16, 3, 1, "", "_array_safe_eq"], [16, 3, 1, "", "_eq_dataclass"], [16, 3, 1, "", "_eq_userdict"], [16, 3, 1, "", "isequivalent"]], "eitprocessing.datahandling.sequence.HasTimeIndexer": [[16, 3, 1, "", "select_by_time"], [16, 4, 1, "", "t"]], "eitprocessing.datahandling.sequence.IntervalData": [[16, 3, 1, "", "__len__"], [16, 3, 1, "", "__post_init__"], [16, 3, 1, "", "__repr__"], [16, 2, 1, "", "category"], [16, 3, 1, "", "concatenate"], [16, 2, 1, "", "derived_from"], [16, 2, 1, "", "description"], [16, 2, 1, "", "label"], [16, 2, 1, "", "name"], [16, 2, 1, "", "parameters"], [16, 2, 1, "", "partial_inclusion"], [16, 3, 1, "", "select_by_time"], [16, 2, 1, "", "time_ranges"], [16, 2, 1, "", "unit"], [16, 2, 1, "", "values"]], "eitprocessing.datahandling.sequence.SelectByTime": [[16, 3, 1, "", "select_by_time"]], "eitprocessing.datahandling.sequence.Sequence": [[16, 3, 1, "", "__add__"], [16, 3, 1, "", "__len__"], [16, 3, 1, "", "__post_init__"], [16, 3, 1, "", "_sliced_copy"], [16, 3, 1, "", "concatenate"], [16, 2, 1, "", "continuous_data"], [16, 2, 1, "", "description"], [16, 2, 1, "", "eit_data"], [16, 2, 1, "", "interval_data"], [16, 2, 1, "", "label"], [16, 2, 1, "", "name"], [16, 3, 1, "", "select_by_time"], [16, 2, 1, "", "sparse_data"], [16, 4, 1, "", "time"]], "eitprocessing.datahandling.sequence.SparseData": [[16, 3, 1, "", "__len__"], [16, 3, 1, "", "__post_init__"], [16, 3, 1, "", "__repr__"], [16, 3, 1, "", "_sliced_copy"], [16, 2, 1, "", "category"], [16, 3, 1, "", "concatenate"], [16, 2, 1, "", "derived_from"], [16, 2, 1, "", "description"], [16, 2, 1, "", "label"], [16, 2, 1, "", "name"], [16, 2, 1, "", "parameters"], [16, 2, 1, "", "time"], [16, 2, 1, "", "unit"], [16, 2, 1, "", "values"]], "eitprocessing.datahandling.sparsedata": [[17, 1, 1, "", "Equivalence"], [17, 1, 1, "", "SelectByTime"], [17, 1, 1, "", "SparseData"], [17, 5, 1, "", "T"]], "eitprocessing.datahandling.sparsedata.Equivalence": [[17, 3, 1, "", "__eq__"], [17, 3, 1, "", "_array_safe_eq"], [17, 3, 1, "", "_eq_dataclass"], [17, 3, 1, "", "_eq_userdict"], [17, 3, 1, "", "isequivalent"]], "eitprocessing.datahandling.sparsedata.SelectByTime": [[17, 3, 1, "", "select_by_time"]], "eitprocessing.datahandling.sparsedata.SparseData": [[17, 3, 1, "", "__len__"], [17, 3, 1, "", "__post_init__"], [17, 3, 1, "", "__repr__"], [17, 3, 1, "", "_sliced_copy"], [17, 2, 1, "", "category"], [17, 3, 1, "", "concatenate"], [17, 2, 1, "", "derived_from"], [17, 2, 1, "", "description"], [17, 2, 1, "", "label"], [17, 2, 1, "", "name"], [17, 2, 1, "", "parameters"], [17, 2, 1, "", "time"], [17, 2, 1, "", "unit"], [17, 2, 1, "", "values"]], "eitprocessing.filters": [[19, 1, 1, "", "TimeDomainFilter"], [18, 0, 0, "-", "butterworth_filters"]], "eitprocessing.filters.TimeDomainFilter": [[19, 3, 1, "", "apply_filter"], [19, 2, 1, "", "available_in_gui"]], "eitprocessing.filters.butterworth_filters": [[18, 1, 1, "", "BandPassFilter"], [18, 1, 1, "", "BandStopFilter"], [18, 1, 1, "", "ButterworthFilter"], [18, 5, 1, "", "FILTER_TYPES"], [18, 1, 1, "", "HighPassFilter"], [18, 1, 1, "", "LowPassFilter"], [18, 5, 1, "", "MAX_ORDER"], [18, 1, 1, "", "TimeDomainFilter"]], "eitprocessing.filters.butterworth_filters.BandPassFilter": [[18, 2, 1, "", "available_in_gui"], [18, 2, 1, "", "filter_type"]], "eitprocessing.filters.butterworth_filters.BandStopFilter": [[18, 2, 1, "", "available_in_gui"], [18, 2, 1, "", "filter_type"]], "eitprocessing.filters.butterworth_filters.ButterworthFilter": [[18, 3, 1, "", "__post_init__"], [18, 3, 1, "", "_check_init"], [18, 3, 1, "", "_set_filter_type_class"], [18, 3, 1, "", "apply_filter"], [18, 2, 1, "", "cutoff_frequency"], [18, 2, 1, "", "filter_type"], [18, 2, 1, "", "ignore_max_order"], [18, 2, 1, "", "order"], [18, 2, 1, "", "sample_frequency"]], "eitprocessing.filters.butterworth_filters.HighPassFilter": [[18, 2, 1, "", "available_in_gui"], [18, 2, 1, "", "filter_type"]], "eitprocessing.filters.butterworth_filters.LowPassFilter": [[18, 2, 1, "", "available_in_gui"], [18, 2, 1, "", "filter_type"]], "eitprocessing.filters.butterworth_filters.TimeDomainFilter": [[18, 3, 1, "", "apply_filter"], [18, 2, 1, "", "available_in_gui"]], "eitprocessing.plotting": [[21, 0, 0, "-", "animate"], [23, 0, 0, "-", "plot"]], "eitprocessing.plotting.animate": [[21, 6, 1, "", "animate_EITDataVariant"]], "eitprocessing.plotting.plot": [[23, 6, 1, "", "plot_waveforms"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "attribute", "Python attribute"], "3": ["py", "method", "Python method"], "4": ["py", "property", "Python property"], "5": ["py", "data", "Python data"], "6": ["py", "function", "Python function"], "7": ["py", "exception", "Python exception"]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:attribute", "3": "py:method", "4": "py:property", "5": "py:data", "6": "py:function", "7": "py:exception"}, "terms": {"": [1, 2, 3, 6, 7, 8, 9, 10, 11, 12, 16, 17], "0": [1, 2, 8, 9, 10, 11, 16, 18], "1": [1, 2, 7, 8, 10, 11, 16, 18, 24], "10": [7, 8, 10, 18], "100": 18, "1000": [1, 2, 8, 10, 11, 16], "1030": 11, "16": [7, 8, 10], "2": [1, 2, 8, 9, 10, 11, 16, 18], "20": [8, 9, 10, 11], "250": 18, "3": [1, 2, 7, 8, 10, 11, 16], "32": [7, 8, 10], "4": 18, "4358": 8, "45": 18, "5": 10, "50": [8, 9, 10, 11], "64": [7, 8, 10], "8": [7, 8, 10], "A": [2, 6, 7, 8, 9, 10, 11, 16], "By": [2, 8, 9, 10, 11, 16], "For": 18, "If": [1, 2, 3, 6, 8, 9, 10, 11, 12, 16, 17, 18, 26], "In": [2, 8, 9, 10, 11, 16, 17], "That": [2, 6, 8, 11, 16], "The": [1, 2, 3, 7, 8, 9, 10, 11, 16, 18], "These": [2, 8, 9, 10, 11, 16, 17], "__add__": [1, 2, 3, 8, 9, 10, 11, 16], "__eq__": [1, 2, 3, 6, 12, 16, 17], "__getitem__": 14, "__init__": 18, "__kei": [2, 8, 9, 10, 11, 16], "__len__": [1, 2, 3, 6, 8, 9, 10, 11, 14, 16, 17], "__post_init__": [1, 2, 3, 6, 8, 9, 10, 11, 16, 17, 18], "__repr__": [2, 6, 8, 10, 11, 16, 17], "__setattr__": [1, 2, 8, 10, 11, 16], "__setitem__": [2, 8, 9, 10, 11, 16], "__valu": [2, 8, 9, 10, 11, 16], "_array_safe_eq": [1, 2, 3, 6, 12, 16, 17], "_calculate_global_imped": [2, 3, 8, 9, 10, 11, 16], "_check_first_fram": 9, "_check_init": 18, "_check_item": [2, 8, 9, 10, 11, 16], "_column_width": 11, "_convert_medibus_data": 8, "_ensure_vendor": 9, "_eq_dataclass": [1, 2, 3, 6, 12, 16, 17], "_eq_userdict": [1, 2, 3, 6, 12, 16, 17], "_frame_size_byt": 8, "_make_breath": 11, "_medibus_field": 8, "_medibusfield": 8, "_nan_valu": 11, "_read_fram": [8, 10], "_read_full_type_cod": [7, 8, 10], "_set_filter_type_class": 18, "_sliced_copi": [1, 2, 3, 8, 9, 10, 11, 14, 16, 17], "abc": [1, 2, 8, 10, 11, 14, 16, 18, 19], "about": 26, "absolut": [8, 9, 10, 11], "abstract": [2, 6, 14, 16, 18, 19], "access": [2, 6, 14, 16], "actual": [8, 9, 10, 11], "ad": [2, 8, 9, 10, 11, 16], "add": [1, 2, 3, 6, 8, 9, 10, 11, 12, 14, 16, 17], "after": [2, 6, 8, 11, 16], "airwai": [1, 2, 3, 6, 8, 10, 11, 12, 16, 17], "align": [7, 8, 10], "aliv": 25, "all": [1, 2, 3, 8, 9, 10, 11, 14, 16, 17], "allow": [2, 8, 9, 10, 11, 16], "alreadi": [2, 8, 9, 10, 11, 16], "also": [2, 8, 10, 11, 14, 16, 17], "alter": [1, 2, 8, 10, 11, 16], "altern": [2, 6, 8, 11, 16], "an": [1, 2, 3, 4, 6, 7, 8, 9, 10, 11, 12, 14, 15, 16, 17, 18], "ani": [1, 2, 3, 6, 7, 8, 9, 10, 11, 12, 16, 17], "anim": [22, 24], "animate_eitdatavari": 21, "appli": [18, 19], "applic": [2, 8, 10, 11, 16, 17], "apply_filt": [18, 19], "ar": [1, 2, 3, 6, 8, 9, 10, 11, 12, 14, 16, 17, 18, 26], "arang": 18, "arg": [2, 6, 8, 9, 10, 11, 14, 16], "argument": [1, 2, 3, 6, 8, 9, 10, 11, 14, 16, 17, 18], "arrai": [1, 2, 3, 6, 7, 8, 10, 11, 12, 16, 17], "arraylik": [18, 19], "associ": [2, 6, 7, 8, 10, 11, 16, 17], "assum": 18, "assur": 9, "attach": [1, 2, 3, 8, 9, 10, 11, 14, 16, 17], "attr": [1, 2, 8, 10, 11, 16], "attribut": [9, 14, 16], "attributeerror": [1, 2, 8, 10, 11, 16], "auto": 24, "autoapi": 24, "automat": 15, "avail": [7, 8, 10], "available_in_gui": [18, 19], "axi": [1, 2, 3, 6, 8, 9, 10, 11, 14, 16, 17, 18], "b": [1, 2, 3, 6, 9, 12, 16, 17, 18], "backward": 18, "band": 18, "bandpass": 18, "bandpassfilt": 18, "bandstop": 18, "bandstopfilt": 18, "base": [0, 1, 2, 3, 6, 8, 9, 10, 11, 12, 14, 15, 16, 17, 18, 19], "baselin": [2, 3, 8, 9, 10, 11, 16], "befor": [2, 6, 8, 11, 16], "behavior": [1, 2, 3, 6, 12, 14, 16, 17], "being": [2, 6, 8, 11, 16], "better": 18, "between": [1, 2, 3, 6, 12, 14, 16, 17], "big": [7, 8, 10], "binari": [7, 8, 10], "binaryio": 10, "binread": [8, 9, 10, 24], "bit": [7, 8, 10], "bite": 10, "blob": 25, "bool": [1, 2, 3, 6, 8, 9, 10, 11, 12, 14, 16, 17, 18, 21], "bracket": 14, "breath": [2, 5, 6, 8, 9, 11, 16, 24], "buffer": [7, 8, 10], "bufferedread": [7, 8, 10], "butter": 18, "butterworth": 18, "butterworth_filt": [19, 24], "butterworthfilt": 18, "byte": [7, 8, 10], "calcul": [2, 3, 8, 9, 10, 11, 16], "call": 14, "callabl": [1, 2, 8, 10, 11, 16], "can": [1, 2, 3, 6, 7, 8, 9, 10, 11, 12, 14, 16, 17, 18], "cannot": [1, 2, 8, 10, 11, 16], "cascad": 18, "case": [1, 2, 3, 6, 8, 11, 12, 16, 17], "cast": [7, 8, 10], "categori": [1, 2, 3, 6, 8, 10, 11, 12, 16, 17], "charact": [7, 8, 10], "check": [1, 2, 3, 6, 8, 9, 10, 11, 12, 16, 17, 18], "class": 26, "classmethod": [9, 16], "cmap": 21, "code": [7, 8, 10], "collect": [1, 2, 8, 9, 10, 11, 16], "com": 25, "combin": [9, 16], "compar": [1, 2, 3, 6, 12, 16, 17, 18], "comparison": [1, 2, 3, 6, 12, 16, 17], "compat": [1, 2, 3, 6, 12, 16, 17], "complex": [2, 8, 10, 11, 16, 17], "comput": [1, 2, 6, 8, 9, 10, 11, 16, 17], "concaten": [1, 2, 3, 6, 8, 9, 10, 11, 16, 17], "configur": 10, "configurationdataid": 10, "consist": [2, 6, 8, 9, 10, 11, 16, 17], "constist": [2, 6, 8, 11, 16], "contain": [1, 2, 3, 6, 8, 9, 10, 11, 12, 14, 16, 17, 18, 24], "continu": [1, 2, 3, 8, 9, 10, 11, 16], "continuous_data": [9, 16], "continuousdata": [2, 5, 6, 8, 9, 10, 11, 16, 24], "control": [1, 3, 14, 16, 17], "conveni": [2, 3, 8, 9, 10, 11, 16, 18], "convert_data": [1, 2, 8, 10, 11, 16], "copi": [1, 2, 3, 8, 9, 10, 11, 14, 16, 17], "correct": [8, 9, 10, 11], "creat": [1, 2, 3, 8, 9, 10, 11, 14, 16, 17, 18, 24], "current": [1, 2, 8, 10, 11, 16, 17], "cutoff": 18, "cutoff_frequ": 18, "cutoff_frequenct": 18, "data": [1, 2, 3, 6, 7, 8, 9, 10, 11, 12, 14, 16, 17, 18, 19], "data_id": 10, "data_typ": [2, 8, 9, 10, 11, 16], "dataclass": [1, 2, 3, 6, 12, 16, 17, 18], "datacollect": [5, 8, 9, 10, 11, 16, 24], "datahandl": [20, 24], "de": [2, 8, 9, 10, 11, 14, 16], "def": [1, 2, 8, 10, 11, 16], "default": [1, 2, 3, 8, 9, 10, 11, 14, 16, 17, 18], "defin": 14, "denomin": 18, "deriv": [1, 2, 3, 6, 8, 9, 10, 11, 16, 17], "derived_from": [1, 2, 6, 8, 10, 11, 16, 17], "describ": [1, 2, 3, 6, 8, 9, 10, 11, 12, 14, 16, 17], "descript": [1, 2, 3, 6, 8, 9, 10, 11, 14, 16, 17], "detect": [2, 6, 8, 10, 11, 16, 17], "detected_breath": [2, 6, 8, 11, 16], "dev": 25, "devic": [3, 8, 9, 10, 11, 15], "dict": [1, 2, 6, 8, 9, 10, 11, 16, 17], "dictionari": [2, 8, 9, 10, 11, 16], "differ": [2, 6, 8, 9, 10, 11, 16, 17], "digit": 18, "directli": [2, 3, 8, 9, 10, 11, 14, 16], "disk": [1, 2, 3, 7, 8, 9, 10, 11, 16], "divid": [1, 2, 8, 10, 11, 16], "do": [2, 6, 8, 11, 16], "doc": [7, 8, 10, 18], "document": 24, "doe": [1, 2, 3, 6, 8, 9, 10, 11, 14, 16, 17, 18], "domain": [10, 18, 19], "don": 18, "done": 14, "doubl": 18, "draeger": [3, 9, 10, 11, 24], "draeger_framer": 8, "drager": [3, 8, 9, 10, 11], "drive": [2, 6, 8, 11, 16], "dr\u00e4ger": [3, 8, 9, 10, 11], "due": 18, "dure": [4, 8], "e": [1, 2, 3, 6, 7, 8, 9, 10, 11, 12, 14, 16, 17], "each": [2, 3, 8, 9, 10, 11, 16, 17], "edit": [1, 2, 8, 10, 11, 16], "effect": 18, "eit": [1, 2, 3, 4, 8, 9, 10, 11, 15, 16, 25], "eit_data": [8, 9, 10, 11, 16, 21], "eit_data_vari": 21, "eitdata": [2, 5, 8, 9, 10, 11, 16, 24], "eitdatavari": 21, "either": [2, 3, 7, 8, 9, 10, 11, 16], "eitprocess": [24, 25], "ellipsi": [7, 8, 10], "elsewher": [1, 2, 8, 10, 11, 16], "end": [0, 1, 2, 3, 6, 8, 10, 11, 14, 16, 17], "end_inclus": [1, 2, 3, 6, 8, 9, 10, 11, 14, 16, 17], "end_index": [1, 2, 3, 8, 9, 10, 11, 14, 16, 17], "end_tim": [0, 1, 2, 3, 6, 8, 9, 10, 11, 14, 16, 17], "endian": [7, 8, 10], "ensur": 14, "ensure_path_list": [2, 3, 8, 9, 10, 11, 16], "entir": [9, 16], "enum": [3, 8, 9, 10, 11], "equal": [1, 2, 3, 6, 8, 9, 10, 11, 13, 16, 17, 24], "equival": [1, 2, 3, 6, 8, 9, 10, 11, 12, 16, 17], "equivalenceerror": [1, 2, 3, 6, 12, 16, 17], "essenti": [1, 2, 8, 10, 11, 16], "etc": [1, 2, 3, 6, 8, 9, 10, 11, 12, 16, 17], "even": [1, 2, 3, 6, 9, 12, 16, 17], "evenli": [2, 8, 10, 11, 16, 17], "event": [5, 8, 9, 16, 24], "exactli": [1, 3, 14, 16, 17], "exampl": [1, 2, 6, 8, 9, 10, 11, 14, 16, 17, 18], "except": 18, "exist": [1, 2, 3, 6, 8, 9, 10, 11, 14, 16, 17], "expect": [2, 8, 9, 10, 11, 14, 16], "expir": [2, 8, 10, 11, 16, 17], "expiratoi": [2, 8, 10, 11, 16, 17], "expiratori": [2, 6, 8, 11, 16], "expiratory_breath_hold": [2, 6, 8, 11, 16], "extend": [1, 2, 6, 8, 9, 10, 11, 16, 17], "facto": 14, "fall": [1, 2, 8, 10, 11, 16, 17], "fals": [1, 2, 3, 6, 8, 9, 10, 11, 12, 14, 16, 17, 18, 21], "fh": 10, "file": [7, 8, 9, 10, 11], "file1": [8, 9, 10, 11], "file2": [8, 9, 10, 11], "file_handl": [7, 8, 10], "filter": [20, 24], "filter_typ": 18, "filtered_sign": 18, "filtfilt": 18, "final": [8, 9, 10, 11], "first": [1, 2, 3, 8, 9, 10, 11, 14, 16, 17], "first_fram": [8, 9, 10, 11], "float": [0, 1, 2, 3, 6, 7, 8, 9, 10, 11, 14, 15, 16, 17, 18], "float32": [7, 8, 10], "float64": [7, 8, 10], "flow": [1, 2, 3, 6, 12, 16, 17], "form": [9, 16], "forward": 18, "frame": [1, 2, 3, 8, 9, 10, 11, 14, 16, 17], "framer": [2, 3, 8, 9, 10, 11, 16], "frequenc": 18, "from": [1, 2, 3, 6, 7, 8, 9, 10, 11, 14, 15, 16, 17], "full_type_cod": [7, 8, 10], "func_arg": [1, 2, 8, 10, 11, 16], "function": [1, 2, 7, 14, 16, 18, 26], "furthermor": [2, 8, 9, 10, 11, 16], "g": [1, 2, 3, 6, 7, 8, 9, 10, 11, 12, 14, 16, 17], "gener": [2, 8, 9, 10, 11, 16, 17, 18, 24, 26], "get": [1, 3, 14, 16, 17], "get_data_derived_from": [2, 8, 9, 10, 11, 16], "get_derived_data": [2, 8, 9, 10, 11, 16], "get_loaded_data": [2, 8, 9, 10, 11, 16], "gi": 11, "github": 25, "give": [2, 6, 14, 16], "given": [1, 2, 3, 6, 7, 8, 9, 10, 11, 14, 16, 17, 18], "global": [2, 3, 8, 9, 10, 11, 16], "ha": [2, 8, 9, 10, 11, 16, 18], "handl": [7, 8, 10], "happen": 14, "hastimeindex": [1, 2, 3, 6, 8, 9, 10, 11, 14, 16, 17], "have": [2, 6, 8, 9, 10, 11, 16], "helper": [7, 8, 10, 14], "here": [1, 2, 8, 10, 11, 16, 26], "high": 18, "higher": 18, "highpass": 18, "highpassfilt": 18, "hold": [2, 3, 6, 8, 9, 10, 11, 16], "html": [7, 8, 10, 18], "http": [7, 8, 10, 18, 25], "human": [1, 2, 6, 8, 9, 10, 11, 16, 17], "hz": 18, "i": [1, 2, 3, 6, 7, 8, 9, 10, 11, 12, 14, 16, 17, 18, 26], "id": 10, "ignor": [2, 6, 8, 11, 16], "ignore_max_ord": 18, "imag": 10, "imped": [2, 3, 8, 9, 10, 11, 16, 17], "implement": [1, 2, 3, 8, 9, 10, 11, 14, 16, 17], "improv": 18, "includ": [1, 2, 3, 6, 8, 11, 14, 16, 17], "incorrect": 18, "index": [0, 1, 3, 8, 9, 10, 11, 14, 15, 16, 17, 26], "indic": [1, 2, 3, 6, 8, 9, 10, 11, 14, 15, 16, 17], "individu": [9, 16], "inform": 26, "initi": [2, 3, 8, 9, 10, 11, 16], "initial_measur": [8, 9, 10, 11], "initvar": 18, "input": [1, 3, 14, 16, 17, 18, 19], "input_data": [18, 19], "insid": [1, 3, 14, 16, 17], "inspir": [2, 8, 10, 11, 16, 17], "instanc": [1, 2, 8, 9, 10, 11, 16], "instead": [2, 3, 6, 8, 9, 10, 11, 14, 16], "int": [1, 2, 3, 4, 6, 7, 8, 9, 10, 11, 14, 15, 16, 17, 18], "int32": [7, 8, 10], "integ": [7, 8, 10], "intenum": 10, "intermedi": [1, 2, 8, 10, 11, 16, 17], "interpret": [8, 9, 10, 11], "interv": [2, 6, 8, 11, 16], "interval_data": [9, 16], "intervaldata": [2, 5, 8, 10, 11, 16, 17, 24], "io": [7, 8, 10], "isequival": [1, 2, 3, 6, 12, 16, 17], "isn": 18, "item": [2, 8, 9, 10, 11, 16], "its": [1, 2, 3, 6, 8, 11, 14, 16, 17], "itself": [2, 8, 9, 10, 11, 16], "just": [9, 16], "keep": [2, 6, 8, 11, 16], "kei": [2, 8, 9, 10, 11, 14, 16], "keyerror": [2, 8, 9, 10, 11, 16], "kwarg": [1, 2, 6, 8, 9, 10, 11, 14, 16], "l": [1, 2, 8, 10, 11, 16], "label": [1, 2, 3, 6, 8, 9, 10, 11, 14, 16, 17], "larger": 18, "last": [1, 3, 14, 16, 17, 18], "length": [2, 6, 7, 8, 10, 11, 16], "librari": [7, 8, 10], "list": [1, 2, 3, 6, 7, 8, 9, 10, 11, 14, 16, 17, 21], "liter": [7, 8, 10, 18], "littl": [7, 8, 10], "load": [1, 2, 3, 5, 16, 24], "load_data": [8, 9, 10, 11], "load_draeger_data": [8, 9, 10, 11], "load_eit_data": [2, 3, 6, 8, 9, 10, 11, 14, 16], "load_from_single_path": [8, 10, 11], "load_sentec_data": 10, "load_timpel_data": 11, "local": 15, "lock": [1, 2, 8, 10, 11, 16], "long": [8, 9, 10, 11], "look": 26, "low": 18, "lower": [8, 9, 10, 11, 18], "lowercasestrenum": [3, 8, 9, 10, 11], "lowpass": 18, "lowpass_filt": 18, "lowpassfilt": 18, "lung": [1, 2, 8, 10, 11, 16, 17], "made": [1, 2, 8, 10, 11, 16], "main": 25, "make": [1, 2, 8, 10, 11, 16], "maneuv": [2, 6, 8, 11, 16], "manufactur": [3, 8, 9, 10, 11], "mark": 15, "marker": [4, 8], "match": [1, 2, 3, 6, 8, 9, 10, 11, 12, 14, 16, 17], "matrix": 10, "max_fram": [8, 9, 10, 11], "max_indic": 11, "max_ord": 18, "maximum": [8, 9, 10, 11, 15, 18], "maxvalu": 15, "md": 25, "mean": [1, 2, 3, 6, 8, 11, 12, 16, 17], "meant": [2, 3, 8, 9, 10, 11, 16], "measur": [2, 3, 4, 8, 9, 10, 11, 15, 16], "measurementdataid": 10, "medibus_data": 8, "meet": 18, "merg": [1, 2, 3, 6, 9, 12, 16, 17], "metadata": [2, 3, 8, 9, 10, 11, 16], "method": [1, 2, 3, 6, 8, 9, 10, 11, 12, 14, 16, 17, 18, 26], "middl": [0, 11], "middle_tim": [0, 11], "might": [2, 6, 8, 11, 16], "min_indic": 11, "min_ord": 18, "minim": 18, "minimum": 15, "minvalu": 15, "mixin": [1, 2, 3, 5, 6, 8, 9, 10, 11, 16, 17, 24], "ml": [1, 2, 8, 10, 11, 16], "mmap": [7, 8, 10], "modul": 26, "more": [7, 8, 9, 10, 16, 18], "most": [2, 8, 9, 10, 11, 16], "multipl": [2, 7, 8, 9, 10, 11, 16], "multipli": [1, 2, 8, 10, 11, 16], "must": [1, 2, 3, 6, 8, 9, 10, 11, 12, 14, 16, 17], "n": [7, 8, 10], "name": [1, 2, 3, 6, 8, 9, 10, 11, 16, 17], "namedtupl": [0, 6, 8, 11], "nan": [1, 2, 3, 6, 12, 16, 17], "ndarrai": [1, 2, 3, 7, 8, 9, 10, 11, 16, 17, 18], "necessarili": [2, 8, 10, 11, 16, 17], "need": [2, 8, 9, 10, 11, 16], "neg": [8, 18], "new": [1, 2, 8, 10, 11, 16], "newlabel": [1, 2, 3, 6, 8, 9, 10, 11, 14, 16, 17], "nframe": [2, 3, 8, 9, 10, 11, 16], "non": [1, 2, 3, 6, 8, 10, 11, 12, 16, 17], "none": [1, 2, 3, 6, 7, 8, 9, 10, 11, 14, 16, 17, 18, 21, 23], "noreturn": [18, 19], "note": [2, 6, 8, 9, 10, 11, 16], "notebook": 21, "notimplementederror": [8, 9, 10, 11], "np": 18, "npfloat32": [7, 8, 10], "npfloat64": [7, 8, 10], "npint32": [7, 8, 10], "number": [1, 2, 3, 6, 7, 8, 9, 10, 11, 16, 18], "numer": [2, 8, 10, 11, 16, 17, 18], "numpi": [1, 2, 3, 6, 7, 8, 9, 10, 11, 12, 16, 17, 18, 19], "obj": [2, 8, 9, 10, 11, 14, 16], "object": [1, 2, 3, 6, 8, 9, 10, 11, 12, 14, 16, 17], "occur": [2, 8, 9, 10, 11, 16, 17], "one": [2, 7, 8, 9, 10, 11, 16, 18], "onli": [1, 2, 6, 8, 10, 11, 16, 17], "open": [7, 8, 10], "option": [2, 6, 8, 11, 16], "order": [2, 7, 8, 9, 10, 11, 16, 18], "org": [7, 8, 10, 18], "origin": [1, 3, 14, 16, 17], "other": [1, 2, 3, 6, 8, 9, 10, 11, 12, 16, 17], "otherwis": [1, 2, 3, 6, 12, 14, 16, 17], "output": 18, "outsid": [1, 3, 14, 16, 17], "over": [2, 6, 8, 9, 11, 16], "overlap": [2, 6, 8, 11, 16], "overridden": [2, 8, 9, 10, 11, 16], "overwrit": [2, 8, 9, 10, 11, 16], "overwritten": [1, 2, 8, 10, 11, 16], "packag": 26, "page": [24, 26], "pair": [2, 6, 8, 10, 11, 16, 17], "paramet": [1, 2, 3, 6, 7, 8, 9, 10, 11, 12, 14, 16, 17, 18], "parent": [15, 18, 19], "part": [2, 3, 8, 9, 10, 11, 16, 26], "partial": [2, 6, 8, 11, 16], "partial_inclus": [2, 6, 8, 11, 16], "partli": [2, 6, 8, 11, 16], "pass": [1, 2, 8, 9, 10, 11, 16, 18], "path": [2, 3, 6, 8, 9, 10, 11, 14, 16], "pathlib": [2, 3, 8, 9, 10, 11, 16], "patient": [2, 6, 8, 11, 16], "payload": 10, "payload_s": 10, "perform": [2, 6, 8, 11, 16], "period": [2, 6, 8, 11, 16], "perioddata": [2, 6, 8, 11, 16], "phase": [5, 8, 18, 24], "phaseind": 15, "pixel": [2, 3, 8, 9, 10, 11, 16], "pixel_imped": [2, 3, 8, 9, 10, 11, 16], "plasma": 21, "pleas": 25, "plot": [20, 24], "plot_waveform": 23, "point": [1, 2, 3, 4, 7, 8, 9, 10, 11, 14, 16, 17], "portion": [9, 16], "posit": [2, 6, 8, 10, 11, 16], "potenti": [2, 6, 8, 11, 16], "pressur": [1, 2, 3, 6, 8, 10, 11, 12, 16, 17], "prevent": 18, "previous_mark": 8, "print": [1, 2, 8, 10, 11, 16], "probabl": [1, 2, 6, 8, 10, 11, 16], "proper": [7, 8, 10], "properti": [1, 2, 6, 8, 9, 10, 11, 14, 16], "provid": [7, 8, 10, 18], "python": [2, 7, 8, 10, 11, 16, 17], "q": [7, 8, 10], "qr": [2, 8, 10, 11, 15, 16, 17], "qrsmark": 15, "rais": [1, 2, 3, 6, 8, 9, 10, 11, 12, 14, 16, 17, 18], "raise_": [1, 2, 3, 6, 12, 16, 17], "rang": [2, 6, 8, 10, 11, 16, 17], "rather": [1, 2, 3, 8, 10, 11, 14, 16, 17], "raw": [8, 9, 10, 11], "read": [1, 2, 7, 8, 10, 11, 16], "read_arrai": [7, 8, 10], "read_list": [7, 8, 10], "read_singl": [7, 8, 10], "read_str": [7, 8, 10], "readabl": [1, 2, 6, 8, 9, 10, 11, 16, 17], "reader": [7, 8, 10], "readibl": [2, 6, 8, 10, 11, 16, 17], "readm": 25, "record": [8, 9, 10, 11], "refer": [18, 25, 26], "regist": [4, 8, 15], "rel": [8, 9, 10, 11], "remov": [2, 3, 8, 9, 10, 11, 16], "render": [1, 2, 8, 10, 11, 16], "repr": [2, 6, 8, 10, 11, 16, 17], "repres": [0, 11], "represent": [9, 16, 18], "request": [7, 8, 10], "requir": [2, 6, 8, 11, 16, 18], "respiratori": [9, 16], "result": [1, 2, 3, 6, 7, 8, 10, 11, 12, 16, 17, 18], "return": [1, 2, 3, 6, 7, 8, 9, 10, 11, 12, 14, 16, 17, 18], "runtimeerror": [1, 2, 8, 10, 11, 16], "same": [2, 6, 7, 8, 9, 10, 11, 16, 18], "sampl": 18, "sample_frequ": 18, "save": 8, "scalar": 18, "scipi": 18, "search": 26, "second": 18, "section": [9, 16, 18], "see": [1, 2, 7, 8, 9, 10, 11, 16], "select": [1, 2, 3, 6, 8, 9, 10, 11, 14, 16, 17], "select_by_index": 14, "select_by_tim": [1, 2, 3, 6, 8, 9, 10, 11, 14, 16, 17], "selectbyindex": [1, 3, 14, 16, 17], "selectbytim": [1, 2, 3, 8, 9, 10, 11, 14, 16, 17], "selectioon": [2, 6, 8, 11, 16], "self": [1, 2, 3, 6, 8, 9, 10, 11, 12, 14, 16, 17, 23], "sentec": [3, 8, 9, 11, 24], "sentec_framer": 10, "separ": [9, 16], "sequenc": [1, 2, 3, 5, 6, 8, 9, 10, 11, 14, 17, 18, 24], "sequence_": [8, 9, 10, 11], "set": [1, 2, 3, 6, 8, 9, 10, 11, 12, 16, 17, 18], "set_driving_pressur": [2, 6, 8, 11, 16], "setattr": [1, 2, 8, 10, 11, 16], "sever": [2, 3, 8, 9, 10, 11, 16], "shape": 18, "shift": 18, "short": [8, 9, 10, 11], "should": [1, 2, 6, 7, 8, 10, 11, 14, 16, 18], "show_progress": 21, "sign": [7, 8, 10], "signal": 18, "signal_nam": 8, "similar": [9, 16, 18], "sin": 18, "singl": [2, 3, 4, 7, 8, 9, 10, 11, 16, 17], "singular": [2, 3, 7, 8, 9, 10, 11, 16], "size": [7, 8, 10, 18], "slice": [1, 2, 3, 6, 8, 9, 10, 11, 13, 16, 17, 24], "slightli": [2, 6, 8, 11, 16], "some": 26, "some_loaded_data": [1, 2, 8, 10, 11, 16], "sort": [1, 3, 14, 16, 17], "sourc": [0, 1, 2, 3, 4, 6, 7, 8, 9, 10, 11, 12, 14, 15, 16, 17, 18, 19, 21, 23], "space": [2, 8, 10, 11, 16, 17], "spars": [2, 8, 10, 11, 16, 17], "sparse_data": [9, 16], "sparsedata": [2, 5, 6, 8, 9, 10, 11, 16, 24], "specif": [2, 8, 9, 10, 11, 16, 26], "sphinx": 24, "split": [9, 16], "squar": 14, "stabil": 18, "stai": 26, "stamp": [1, 3, 14, 16, 17], "start": [0, 1, 2, 3, 6, 8, 11, 14, 16, 17], "start_inclus": [1, 2, 3, 6, 8, 9, 10, 11, 14, 16, 17], "start_index": [1, 2, 3, 8, 9, 10, 11, 14, 16, 17], "start_tim": [0, 1, 2, 3, 6, 8, 9, 10, 11, 14, 16, 17], "static": [1, 2, 3, 6, 8, 9, 10, 11, 12, 16, 17], "stop": 18, "store": [2, 8, 9, 10, 11, 16], "str": [1, 2, 3, 4, 6, 7, 8, 9, 10, 11, 14, 16, 17, 21], "strenum": [3, 8, 9, 10, 11], "string": [7, 8, 10], "struct": [7, 8, 10], "structur": [1, 2, 3, 6, 12, 16, 17], "subclass": [1, 2, 3, 8, 9, 10, 11, 14, 16, 17], "subtract": [1, 2, 8, 10, 11, 16], "sum": [2, 3, 8, 9, 10, 11, 16], "suppli": [2, 3, 8, 9, 10, 11, 16], "support": [2, 6, 8, 9, 10, 11, 16], "surpass": [8, 9, 10, 11], "t": [1, 2, 3, 6, 7, 8, 9, 10, 11, 14, 16, 17, 18], "take": [1, 2, 8, 10, 11, 16], "test": [1, 2, 3, 6, 12, 16, 17], "text": [2, 4, 8, 10, 11, 16, 17], "than": [1, 2, 3, 6, 8, 9, 10, 11, 14, 16, 17, 18], "thei": [1, 2, 3, 6, 8, 9, 10, 11, 12, 16, 17, 18], "them": [1, 2, 8, 10, 11, 16], "thi": [1, 2, 3, 6, 8, 9, 10, 11, 12, 14, 16, 17, 18, 24, 26], "through": [2, 6, 8, 11, 16], "tidal": [1, 2, 3, 6, 8, 10, 11, 12, 16, 17], "time": [1, 2, 3, 4, 6, 8, 9, 10, 11, 14, 15, 16, 17, 18, 19], "time_rang": [2, 6, 8, 11, 16], "time_slice1": [2, 6, 14, 16], "time_slice2": [2, 6, 14, 16], "timedomainfilt": [18, 19], "timeindex": [2, 6, 14, 16], "timepoint": [9, 16], "timerang": [2, 6, 8, 11, 16], "timestamp": 10, "timpel": [3, 8, 9, 10, 15, 24], "timpel_framer": 11, "togeth": [9, 16], "tp_end": [2, 6, 14, 16], "tp_start": [2, 6, 14, 16], "traceback": [1, 2, 8, 10, 11, 16, 17], "tradition": 18, "transfer": 18, "trim": [2, 6, 8, 11, 16], "true": [1, 2, 3, 6, 8, 9, 10, 11, 12, 14, 16, 17, 18, 19], "tune": 26, "tupl": [2, 6, 7, 8, 10, 11, 16, 18], "twice": 18, "two": [1, 2, 3, 6, 9, 12, 16, 17, 18], "typ": [7, 8, 10], "type": [2, 6, 7, 8, 9, 10, 11, 16, 17, 18, 19], "type_cod": [7, 8, 10], "typeerror": [1, 2, 3, 8, 9, 10, 11, 12, 14, 16, 17, 18], "typing_extens": [1, 2, 3, 6, 8, 9, 10, 11, 12, 14, 16, 17], "uint16": [7, 8, 10], "uint32": [7, 8, 10], "uint64": [7, 8, 10], "uint8": [7, 8, 10], "uniqu": [2, 8, 9, 10, 11, 16], "unique_id": [8, 9, 10, 11], "unit": [1, 2, 3, 6, 7, 8, 10, 11, 12, 16, 17], "unknown": 18, "unlock": [1, 2, 8, 10, 11, 16], "unpredict": [2, 8, 10, 11, 16, 17], "unsign": [7, 8, 10], "unstabl": 18, "up": [9, 16], "us": [1, 2, 3, 6, 7, 8, 9, 10, 11, 14, 16, 17, 18], "userdict": [1, 2, 3, 6, 8, 9, 10, 11, 12, 16, 17], "v": [2, 8, 9, 10, 11, 16], "v_class": 2, "valu": [1, 2, 3, 6, 7, 8, 9, 10, 11, 12, 14, 16, 17, 18], "valueerror": [1, 3, 12, 14, 16, 17, 18], "van": [2, 8, 10, 11, 16, 17], "vari": [1, 2, 3, 6, 12, 16, 17], "vendor": [2, 3, 8, 9, 10, 11, 16], "ventil": [2, 6, 8, 11, 16], "version": [2, 6, 8, 9, 10, 11, 16], "volum": [1, 2, 3, 6, 8, 10, 11, 12, 16, 17], "volume_l": [1, 2, 8, 10, 11, 16], "volume_ml": [1, 2, 8, 10, 11, 16], "wa": [1, 2, 3, 6, 8, 9, 10, 11, 16, 17], "want": [2, 6, 8, 11, 16], "waveform": [9, 16, 21, 23], "we": 26, "well": [2, 3, 8, 9, 10, 11, 16], "were": [2, 6, 8, 11, 16], "what": 14, "when": [2, 6, 7, 8, 9, 10, 11, 14, 16, 18], "whenev": [1, 2, 8, 10, 11, 16], "where": [2, 6, 8, 10, 11, 16, 18], "whether": [1, 2, 3, 6, 8, 9, 10, 11, 12, 16, 17, 18], "which": [1, 2, 3, 8, 9, 10, 11, 14, 16, 17], "within": [1, 2, 3, 8, 9, 10, 11, 14, 16, 17], "without": [2, 6, 8, 11, 16], "work": [2, 6, 8, 11, 16, 26], "would": [8, 9, 10, 11], "wrapper": 18, "x": [1, 2, 8, 10, 11, 16], "you": [2, 6, 8, 11, 16, 26], "zero_ref_imag": 10}, "titles": ["eitprocessing.datahandling.breath", "eitprocessing.datahandling.continuousdata", "eitprocessing.datahandling.datacollection", "eitprocessing.datahandling.eitdata", "eitprocessing.datahandling.event", "eitprocessing.datahandling", "eitprocessing.datahandling.intervaldata", "eitprocessing.datahandling.loading.binreader", "eitprocessing.datahandling.loading.draeger", "eitprocessing.datahandling.loading", "eitprocessing.datahandling.loading.sentec", "eitprocessing.datahandling.loading.timpel", "eitprocessing.datahandling.mixins.equality", "eitprocessing.datahandling.mixins", "eitprocessing.datahandling.mixins.slicing", "eitprocessing.datahandling.phases", "eitprocessing.datahandling.sequence", "eitprocessing.datahandling.sparsedata", "eitprocessing.filters.butterworth_filters", "eitprocessing.filters", "eitprocessing", "eitprocessing.plotting.animate", "eitprocessing.plotting", "eitprocessing.plotting.plot", "API Reference", "Developer\u2019s Guide", "Welcome to eitprocessing\u2019s documentation!"], "titleterms": {"": [25, 26], "The": 26, "anim": 21, "api": [24, 26], "attribut": [1, 2, 3, 6, 7, 8, 10, 11, 17, 18], "binread": 7, "breath": 0, "butterworth_filt": 18, "class": [0, 1, 2, 3, 4, 6, 7, 8, 9, 10, 11, 12, 14, 15, 16, 17, 18, 19], "content": [0, 1, 2, 3, 4, 6, 7, 8, 9, 10, 11, 12, 14, 15, 16, 17, 18, 19, 21, 23, 26], "continuousdata": 1, "datacollect": 2, "datahandl": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17], "develop": [25, 26], "document": 26, "draeger": 8, "eitdata": 3, "eitprocess": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 26], "equal": 12, "event": 4, "except": 12, "filter": [18, 19], "function": [8, 9, 10, 11, 21, 23], "guid": [25, 26], "indic": 26, "intervaldata": 6, "load": [7, 8, 9, 10, 11], "mixin": [12, 13, 14], "modul": [0, 1, 2, 3, 4, 6, 7, 8, 10, 11, 12, 14, 15, 16, 17, 18, 21, 23], "packag": [9, 19], "phase": 15, "plot": [21, 22, 23], "refer": 24, "sentec": 10, "sequenc": 16, "slice": 14, "sparsedata": 17, "submodul": [5, 9, 13, 19, 22], "subpackag": [5, 20], "tabl": 26, "timpel": 11, "welcom": 26}}) \ No newline at end of file