diff --git a/_modules/graphnet/data/dataset/dataset.html b/_modules/graphnet/data/dataset/dataset.html index 442af1a79..84a3f8d92 100644 --- a/_modules/graphnet/data/dataset/dataset.html +++ b/_modules/graphnet/data/dataset/dataset.html @@ -418,6 +418,21 @@

Source code for graphn +
+[docs] +def parse_labels(cfg: dict) -> Dict[str, Label]: + """Construct Label from DatasetConfig.""" + assert cfg["labels"] is not None + + labels = {} + for key in cfg["labels"].keys(): + labels[key] = load_module(cfg["labels"][key]["class_name"])( + **cfg["labels"][key]["arguments"] + ) + return labels
+ + +
[docs] class Dataset( @@ -468,6 +483,8 @@

Source code for graphn cfg = source.dict() if cfg["graph_definition"] is not None: cfg["graph_definition"] = parse_graph_definition(cfg) + if cfg["labels"] is not None: + cfg["labels"] = parse_labels(cfg) return source._dataset_class(**cfg)

@@ -554,6 +571,7 @@

Source code for graphn loss_weight_column: Optional[str] = None, loss_weight_default_value: Optional[float] = None, seed: Optional[int] = None, + labels: Optional[Dict[str, Any]] = None, ): """Construct Dataset. @@ -600,6 +618,7 @@

Source code for graphn `"10000 random events ~ event_no % 5 > 0"` or `"20% random events ~ event_no % 5 > 0"`). graph_definition: Method that defines the graph representation. + labels: Dictionary of labels to be added to the dataset. """ # Base class constructor super().__init__(name=__name__, class_name=self.__class__.__name__) @@ -624,6 +643,7 @@

Source code for graphn self._truth_table = truth_table self._loss_weight_default_value = loss_weight_default_value self._graph_definition = deepcopy(graph_definition) + self._labels = labels if node_truth is not None: assert isinstance(node_truth_table, str) @@ -673,6 +693,10 @@

Source code for graphn seed=seed, ) + if self._labels is not None: + for key in self._labels.keys(): + self.add_label(self._labels[key]) + # Implementation-specific initialisation. self._init() diff --git a/_modules/graphnet/utilities/config/dataset_config.html b/_modules/graphnet/utilities/config/dataset_config.html index f5390b772..743743b2e 100644 --- a/_modules/graphnet/utilities/config/dataset_config.html +++ b/_modules/graphnet/utilities/config/dataset_config.html @@ -381,6 +381,7 @@

Source code loss_weight_default_value: Optional[float] = None seed: Optional[int] = None graph_definition: Any = None + labels: Optional[Dict[str, Any]] = None def __init__(self, **data: Any) -> None: """Construct `DataConfig`. diff --git a/api/graphnet.data.dataset.dataset.html b/api/graphnet.data.dataset.dataset.html index 96f8ef107..3d311fc7b 100644 --- a/api/graphnet.data.dataset.dataset.html +++ b/api/graphnet.data.dataset.dataset.html @@ -346,6 +346,8 @@
  • parse_graph_definition()
  • +
  • parse_labels() +
  • Dataset
  • graph_definition (GraphDefinition) – Method that defines the graph representation.

  • +
  • labels (Optional[Dict[str, Any]], default: None) – Dictionary of labels to be added to the dataset.

  • args (Any) –

  • kwargs (Any) –

  • diff --git a/api/graphnet.data.dataset.sqlite.sqlite_dataset.html b/api/graphnet.data.dataset.sqlite.sqlite_dataset.html index 2764ece23..c5c664424 100644 --- a/api/graphnet.data.dataset.sqlite.sqlite_dataset.html +++ b/api/graphnet.data.dataset.sqlite.sqlite_dataset.html @@ -601,6 +601,7 @@ “10000 random events ~ event_no % 5 > 0” or “20% random events ~ event_no % 5 > 0”).

  • graph_definition (GraphDefinition) – Method that defines the graph representation.

  • +
  • labels (Optional[Dict[str, Any]], default: None) – Dictionary of labels to be added to the dataset.

  • args (Any) –

  • kwargs (Any) –

  • diff --git a/api/graphnet.utilities.config.dataset_config.html b/api/graphnet.utilities.config.dataset_config.html index 524f74d53..d7f81f110 100644 --- a/api/graphnet.utilities.config.dataset_config.html +++ b/api/graphnet.utilities.config.dataset_config.html @@ -407,6 +407,8 @@
  • graph_definition
  • +
  • labels +
  • as_dict()
  • model_computed_fields @@ -537,6 +539,13 @@ graph_definition +
  • +
  • + + + labels + +
  • @@ -722,6 +731,8 @@
  • graph_definition
  • +
  • labels +
  • as_dict()
  • model_computed_fields @@ -754,7 +765,7 @@

    Config classes for the graphnet.data.dataset module.

    -class graphnet.utilities.config.dataset_config.DatasetConfig(*, path, pulsemaps, features, truth, node_truth, index_column, truth_table, node_truth_table, string_selection, selection, loss_weight_table, loss_weight_column, loss_weight_default_value, seed, graph_definition)[source]
    +class graphnet.utilities.config.dataset_config.DatasetConfig(*, path, pulsemaps, features, truth, node_truth, index_column, truth_table, node_truth_table, string_selection, selection, loss_weight_table, loss_weight_column, loss_weight_default_value, seed, graph_definition, labels)[source]

    Bases: BaseConfig

    Configuration for all `Dataset`s.

    Construct DataConfig.

    @@ -847,6 +858,7 @@
  • loss_weight_default_value (float | None) –

  • seed (int | None) –

  • graph_definition (Any) –

  • +
  • labels (Dict[str, Any] | None) –

  • @@ -910,6 +922,10 @@
    graph_definition: Any
    +
    +
    +labels: Optional[Dict[str, Any]]
    +
    as_dict()[source]
    @@ -935,7 +951,7 @@
    -model_fields: ClassVar[dict[str, FieldInfo]] = {'features': FieldInfo(annotation=List[str], required=True), 'graph_definition': FieldInfo(annotation=Any, required=False), 'index_column': FieldInfo(annotation=str, required=False, default='event_no'), 'loss_weight_column': FieldInfo(annotation=Union[str, NoneType], required=False), 'loss_weight_default_value': FieldInfo(annotation=Union[float, NoneType], required=False), 'loss_weight_table': FieldInfo(annotation=Union[str, NoneType], required=False), 'node_truth': FieldInfo(annotation=Union[List[str], NoneType], required=False), 'node_truth_table': FieldInfo(annotation=Union[str, NoneType], required=False), 'path': FieldInfo(annotation=Union[str, List[str]], required=True), 'pulsemaps': FieldInfo(annotation=Union[str, List[str]], required=True), 'seed': FieldInfo(annotation=Union[int, NoneType], required=False), 'selection': FieldInfo(annotation=Union[str, List[str], List[Union[int, List[int]]], Dict[str, Union[str, List[str]]], NoneType], required=False), 'string_selection': FieldInfo(annotation=Union[List[int], NoneType], required=False), 'truth': FieldInfo(annotation=List[str], required=True), 'truth_table': FieldInfo(annotation=str, required=False, default='truth')}
    +model_fields: ClassVar[dict[str, FieldInfo]] = {'features': FieldInfo(annotation=List[str], required=True), 'graph_definition': FieldInfo(annotation=Any, required=False), 'index_column': FieldInfo(annotation=str, required=False, default='event_no'), 'labels': FieldInfo(annotation=Union[Dict[str, Any], NoneType], required=False), 'loss_weight_column': FieldInfo(annotation=Union[str, NoneType], required=False), 'loss_weight_default_value': FieldInfo(annotation=Union[float, NoneType], required=False), 'loss_weight_table': FieldInfo(annotation=Union[str, NoneType], required=False), 'node_truth': FieldInfo(annotation=Union[List[str], NoneType], required=False), 'node_truth_table': FieldInfo(annotation=Union[str, NoneType], required=False), 'path': FieldInfo(annotation=Union[str, List[str]], required=True), 'pulsemaps': FieldInfo(annotation=Union[str, List[str]], required=True), 'seed': FieldInfo(annotation=Union[int, NoneType], required=False), 'selection': FieldInfo(annotation=Union[str, List[str], List[Union[int, List[int]]], Dict[str, Union[str, List[str]]], NoneType], required=False), 'string_selection': FieldInfo(annotation=Union[List[int], NoneType], required=False), 'truth': FieldInfo(annotation=List[str], required=True), 'truth_table': FieldInfo(annotation=str, required=False, default='truth')}

    Metadata about the fields defined on the model, mapping of field names to [FieldInfo][pydantic.fields.FieldInfo].

    This replaces Model.__fields__ from Pydantic V1.

    diff --git a/genindex.html b/genindex.html index bd34134a6..0493d0a65 100644 --- a/genindex.html +++ b/genindex.html @@ -1862,6 +1862,8 @@

    L

      +
    • log_cmk() (graphnet.training.loss_functions.VonMisesFisherLoss class method) +
    • log_cmk_approx() (graphnet.training.loss_functions.VonMisesFisherLoss class method)
    • log_cmk_exact() (graphnet.training.loss_functions.VonMisesFisherLoss class method) @@ -2339,6 +2341,8 @@

      P

    • ParquetWriter (class in graphnet.data.writers.parquet_writer)
    • parse_graph_definition() (in module graphnet.data.dataset.dataset) +
    • +
    • parse_labels() (in module graphnet.data.dataset.dataset)
    • path (graphnet.data.dataset.dataset.Dataset property) diff --git a/objects.inv b/objects.inv index 8109c3584..dd79d093a 100644 Binary files a/objects.inv and b/objects.inv differ diff --git a/searchindex.js b/searchindex.js index 6ab2b8c06..646959247 100644 --- a/searchindex.js +++ b/searchindex.js @@ -1 +1 @@ -Search.setIndex({"docnames": ["about", "api/graphnet", "api/graphnet.constants", "api/graphnet.data", "api/graphnet.data.constants", "api/graphnet.data.dataclasses", "api/graphnet.data.dataconverter", "api/graphnet.data.dataloader", "api/graphnet.data.datamodule", "api/graphnet.data.dataset", "api/graphnet.data.dataset.dataset", "api/graphnet.data.dataset.parquet", "api/graphnet.data.dataset.parquet.parquet_dataset", "api/graphnet.data.dataset.sqlite", "api/graphnet.data.dataset.sqlite.sqlite_dataset", "api/graphnet.data.extractors", "api/graphnet.data.extractors.extractor", "api/graphnet.data.extractors.icecube", "api/graphnet.data.extractors.icecube.i3extractor", "api/graphnet.data.extractors.icecube.i3featureextractor", "api/graphnet.data.extractors.icecube.i3genericextractor", "api/graphnet.data.extractors.icecube.i3hybridrecoextractor", "api/graphnet.data.extractors.icecube.i3ntmuonlabelsextractor", "api/graphnet.data.extractors.icecube.i3particleextractor", "api/graphnet.data.extractors.icecube.i3pisaextractor", "api/graphnet.data.extractors.icecube.i3quesoextractor", "api/graphnet.data.extractors.icecube.i3retroextractor", "api/graphnet.data.extractors.icecube.i3splinempeextractor", "api/graphnet.data.extractors.icecube.i3truthextractor", "api/graphnet.data.extractors.icecube.i3tumextractor", "api/graphnet.data.extractors.icecube.utilities", "api/graphnet.data.extractors.icecube.utilities.collections", "api/graphnet.data.extractors.icecube.utilities.frames", "api/graphnet.data.extractors.icecube.utilities.i3_filters", "api/graphnet.data.extractors.icecube.utilities.types", "api/graphnet.data.parquet", "api/graphnet.data.parquet.deprecated_methods", "api/graphnet.data.pipeline", "api/graphnet.data.pre_configured", "api/graphnet.data.pre_configured.dataconverters", "api/graphnet.data.readers", "api/graphnet.data.readers.graphnet_file_reader", "api/graphnet.data.readers.i3reader", "api/graphnet.data.sqlite", "api/graphnet.data.sqlite.deprecated_methods", "api/graphnet.data.utilities", "api/graphnet.data.utilities.parquet_to_sqlite", "api/graphnet.data.utilities.random", "api/graphnet.data.utilities.sqlite_utilities", "api/graphnet.data.utilities.string_selection_resolver", "api/graphnet.data.writers", "api/graphnet.data.writers.graphnet_writer", "api/graphnet.data.writers.parquet_writer", "api/graphnet.data.writers.sqlite_writer", "api/graphnet.deployment", "api/graphnet.deployment.deployer", "api/graphnet.deployment.deployment_module", "api/graphnet.deployment.i3modules", "api/graphnet.deployment.i3modules.deprecated_methods", "api/graphnet.deployment.icecube", "api/graphnet.deployment.icecube.cleaning_module", "api/graphnet.deployment.icecube.i3deployer", "api/graphnet.deployment.icecube.inference_module", "api/graphnet.models", "api/graphnet.models.coarsening", "api/graphnet.models.components", "api/graphnet.models.components.embedding", "api/graphnet.models.components.layers", "api/graphnet.models.components.pool", "api/graphnet.models.detector", "api/graphnet.models.detector.detector", "api/graphnet.models.detector.icecube", "api/graphnet.models.detector.prometheus", "api/graphnet.models.gnn", "api/graphnet.models.gnn.RNN_tito", "api/graphnet.models.gnn.convnet", "api/graphnet.models.gnn.dynedge", "api/graphnet.models.gnn.dynedge_jinst", "api/graphnet.models.gnn.dynedge_kaggle_tito", "api/graphnet.models.gnn.gnn", "api/graphnet.models.gnn.icemix", "api/graphnet.models.graphs", "api/graphnet.models.graphs.edges", "api/graphnet.models.graphs.edges.edges", "api/graphnet.models.graphs.edges.minkowski", "api/graphnet.models.graphs.graph_definition", "api/graphnet.models.graphs.graphs", "api/graphnet.models.graphs.nodes", "api/graphnet.models.graphs.nodes.nodes", "api/graphnet.models.graphs.utils", "api/graphnet.models.model", "api/graphnet.models.rnn", "api/graphnet.models.rnn.node_rnn", "api/graphnet.models.standard_model", "api/graphnet.models.task", "api/graphnet.models.task.classification", "api/graphnet.models.task.reconstruction", "api/graphnet.models.task.task", "api/graphnet.models.utils", "api/graphnet.pisa", "api/graphnet.pisa.fitting", "api/graphnet.pisa.plotting", "api/graphnet.training", "api/graphnet.training.callbacks", "api/graphnet.training.labels", "api/graphnet.training.loss_functions", "api/graphnet.training.utils", "api/graphnet.training.weight_fitting", "api/graphnet.utilities", "api/graphnet.utilities.argparse", "api/graphnet.utilities.config", "api/graphnet.utilities.config.base_config", "api/graphnet.utilities.config.configurable", "api/graphnet.utilities.config.dataset_config", "api/graphnet.utilities.config.model_config", "api/graphnet.utilities.config.parsing", "api/graphnet.utilities.config.training_config", "api/graphnet.utilities.decorators", "api/graphnet.utilities.deprecation_tools", "api/graphnet.utilities.filesys", "api/graphnet.utilities.imports", "api/graphnet.utilities.logging", "api/graphnet.utilities.maths", "api/modules", "contribute", "index", "install"], "filenames": ["about.md", "api/graphnet.rst", "api/graphnet.constants.rst", "api/graphnet.data.rst", "api/graphnet.data.constants.rst", "api/graphnet.data.dataclasses.rst", "api/graphnet.data.dataconverter.rst", "api/graphnet.data.dataloader.rst", "api/graphnet.data.datamodule.rst", "api/graphnet.data.dataset.rst", "api/graphnet.data.dataset.dataset.rst", "api/graphnet.data.dataset.parquet.rst", "api/graphnet.data.dataset.parquet.parquet_dataset.rst", "api/graphnet.data.dataset.sqlite.rst", "api/graphnet.data.dataset.sqlite.sqlite_dataset.rst", "api/graphnet.data.extractors.rst", "api/graphnet.data.extractors.extractor.rst", "api/graphnet.data.extractors.icecube.rst", "api/graphnet.data.extractors.icecube.i3extractor.rst", "api/graphnet.data.extractors.icecube.i3featureextractor.rst", "api/graphnet.data.extractors.icecube.i3genericextractor.rst", "api/graphnet.data.extractors.icecube.i3hybridrecoextractor.rst", "api/graphnet.data.extractors.icecube.i3ntmuonlabelsextractor.rst", "api/graphnet.data.extractors.icecube.i3particleextractor.rst", "api/graphnet.data.extractors.icecube.i3pisaextractor.rst", "api/graphnet.data.extractors.icecube.i3quesoextractor.rst", "api/graphnet.data.extractors.icecube.i3retroextractor.rst", "api/graphnet.data.extractors.icecube.i3splinempeextractor.rst", "api/graphnet.data.extractors.icecube.i3truthextractor.rst", "api/graphnet.data.extractors.icecube.i3tumextractor.rst", "api/graphnet.data.extractors.icecube.utilities.rst", "api/graphnet.data.extractors.icecube.utilities.collections.rst", "api/graphnet.data.extractors.icecube.utilities.frames.rst", "api/graphnet.data.extractors.icecube.utilities.i3_filters.rst", "api/graphnet.data.extractors.icecube.utilities.types.rst", "api/graphnet.data.parquet.rst", "api/graphnet.data.parquet.deprecated_methods.rst", "api/graphnet.data.pipeline.rst", "api/graphnet.data.pre_configured.rst", "api/graphnet.data.pre_configured.dataconverters.rst", "api/graphnet.data.readers.rst", "api/graphnet.data.readers.graphnet_file_reader.rst", "api/graphnet.data.readers.i3reader.rst", "api/graphnet.data.sqlite.rst", "api/graphnet.data.sqlite.deprecated_methods.rst", "api/graphnet.data.utilities.rst", "api/graphnet.data.utilities.parquet_to_sqlite.rst", "api/graphnet.data.utilities.random.rst", "api/graphnet.data.utilities.sqlite_utilities.rst", "api/graphnet.data.utilities.string_selection_resolver.rst", "api/graphnet.data.writers.rst", "api/graphnet.data.writers.graphnet_writer.rst", "api/graphnet.data.writers.parquet_writer.rst", "api/graphnet.data.writers.sqlite_writer.rst", "api/graphnet.deployment.rst", "api/graphnet.deployment.deployer.rst", "api/graphnet.deployment.deployment_module.rst", "api/graphnet.deployment.i3modules.rst", "api/graphnet.deployment.i3modules.deprecated_methods.rst", "api/graphnet.deployment.icecube.rst", "api/graphnet.deployment.icecube.cleaning_module.rst", "api/graphnet.deployment.icecube.i3deployer.rst", "api/graphnet.deployment.icecube.inference_module.rst", "api/graphnet.models.rst", "api/graphnet.models.coarsening.rst", "api/graphnet.models.components.rst", "api/graphnet.models.components.embedding.rst", "api/graphnet.models.components.layers.rst", "api/graphnet.models.components.pool.rst", "api/graphnet.models.detector.rst", "api/graphnet.models.detector.detector.rst", "api/graphnet.models.detector.icecube.rst", "api/graphnet.models.detector.prometheus.rst", "api/graphnet.models.gnn.rst", "api/graphnet.models.gnn.RNN_tito.rst", "api/graphnet.models.gnn.convnet.rst", "api/graphnet.models.gnn.dynedge.rst", "api/graphnet.models.gnn.dynedge_jinst.rst", "api/graphnet.models.gnn.dynedge_kaggle_tito.rst", "api/graphnet.models.gnn.gnn.rst", "api/graphnet.models.gnn.icemix.rst", "api/graphnet.models.graphs.rst", "api/graphnet.models.graphs.edges.rst", "api/graphnet.models.graphs.edges.edges.rst", "api/graphnet.models.graphs.edges.minkowski.rst", "api/graphnet.models.graphs.graph_definition.rst", "api/graphnet.models.graphs.graphs.rst", "api/graphnet.models.graphs.nodes.rst", "api/graphnet.models.graphs.nodes.nodes.rst", "api/graphnet.models.graphs.utils.rst", "api/graphnet.models.model.rst", "api/graphnet.models.rnn.rst", "api/graphnet.models.rnn.node_rnn.rst", "api/graphnet.models.standard_model.rst", "api/graphnet.models.task.rst", "api/graphnet.models.task.classification.rst", "api/graphnet.models.task.reconstruction.rst", "api/graphnet.models.task.task.rst", "api/graphnet.models.utils.rst", "api/graphnet.pisa.rst", "api/graphnet.pisa.fitting.rst", "api/graphnet.pisa.plotting.rst", "api/graphnet.training.rst", "api/graphnet.training.callbacks.rst", "api/graphnet.training.labels.rst", "api/graphnet.training.loss_functions.rst", "api/graphnet.training.utils.rst", "api/graphnet.training.weight_fitting.rst", "api/graphnet.utilities.rst", "api/graphnet.utilities.argparse.rst", "api/graphnet.utilities.config.rst", "api/graphnet.utilities.config.base_config.rst", "api/graphnet.utilities.config.configurable.rst", "api/graphnet.utilities.config.dataset_config.rst", "api/graphnet.utilities.config.model_config.rst", "api/graphnet.utilities.config.parsing.rst", "api/graphnet.utilities.config.training_config.rst", "api/graphnet.utilities.decorators.rst", "api/graphnet.utilities.deprecation_tools.rst", "api/graphnet.utilities.filesys.rst", "api/graphnet.utilities.imports.rst", "api/graphnet.utilities.logging.rst", "api/graphnet.utilities.maths.rst", "api/modules.rst", "contribute.md", "index.rst", "install.md"], "titles": ["About", "API", "constants", "data", "constants", "dataclasses", "dataconverter", "dataloader", "datamodule", "dataset", "dataset", "parquet", "parquet_dataset", "sqlite", "sqlite_dataset", "extractors", "extractor", "icecube", "i3extractor", "i3featureextractor", "i3genericextractor", "i3hybridrecoextractor", "i3ntmuonlabelsextractor", "i3particleextractor", "i3pisaextractor", "i3quesoextractor", "i3retroextractor", "i3splinempeextractor", "i3truthextractor", "i3tumextractor", "utilities", "collections", "frames", "i3_filters", "types", "parquet", "deprecated_methods", "pipeline", "pre_configured", "dataconverters", "readers", "graphnet_file_reader", "i3reader", "sqlite", "deprecated_methods", "utilities", "parquet_to_sqlite", "random", "sqlite_utilities", "string_selection_resolver", "writers", "graphnet_writer", "parquet_writer", "sqlite_writer", "deployment", "deployer", "deployment_module", "i3modules", "deprecated_methods", "icecube", "cleaning_module", "i3deployer", "inference_module", "models", "coarsening", "components", "embedding", "layers", "pool", "detector", "detector", "icecube", "prometheus", "gnn", "RNN_tito", "convnet", "dynedge", "dynedge_jinst", "dynedge_kaggle_tito", "gnn", "icemix", "graphs", "edges", "edges", "minkowski", "graph_definition", "graphs", "nodes", "nodes", "utils", "model", "rnn", "node_rnn", "standard_model", "task", "classification", "reconstruction", "task", "utils", "pisa", "fitting", "plotting", "training", "callbacks", "labels", "loss_functions", "utils", "weight_fitting", "utilities", "argparse", "config", "base_config", "configurable", "dataset_config", "model_config", "parsing", "training_config", "decorators", "deprecation_tools", "filesys", "imports", "logging", "maths", "src", "Contribute", "About", "Install"], "terms": {"graphnet": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 12, 14, 16, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 36, 37, 39, 41, 42, 44, 45, 46, 47, 48, 49, 51, 52, 53, 54, 55, 56, 60, 62, 63, 64, 66, 67, 68, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 89, 90, 92, 93, 95, 96, 97, 98, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 118, 119, 120, 121, 122, 124, 125, 126], "i": [0, 1, 8, 10, 12, 14, 16, 18, 20, 31, 32, 33, 34, 36, 39, 42, 44, 47, 48, 49, 53, 55, 60, 62, 64, 66, 67, 68, 75, 76, 80, 83, 85, 88, 89, 92, 96, 97, 98, 101, 103, 104, 105, 106, 107, 109, 111, 114, 115, 116, 118, 119, 120, 121, 124, 125, 126], "an": [0, 16, 34, 36, 37, 39, 42, 44, 49, 85, 92, 105, 119, 121, 124, 125, 126], "open": [0, 41, 124, 125], "sourc": [0, 4, 5, 6, 7, 8, 10, 12, 14, 16, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 31, 32, 33, 34, 36, 37, 39, 41, 42, 44, 46, 47, 48, 49, 51, 52, 53, 55, 56, 60, 62, 64, 66, 67, 68, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 89, 90, 92, 93, 95, 96, 97, 98, 100, 101, 103, 104, 105, 106, 107, 109, 111, 112, 113, 114, 115, 116, 118, 119, 120, 121, 122, 124, 125], "python": [0, 1, 6, 16, 17, 20, 31, 34, 124, 125, 126], "framework": [0, 125], "aim": [0, 1, 124, 125], "provid": [0, 1, 6, 10, 12, 14, 60, 63, 80, 85, 90, 105, 124, 125, 126], "high": [0, 125], "qualiti": [0, 125], "user": [0, 63, 103, 125, 126], "friendli": [0, 51, 53, 125], "end": [0, 1, 103, 125], "function": [0, 6, 7, 10, 18, 34, 47, 48, 60, 62, 64, 67, 68, 71, 72, 76, 85, 89, 90, 97, 98, 100, 101, 105, 106, 108, 113, 114, 115, 118, 119, 120, 122, 125], "perform": [0, 8, 64, 66, 67, 68, 73, 74, 76, 78, 88, 92, 93, 95, 97, 106, 125], "reconstruct": [0, 1, 19, 21, 22, 26, 27, 29, 37, 54, 63, 78, 80, 92, 94, 97, 125], "task": [0, 1, 8, 63, 93, 95, 96, 105, 124, 125], "neutrino": [0, 1, 18, 42, 67, 78, 80, 89, 100, 125], "telescop": [0, 1, 125], "us": [0, 1, 2, 4, 6, 7, 8, 10, 11, 12, 13, 14, 16, 18, 23, 28, 30, 31, 36, 37, 39, 41, 42, 43, 44, 45, 46, 48, 49, 51, 53, 54, 56, 60, 62, 63, 66, 67, 68, 70, 74, 76, 77, 78, 80, 83, 85, 86, 88, 89, 90, 92, 93, 94, 95, 96, 97, 98, 100, 103, 104, 105, 107, 108, 109, 110, 113, 114, 115, 120, 121, 124, 125, 126], "graph": [0, 1, 7, 10, 12, 14, 63, 67, 68, 70, 82, 83, 84, 85, 87, 88, 89, 92, 97, 98, 104, 106, 124, 125], "neural": [0, 1, 91, 125], "network": [0, 1, 67, 75, 91, 125], "gnn": [0, 1, 37, 63, 74, 75, 76, 77, 78, 80, 85, 92, 93, 125, 126], "make": [0, 6, 107, 113, 114, 124, 125, 126], "fast": [0, 125, 126], "easi": [0, 125], "train": [0, 1, 6, 8, 9, 49, 54, 60, 67, 80, 85, 93, 98, 103, 104, 105, 106, 107, 109, 113, 114, 116, 123, 125, 126], "complex": [0, 63, 125], "model": [0, 1, 54, 56, 60, 62, 64, 65, 66, 67, 68, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 89, 92, 93, 94, 95, 96, 97, 98, 101, 102, 103, 105, 106, 109, 111, 113, 114, 116, 123, 125, 126], "can": [0, 1, 8, 10, 12, 14, 16, 20, 23, 46, 60, 66, 68, 85, 100, 101, 107, 109, 111, 113, 114, 124, 125, 126], "event": [0, 1, 6, 8, 10, 12, 14, 25, 36, 39, 44, 46, 48, 49, 53, 60, 66, 68, 74, 85, 88, 89, 97, 98, 100, 105, 106, 107, 113, 125], "state": [0, 56, 74, 92, 118, 125], "art": [0, 125], "arbitrari": [0, 125], "detector": [0, 1, 28, 63, 71, 72, 85, 86, 88, 93, 125], "configur": [0, 1, 8, 10, 38, 39, 56, 63, 90, 93, 100, 108, 110, 111, 113, 114, 116, 121, 125], "infer": [0, 1, 37, 54, 56, 60, 62, 93, 97, 125, 126], "time": [0, 4, 48, 64, 66, 68, 74, 84, 88, 89, 92, 96, 98, 121, 125, 126], "ar": [0, 1, 4, 10, 12, 14, 18, 20, 33, 34, 41, 46, 49, 51, 53, 55, 60, 67, 68, 74, 76, 78, 81, 82, 83, 85, 86, 87, 88, 89, 92, 95, 100, 105, 107, 113, 114, 124, 125, 126], "order": [0, 31, 41, 55, 64, 88, 98, 125], "magnitud": [0, 125], "faster": [0, 125], "than": [0, 7, 97, 106, 121, 125], "tradit": [0, 125], "techniqu": [0, 125], "common": [0, 1, 105, 113, 114, 117, 120, 125], "ml": [0, 1, 125], "develop": [0, 1, 124, 125, 126], "physicist": [0, 1, 125], "wish": [0, 55, 124, 125], "tool": [0, 1, 125], "research": [0, 125], "By": [0, 36, 39, 42, 44, 46, 97, 125], "unit": [0, 6, 84, 120, 124, 125], "both": [0, 20, 97, 101, 125], "group": [0, 68, 125], "increas": [0, 103, 125], "longev": [0, 125], "usabl": [0, 125], "individu": [0, 10, 12, 14, 68, 76, 98, 125], "code": [0, 28, 36, 44, 48, 85, 113, 114, 125], "contribut": [0, 125, 126], "from": [0, 1, 6, 7, 8, 10, 12, 14, 16, 17, 18, 20, 22, 23, 25, 31, 32, 33, 34, 37, 41, 42, 46, 51, 53, 66, 68, 78, 80, 83, 85, 88, 89, 90, 95, 96, 97, 98, 101, 103, 104, 105, 111, 112, 113, 114, 116, 121, 124, 125, 126], "build": [0, 1, 63, 70, 83, 84, 88, 89, 90, 111, 113, 114, 125], "gener": [0, 8, 10, 12, 14, 20, 33, 41, 51, 55, 60, 62, 66, 81, 82, 85, 86, 87, 95, 105, 125], "reusabl": [0, 125], "softwar": [0, 42, 105, 125], "packag": [0, 1, 47, 115, 119, 120, 124, 125, 126], "base": [0, 4, 5, 6, 7, 8, 10, 12, 14, 16, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 33, 36, 37, 39, 41, 42, 44, 46, 49, 51, 52, 53, 55, 56, 60, 62, 64, 66, 67, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 90, 92, 93, 95, 96, 97, 100, 103, 104, 105, 106, 107, 109, 111, 112, 113, 114, 116, 120, 121, 125], "engin": [0, 125], "best": [0, 103, 124, 125], "practic": [0, 124, 125], "lower": [0, 101, 125], "technic": [0, 125], "threshold": [0, 60, 125], "most": [0, 1, 49, 84, 97, 125, 126], "scientif": [0, 1, 125], "problem": [0, 83, 124, 125], "The": [0, 6, 8, 10, 12, 14, 31, 34, 36, 37, 39, 44, 48, 51, 53, 55, 56, 60, 62, 64, 67, 68, 74, 76, 78, 80, 83, 85, 89, 92, 95, 96, 97, 98, 100, 101, 103, 104, 105, 118, 125], "improv": [0, 1, 109, 125], "classif": [0, 1, 63, 94, 97, 105, 125], "yield": [0, 76, 100, 105, 125], "veri": [0, 49, 125], "accur": [0, 125], "e": [0, 1, 7, 8, 10, 12, 14, 16, 18, 19, 20, 21, 22, 23, 24, 26, 27, 28, 29, 31, 34, 37, 48, 49, 53, 56, 60, 62, 64, 67, 68, 70, 71, 72, 75, 79, 83, 85, 88, 89, 90, 93, 95, 96, 97, 98, 103, 104, 105, 107, 111, 121, 124, 125, 126], "g": [0, 1, 10, 12, 14, 16, 18, 28, 31, 34, 37, 48, 49, 53, 60, 62, 68, 85, 88, 89, 97, 98, 107, 121, 124, 125, 126], "low": [0, 125], "energi": [0, 4, 37, 96, 97, 107, 125], "observ": [0, 125], "icecub": [0, 1, 3, 15, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 31, 32, 33, 34, 36, 39, 42, 44, 54, 60, 62, 63, 67, 69, 78, 80, 89, 120, 125, 126], "here": [0, 85, 124, 125, 126], "implement": [0, 1, 16, 18, 41, 51, 56, 67, 74, 75, 76, 77, 78, 80, 83, 92, 105, 124, 125], "wa": [0, 6, 125], "appli": [0, 6, 10, 12, 14, 36, 39, 40, 41, 44, 55, 67, 68, 74, 75, 76, 77, 78, 79, 80, 92, 93, 95, 97, 115, 125], "oscil": [0, 99, 125], "lead": [0, 125], "signific": [0, 125], "angular": [0, 125], "rang": [0, 97, 125], "relev": [0, 1, 34, 47, 119, 124, 125], "studi": [0, 125], "furthermor": [0, 92, 125], "shown": [0, 125], "could": [0, 124, 125], "muon": [0, 22, 125], "v": [0, 67, 125], "therebi": [0, 1, 113, 114, 125], "effici": [0, 125], "puriti": [0, 125], "sampl": [0, 49, 67, 85, 86, 88, 97, 125], "analysi": [0, 37, 55, 125, 126], "similarli": [0, 34, 125], "ha": [0, 34, 48, 60, 75, 89, 105, 119, 125, 126], "great": [0, 125], "point": [0, 27, 104, 105, 106, 125], "analys": [0, 54, 99, 125], "final": [0, 6, 66, 68, 103, 113, 125], "millisecond": [0, 125], "allow": [0, 54, 63, 68, 103, 111, 116, 125, 126], "whole": [0, 125], "new": [0, 1, 67, 88, 111, 116, 124, 125], "type": [0, 6, 7, 8, 10, 12, 14, 17, 18, 30, 31, 32, 41, 42, 46, 47, 48, 49, 51, 52, 53, 55, 64, 66, 67, 68, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 89, 90, 92, 93, 95, 96, 97, 98, 100, 101, 103, 105, 106, 107, 109, 111, 112, 113, 114, 115, 118, 119, 120, 121, 122, 124, 125], "cosmic": [0, 125], "alert": [0, 125], "which": [0, 10, 12, 14, 16, 18, 19, 28, 32, 37, 49, 51, 55, 64, 68, 76, 85, 86, 89, 90, 95, 98, 100, 105, 106, 109, 125, 126], "were": [0, 125], "previous": [0, 125], "unfeas": [0, 125], "possibl": [0, 31, 124, 125], "identifi": [0, 6, 10, 12, 14, 28, 88, 89, 98, 113, 114, 125], "10": [0, 8, 37, 71, 72, 88, 89, 109, 125], "tev": [0, 125], "monitor": [0, 125], "rate": [0, 103, 125], "direct": [0, 78, 80, 89, 95, 96, 97, 102, 104, 125], "real": [0, 125], "thi": [0, 3, 6, 8, 10, 12, 14, 16, 18, 20, 34, 36, 39, 41, 42, 44, 47, 48, 53, 60, 63, 66, 68, 74, 76, 80, 84, 85, 86, 88, 89, 92, 93, 95, 96, 97, 98, 100, 101, 103, 105, 106, 107, 111, 113, 114, 116, 121, 124, 125, 126], "enabl": [0, 3, 125], "first": [0, 74, 84, 92, 103, 106, 124, 125], "ever": [0, 125], "despit": [0, 125], "larg": [0, 74, 105, 125], "background": [0, 125], "origin": [0, 80, 100, 125], "compris": [0, 125], "number": [0, 6, 10, 12, 14, 16, 36, 37, 39, 44, 49, 53, 55, 66, 67, 68, 74, 75, 76, 77, 78, 79, 80, 83, 84, 86, 88, 89, 92, 95, 96, 97, 98, 103, 106, 109, 125], "modul": [0, 3, 5, 6, 10, 15, 34, 35, 36, 37, 38, 40, 41, 42, 43, 44, 50, 51, 53, 54, 55, 60, 63, 66, 67, 69, 73, 81, 82, 84, 85, 86, 87, 90, 91, 94, 99, 102, 108, 110, 113, 114, 115, 116, 120, 125], "necessari": [0, 8, 31, 124, 125], "workflow": [0, 125], "ingest": [0, 1, 3, 69, 125], "raw": [0, 88, 89, 125], "data": [0, 1, 4, 5, 6, 7, 8, 10, 12, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 36, 37, 39, 40, 41, 42, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 64, 66, 67, 68, 69, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 85, 86, 88, 92, 93, 97, 98, 104, 106, 109, 111, 113, 116, 120, 123, 125, 126], "domain": [0, 1, 3, 54, 125], "specif": [0, 1, 3, 5, 6, 10, 12, 14, 15, 16, 19, 34, 40, 41, 42, 48, 53, 54, 56, 64, 68, 69, 70, 71, 72, 73, 74, 79, 83, 85, 88, 91, 93, 94, 95, 96, 97, 105, 124, 125, 126], "format": [0, 1, 3, 6, 10, 31, 41, 51, 52, 53, 90, 92, 101, 113, 124, 125, 126], "deploi": [0, 1, 54, 56, 125], "chain": [0, 1, 54, 63, 93, 125, 126], "illustr": [0, 124, 125], "figur": [0, 101, 125], "level": [0, 10, 12, 14, 28, 33, 36, 39, 41, 42, 44, 48, 51, 52, 64, 68, 80, 121, 125, 126], "overview": [0, 125], "typic": [0, 31, 92, 125], "convert": [0, 1, 3, 6, 18, 31, 33, 36, 38, 39, 44, 46, 98, 125, 126], "industri": [0, 3, 125], "standard": [0, 3, 4, 33, 49, 56, 71, 72, 74, 85, 86, 88, 93, 97, 109, 124, 125], "intermedi": [0, 1, 3, 6, 10, 75, 125, 126], "file": [0, 1, 3, 6, 10, 12, 14, 16, 18, 31, 33, 36, 39, 41, 42, 44, 46, 47, 51, 52, 53, 55, 56, 60, 62, 85, 90, 100, 103, 105, 106, 109, 110, 111, 112, 113, 114, 119, 121, 125, 126], "read": [0, 3, 6, 10, 12, 14, 31, 40, 42, 70, 76, 93, 94, 125, 126], "simpl": [0, 63, 125], "physic": [0, 1, 18, 32, 34, 54, 60, 62, 63, 94, 97, 125], "orient": [0, 63, 125], "compon": [0, 1, 63, 66, 67, 68, 90, 93, 125], "manag": [0, 102, 125], "experi": [0, 1, 5, 6, 40, 41, 56, 102, 125], "log": [0, 1, 96, 102, 103, 105, 108, 125, 126], "deploy": [0, 1, 56, 60, 62, 85, 123, 125], "modular": [0, 63, 125], "subclass": [0, 63, 125], "torch": [0, 10, 12, 14, 63, 67, 85, 86, 90, 120, 125, 126], "nn": [0, 63, 67, 83, 86, 125], "mean": [0, 10, 12, 14, 63, 76, 78, 89, 105, 114, 125], "onli": [0, 1, 10, 12, 14, 63, 68, 74, 97, 100, 107, 111, 114, 116, 120, 125, 126], "need": [0, 8, 31, 53, 63, 66, 90, 92, 105, 118, 125, 126], "import": [0, 1, 48, 63, 108, 125], "few": [0, 63, 124, 125], "exist": [0, 10, 12, 14, 37, 48, 63, 104, 113, 125], "purpos": [0, 63, 105, 125], "built": [0, 63, 85, 125], "them": [0, 1, 31, 56, 63, 76, 97, 100, 125, 126], "togeth": [0, 63, 83, 93, 125], "form": [0, 16, 63, 95, 111, 116, 125], "complet": [0, 63, 93, 125], "extend": [0, 1, 125], "suit": [0, 97, 125], "through": [0, 95, 96, 97, 105, 125], "layer": [0, 63, 65, 68, 74, 75, 76, 77, 78, 80, 92, 95, 96, 97, 125], "connect": [0, 8, 83, 84, 85, 88, 105, 125], "etc": [0, 105, 121, 125], "optimis": [0, 1, 125], "differ": [0, 10, 12, 14, 16, 18, 41, 42, 86, 93, 106, 124, 125, 126], "track": [0, 16, 18, 22, 96, 124, 125], "These": [0, 41, 51, 53, 85, 124, 125], "prepar": [0, 8, 105, 125], "satisfi": [0, 125], "o": [0, 97, 125], "load": [0, 7, 10, 47, 56, 90, 111, 113, 125], "requir": [0, 18, 24, 48, 88, 95, 105, 113, 114, 116, 125, 126], "when": [0, 10, 12, 14, 31, 33, 48, 60, 67, 74, 76, 78, 92, 104, 121, 124, 125, 126], "batch": [0, 7, 37, 64, 67, 68, 92, 93, 98, 106, 109, 125], "do": [0, 56, 60, 105, 113, 114, 124, 125, 126], "predict": [0, 8, 23, 27, 29, 37, 60, 62, 75, 80, 93, 95, 97, 105, 106, 125], "either": [0, 8, 10, 12, 14, 18, 105, 125, 126], "contain": [0, 5, 6, 10, 12, 14, 15, 18, 31, 32, 36, 37, 39, 41, 42, 44, 48, 51, 53, 55, 56, 60, 62, 76, 81, 82, 84, 85, 86, 87, 89, 90, 97, 98, 105, 107, 109, 125, 126], "imag": [0, 1, 124, 125, 126], "portabl": [0, 125], "depend": [0, 125, 126], "free": [0, 105, 125], "split": [0, 8, 33, 53, 64, 125], "up": [0, 60, 124, 125, 126], "interfac": [0, 99, 113, 114, 125, 126], "block": [0, 1, 65, 67, 125], "pre": [0, 38, 39, 70, 85, 104, 124, 125], "directli": [0, 76, 125], "while": [0, 20, 103, 125], "continu": [0, 105, 125], "expand": [0, 125], "": [0, 6, 7, 8, 10, 12, 14, 31, 36, 39, 41, 44, 46, 51, 52, 53, 55, 66, 70, 75, 76, 85, 93, 97, 98, 103, 107, 109, 113, 114, 121, 122, 125, 126], "capabl": [0, 125], "project": [0, 66, 67, 124, 125], "receiv": [0, 125], "fund": [0, 125], "european": [0, 125], "union": [0, 6, 7, 8, 10, 12, 14, 20, 31, 34, 36, 39, 41, 42, 44, 55, 56, 60, 62, 64, 67, 68, 74, 76, 85, 86, 93, 97, 113, 116, 119, 125], "horizon": [0, 125], "2020": [0, 125], "innov": [0, 125], "programm": [0, 125], "under": [0, 125], "mari": [0, 125], "sk\u0142odowska": [0, 125], "curi": [0, 125], "grant": [0, 105, 125], "agreement": [0, 124, 125], "No": [0, 125], "890778": [0, 125], "work": [0, 4, 32, 74, 124, 125, 126], "rasmu": [0, 77, 125], "\u00f8rs\u00f8e": [0, 125], "partli": [0, 125], "punch4nfdi": [0, 125], "consortium": [0, 125], "support": [0, 6, 34, 124, 125, 126], "dfg": [0, 125], "nfdi": [0, 125], "39": [0, 125, 126], "1": [0, 6, 8, 10, 16, 31, 36, 39, 44, 49, 55, 64, 67, 68, 74, 76, 78, 80, 83, 84, 86, 89, 92, 95, 96, 97, 98, 103, 105, 106, 107, 113, 125, 126], "germani": [0, 125], "conveni": [1, 124, 126], "collabor": 1, "solv": [1, 124], "It": [1, 31, 48, 60, 66, 89, 95, 97, 124], "leverag": 1, "advanc": [1, 68], "machin": [1, 126], "learn": [1, 51, 53, 60, 62, 95, 97, 103, 126], "without": [1, 83, 88, 100, 105, 126], "have": [1, 20, 36, 39, 42, 44, 48, 49, 53, 68, 80, 85, 89, 97, 124, 126], "expert": 1, "themselv": [1, 113, 114], "acceler": 1, "area": 1, "phyic": 1, "design": 1, "principl": 1, "all": [1, 10, 12, 14, 16, 18, 20, 33, 48, 53, 60, 66, 67, 68, 70, 76, 79, 84, 85, 90, 105, 111, 112, 113, 114, 115, 116, 121, 124, 126], "streamlin": 1, "process": [1, 6, 36, 39, 44, 60, 66, 70, 74, 76, 78, 124, 126], "transform": [1, 67, 68, 78, 80, 92, 97, 107], "extens": [1, 41, 51, 119], "basic": 1, "across": [1, 2, 10, 12, 14, 34, 45, 55, 68, 93, 105, 108, 109, 110, 121], "variou": [1, 50], "easili": 1, "architectur": [1, 75, 76, 77, 78, 80, 92], "main": [1, 73, 85, 93, 124, 126], "featur": [1, 3, 4, 10, 12, 14, 19, 37, 53, 60, 62, 67, 68, 70, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 85, 86, 87, 88, 89, 92, 95, 98, 106, 113, 124], "i3": [1, 18, 32, 33, 34, 36, 39, 42, 44, 47, 55, 60, 62, 119, 126], "more": [1, 10, 47, 48, 74, 90, 113, 114, 121], "index": [1, 6, 10, 12, 14, 34, 48, 68, 70, 74, 84, 89, 92, 103], "sqlite": [1, 3, 8, 9, 14, 37, 39, 44, 46, 48, 53, 126], "suitabl": 1, "plug": 1, "plai": 1, "abstract": [1, 10, 51, 70, 79, 85, 97, 112], "awai": 1, "detail": [1, 74, 90, 103, 126], "expos": 1, "physicst": 1, "what": [1, 66, 85, 124], "i3modul": [1, 54, 56], "includ": [1, 67, 88, 93, 100, 105, 111, 124], "docker": 1, "run": [1, 42, 46, 55], "containeris": 1, "fashion": 1, "subpackag": [1, 3, 9, 15, 17, 54, 63, 81, 108], "dataset": [1, 3, 7, 8, 11, 12, 13, 14, 22, 49, 74, 85, 92, 109, 113], "extractor": [1, 3, 6, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 36, 39, 40, 41, 44, 60, 62], "parquet": [1, 3, 9, 12, 36, 39, 44, 46, 52, 71, 72, 126], "pre_configur": [1, 3, 39], "reader": [1, 3, 39, 41, 42], "util": [1, 3, 15, 17, 31, 32, 33, 34, 46, 47, 48, 49, 63, 81, 102, 109, 111, 112, 113, 114, 115, 116, 118, 119, 120, 121, 122, 123], "writer": [1, 3, 39, 51, 52, 53], "constant": [1, 3, 123], "dataclass": [1, 3, 32], "dataconvert": [1, 3, 38, 51, 52, 53], "dataload": [1, 3, 8, 37, 85, 93, 106, 116], "datamodul": [1, 3], "pipelin": [1, 3], "deployment_modul": [1, 54], "rnn": [1, 63, 74, 92], "coarsen": [1, 63, 68], "standard_model": [1, 63], "pisa": [1, 24, 37, 100, 101, 120, 123, 126], "fit": [1, 8, 93, 99, 101, 105, 107, 116], "plot": [1, 99], "callback": [1, 93, 102], "label": [1, 10, 22, 25, 75, 85, 93, 97, 101, 102, 106], "loss_funct": [1, 97, 102], "weight_fit": [1, 102], "config": [1, 7, 49, 100, 103, 105, 108, 109, 111, 112, 113, 114, 115, 116], "argpars": [1, 108], "decor": [1, 108, 120], "deprecation_tool": [1, 108], "filesi": [1, 108], "math": [1, 67, 108], "submodul": [1, 3, 9, 11, 13, 15, 17, 30, 35, 38, 40, 43, 45, 50, 54, 57, 59, 63, 65, 69, 73, 81, 82, 87, 91, 94, 99, 102, 108, 110, 115], "global": [2, 4, 74, 76, 78, 90], "deprecated_method": [3, 35, 43, 54, 57], "graphnet_file_read": [3, 40], "i3read": [3, 36, 39, 40, 44], "parquet_to_sqlit": [3, 45], "random": [3, 10, 12, 14, 45, 49, 88, 113], "sqlite_util": [3, 45], "string_selection_resolv": [3, 45], "graphnet_writ": [3, 50], "parquet_writ": [3, 50], "sqlite_writ": [3, 50], "truth": [3, 4, 10, 12, 14, 19, 28, 37, 48, 85, 97, 106, 107, 113], "i3fileset": [3, 5, 41, 42], "set": [3, 5, 8, 18, 20, 36, 39, 41, 42, 44, 51, 67, 80, 88, 89, 90, 97, 106, 124], "init_global_index": [3, 6], "collate_fn": [3, 7, 102, 106], "do_shuffl": [3, 7], "graphnetdatamodul": [3, 8], "insqlitepipelin": [3, 37], "class": [4, 5, 6, 7, 8, 9, 10, 12, 14, 16, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 33, 34, 36, 37, 39, 41, 42, 44, 46, 49, 51, 52, 53, 55, 56, 60, 62, 64, 66, 67, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 90, 92, 93, 95, 96, 97, 100, 103, 104, 105, 106, 107, 109, 111, 112, 113, 114, 115, 116, 121, 124], "object": [4, 5, 10, 12, 14, 20, 31, 34, 64, 68, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 90, 92, 93, 95, 96, 97, 100, 103, 105, 106, 109, 111, 113, 114, 116, 121], "namespac": [4, 90, 113, 114], "name": [4, 6, 7, 10, 12, 14, 16, 18, 19, 21, 22, 24, 25, 26, 27, 28, 29, 31, 33, 34, 36, 37, 39, 41, 44, 46, 48, 51, 52, 53, 56, 60, 62, 70, 85, 86, 88, 92, 97, 100, 104, 107, 109, 111, 113, 114, 115, 116, 121, 124, 126], "i3featureextractor": [4, 15, 17, 60, 62], "icecube86": [4, 69, 71], "dom_x": [4, 71, 88], "dom_i": [4, 71, 88], "dom_z": [4, 71, 88], "dom_tim": [4, 88], "charg": [4, 74, 88, 89, 92, 105], "rde": 4, "pmt_area": 4, "deepcor": [4, 19, 71], "upgrad": [4, 19, 71, 126], "string": [4, 10, 12, 14, 31, 49, 68, 70, 71, 85, 90, 111], "pmt_number": 4, "dom_numb": 4, "pmt_dir_x": 4, "pmt_dir_i": 4, "pmt_dir_z": 4, "dom_typ": 4, "prometheu": [4, 63, 69], "sensor_pos_x": [4, 72], "sensor_pos_i": [4, 72], "sensor_pos_z": [4, 72], "t": [4, 34, 48, 101, 103, 105, 126], "kaggl": [4, 66, 67, 71, 78, 80], "x": [4, 28, 66, 67, 68, 84, 88, 89, 92, 97, 98, 101, 105, 107], "y": [4, 28, 84, 98, 101, 126], "z": [4, 28, 84, 88, 89, 98, 126], "auxiliari": [4, 66], "i3truthextractor": [4, 15, 17], "energy_track": [4, 96], "energy_cascad": [4, 96], "position_x": 4, "position_i": 4, "position_z": 4, "azimuth": [4, 96, 104], "zenith": [4, 96, 104], "pid": [4, 49, 113], "elast": 4, "sim_typ": 4, "interaction_typ": 4, "interaction_tim": [4, 96], "inelast": [4, 96], "stopped_muon": 4, "injection_energi": 4, "injection_typ": 4, "injection_interaction_typ": 4, "injection_zenith": 4, "injection_azimuth": 4, "injection_bjorkenx": 4, "injection_bjorkeni": 4, "injection_position_x": 4, "injection_position_i": 4, "injection_position_z": 4, "injection_column_depth": 4, "primary_lepton_1_typ": 4, "primary_hadron_1_typ": 4, "primary_lepton_1_position_x": 4, "primary_lepton_1_position_i": 4, "primary_lepton_1_position_z": 4, "primary_hadron_1_position_x": 4, "primary_hadron_1_position_i": 4, "primary_hadron_1_position_z": 4, "primary_lepton_1_direction_theta": 4, "primary_lepton_1_direction_phi": 4, "primary_hadron_1_direction_theta": 4, "primary_hadron_1_direction_phi": 4, "primary_lepton_1_energi": 4, "primary_hadron_1_energi": 4, "total_energi": 4, "i3_fil": [5, 18], "str": [5, 6, 7, 8, 10, 12, 14, 16, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 31, 32, 33, 34, 36, 37, 39, 41, 42, 44, 46, 47, 48, 49, 51, 52, 53, 55, 56, 60, 62, 67, 68, 70, 71, 72, 74, 76, 78, 80, 85, 86, 88, 89, 90, 93, 97, 100, 103, 104, 106, 107, 109, 111, 112, 113, 114, 115, 116, 118, 119, 121], "gcd_file": [5, 18, 60, 62], "paramet": [5, 6, 7, 8, 10, 12, 14, 16, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 31, 32, 33, 34, 36, 37, 39, 41, 42, 44, 46, 47, 48, 49, 51, 52, 53, 55, 56, 60, 62, 64, 66, 67, 68, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 89, 90, 92, 93, 95, 96, 97, 98, 100, 101, 103, 104, 105, 106, 107, 109, 111, 112, 113, 114, 115, 116, 118, 119, 120, 121, 122], "output_fold": [5, 55], "worker": [5, 6, 36, 37, 44, 47, 55, 109, 121], "i3deploy": [5, 54, 59], "list": [5, 6, 7, 8, 10, 12, 14, 20, 28, 31, 33, 34, 36, 37, 39, 41, 42, 44, 46, 47, 48, 49, 51, 52, 53, 55, 56, 60, 62, 64, 67, 68, 70, 74, 76, 78, 83, 84, 85, 86, 88, 89, 90, 92, 93, 97, 98, 101, 103, 106, 107, 113, 115, 116, 119, 121], "ani": [5, 6, 7, 8, 10, 12, 14, 31, 32, 33, 34, 41, 51, 52, 53, 60, 64, 67, 68, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 89, 90, 92, 93, 95, 96, 97, 98, 101, 103, 105, 107, 109, 111, 112, 113, 114, 115, 116, 121, 126], "output_fil": 6, "global_index": 6, "avail": [6, 20, 37, 95, 96, 97, 120], "pool": [6, 63, 64, 65, 74, 76, 78], "return": [6, 7, 8, 10, 12, 14, 16, 18, 31, 32, 34, 41, 42, 46, 47, 48, 49, 51, 52, 53, 55, 64, 66, 67, 68, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 89, 90, 92, 93, 95, 96, 97, 98, 100, 101, 103, 104, 105, 106, 107, 109, 111, 112, 113, 114, 115, 118, 119, 120, 121, 122], "none": [6, 7, 8, 10, 12, 14, 18, 20, 28, 32, 33, 34, 36, 37, 39, 41, 42, 44, 46, 48, 49, 51, 52, 53, 55, 56, 62, 67, 68, 74, 76, 78, 80, 84, 85, 86, 88, 90, 92, 93, 97, 100, 103, 105, 106, 107, 109, 111, 112, 113, 115, 119, 121], "synchron": 6, "file_read": 6, "save_method": 6, "outdir": [6, 36, 37, 39, 44, 46, 100], "index_column": [6, 10, 12, 14, 36, 39, 44, 48, 49, 100, 106, 107, 113], "num_work": [6, 7, 39, 106], "abc": [6, 10, 16, 37, 41, 51, 55, 90, 104, 107, 112, 113, 114], "logger": [6, 8, 10, 16, 33, 37, 41, 46, 49, 51, 52, 55, 56, 83, 90, 93, 104, 107, 108, 121, 126], "A": [6, 8, 10, 33, 37, 41, 42, 48, 53, 55, 56, 60, 68, 85, 86, 89, 90, 95, 97, 98, 100, 105, 107, 111, 113, 114, 116, 126], "convers": [6, 36, 44, 46, 126], "parallel": [6, 36, 39, 44], "extract": [6, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 32, 46, 47, 60, 62, 97], "also": [6, 10, 12, 14, 49, 74, 113], "assign": [6, 10, 12, 14, 46, 64, 68, 124], "id": [6, 8, 36, 39, 44, 46, 70, 85, 106], "exampl": [6, 31, 49, 64, 68, 89, 98, 105, 113, 114, 126], "initi": [6, 33, 42, 53, 55, 67, 74, 80, 84], "graphnetfileread": [6, 40, 41, 42], "method": [6, 8, 10, 12, 14, 16, 18, 30, 31, 32, 34, 35, 36, 41, 43, 44, 51, 53, 56, 67, 68, 70, 89, 96, 105, 107], "graphnetwrit": [6, 50, 51, 52, 53], "save": [6, 16, 18, 31, 36, 39, 44, 48, 50, 51, 53, 90, 100, 103, 105, 106, 107, 111, 112, 113, 114, 126], "interim": [6, 50, 51, 52, 53], "directori": [6, 36, 37, 39, 41, 42, 44, 46, 51, 52, 100, 103, 119], "i3extractor": [6, 15, 16, 17, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 36, 39, 41, 44], "input": [6, 10, 12, 14, 36, 37, 39, 41, 42, 44, 51, 52, 55, 60, 62, 66, 67, 71, 74, 75, 76, 77, 78, 79, 85, 86, 88, 92, 95, 97, 98, 111, 116, 118], "default": [6, 8, 10, 12, 14, 18, 20, 28, 31, 36, 37, 39, 42, 44, 46, 48, 53, 55, 56, 60, 62, 66, 67, 68, 74, 75, 76, 77, 78, 80, 83, 84, 85, 86, 88, 90, 92, 97, 98, 100, 101, 103, 104, 105, 107, 109, 111, 113, 119], "event_no": [6, 10, 12, 14, 36, 39, 44, 48, 49, 107, 113], "column": [6, 10, 12, 14, 16, 36, 39, 44, 48, 56, 62, 70, 74, 83, 85, 86, 88, 89, 92, 93, 95, 96, 97, 98, 100, 107], "ad": [6, 10, 12, 14, 19, 36, 39, 44, 66, 76, 80, 85, 88, 89, 100], "int": [6, 7, 8, 10, 12, 14, 22, 25, 33, 36, 37, 39, 41, 42, 44, 49, 51, 52, 53, 55, 66, 67, 68, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 89, 90, 92, 93, 95, 96, 97, 98, 100, 103, 105, 106, 107, 109, 113, 116, 121], "cpu": [6, 36, 39, 44, 56, 126], "multiprocess": [6, 36, 39, 44, 126], "get_map_funct": 6, "nb_file": 6, "map": [6, 10, 12, 14, 19, 20, 48, 71, 72, 85, 86, 97, 111, 113, 114, 116], "pure": [6, 16, 17, 20, 34], "tupl": [6, 10, 12, 14, 32, 34, 48, 67, 74, 76, 78, 89, 97, 98, 100, 101, 106, 109, 118], "option": [6, 8, 10, 12, 14, 18, 28, 37, 53, 56, 62, 67, 68, 74, 76, 78, 80, 84, 85, 86, 88, 90, 92, 97, 100, 101, 103, 107, 108, 109, 111, 113, 119, 126], "merge_fil": [6, 51, 52, 53], "merg": [6, 51, 52, 53, 105, 126], "call": [6, 20, 34, 66, 68, 97, 100, 103, 107, 121], "instanti": [6, 8, 114], "remov": [7, 36, 44, 85, 106, 109], "less": [7, 106], "two": [7, 76, 100, 103, 105, 106], "dom": [7, 10, 12, 14, 64, 68, 74, 88, 89, 92, 106], "hit": [7, 106], "should": [7, 10, 12, 14, 16, 18, 31, 49, 56, 67, 68, 74, 80, 85, 86, 92, 98, 105, 106, 111, 113, 114, 116, 124, 126], "occur": [7, 106], "product": [7, 67, 106], "selection_nam": 7, "check": [7, 32, 33, 34, 41, 48, 88, 109, 119, 120, 124, 126], "whether": [7, 32, 34, 48, 66, 67, 74, 76, 78, 80, 90, 105, 115, 119, 120], "shuffl": [7, 8, 47, 106], "select": [7, 8, 10, 12, 14, 25, 49, 106, 107, 113, 124], "bool": [7, 32, 33, 34, 48, 49, 51, 60, 66, 67, 74, 76, 78, 80, 85, 88, 89, 90, 93, 100, 103, 105, 106, 107, 109, 115, 118, 119, 120, 121], "batch_siz": [7, 37, 98, 106], "persistent_work": [7, 106], "prefetch_factor": 7, "kwarg": [7, 10, 12, 14, 33, 41, 51, 52, 64, 67, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 90, 92, 93, 95, 96, 97, 103, 105, 107, 111, 113, 114, 121], "construct": [7, 8, 10, 12, 14, 16, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 33, 41, 46, 49, 51, 52, 56, 64, 65, 66, 67, 70, 71, 72, 75, 76, 77, 78, 79, 80, 81, 82, 83, 85, 86, 87, 88, 89, 90, 92, 93, 95, 96, 97, 100, 103, 104, 105, 106, 107, 109, 112, 113, 114, 121], "t_co": 7, "callabl": [7, 10, 34, 67, 68, 70, 71, 72, 76, 85, 97, 106, 107, 111, 113, 114, 115, 120], "classmethod": [7, 10, 90, 105, 111, 112], "from_dataset_config": 7, "datasetconfig": [7, 10, 49, 110, 113], "dict": [7, 8, 10, 20, 31, 34, 37, 48, 56, 70, 71, 72, 80, 85, 86, 90, 93, 100, 101, 103, 106, 109, 111, 113, 114, 115, 116, 118], "dataset_refer": 8, "dataset_arg": 8, "test_select": [8, 113], "train_dataloader_kwarg": 8, "validation_dataloader_kwarg": 8, "test_dataloader_kwarg": 8, "train_val_split": 8, "0": [8, 10, 12, 14, 36, 39, 42, 44, 49, 60, 64, 67, 68, 74, 75, 76, 78, 83, 84, 86, 89, 92, 98, 100, 101, 105, 106, 113], "9": 8, "split_se": 8, "lightningdatamodul": 8, "creat": [8, 37, 48, 85, 88, 111, 112, 116, 124, 126], "sqlitedataset": [8, 13, 14], "parquetdataset": [8, 11, 12], "non": [8, 31, 34, 48, 74, 105], "refer": [8, 72, 113], "argument": [8, 46, 80, 85, 103, 107, 109, 111, 113, 114, 116], "valid": [8, 34, 49, 93, 97, 103, 105, 109, 111, 116], "test": [8, 49, 97, 106, 113, 120, 124], "ratio": [8, 67], "42": [8, 126], "seed": [8, 10, 12, 14, 49, 85, 86, 106, 113], "prepare_data": 8, "setup": [8, 103, 126], "stage": [8, 103], "lightn": [8, 103], "properti": [8, 10, 16, 23, 34, 41, 51, 68, 70, 79, 88, 89, 93, 97, 104, 112, 121], "train_dataload": [8, 93], "val_dataload": [8, 93], "test_dataload": 8, "teardown": 8, "cleanup": 8, "shutdown": 8, "procedur": 8, "close": 8, "after": [8, 67, 74, 76, 78, 103, 109, 113], "overrid": [8, 103], "parquet_dataset": [9, 11], "sqlite_dataset": [9, 13], "columnmissingexcept": [9, 10], "load_modul": [9, 10, 90], "parse_graph_definit": [9, 10], "ensembledataset": [9, 10, 113], "except": 10, "indic": [10, 49, 68, 74, 84, 89, 92, 103, 109, 124], "miss": 10, "class_nam": [10, 33, 41, 51, 52, 114, 121], "cfg": 10, "graphdefinit": [10, 12, 14, 81, 82, 85, 86, 87, 106, 124], "arg": [10, 12, 14, 33, 64, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 90, 92, 93, 95, 96, 97, 105, 109, 111, 121], "path": [10, 12, 14, 18, 36, 39, 41, 42, 44, 47, 48, 53, 55, 60, 62, 67, 85, 90, 100, 101, 103, 106, 109, 111, 112, 113, 119, 126], "pulsemap": [10, 12, 14, 19, 60, 62, 106, 113], "puls": [10, 12, 14, 19, 20, 32, 34, 48, 60, 64, 68, 80, 85, 88, 89, 98], "seri": [10, 12, 14, 19, 20, 32, 34, 48, 60, 74, 88, 92], "node": [10, 12, 14, 63, 64, 68, 74, 75, 76, 78, 81, 82, 83, 85, 86, 92, 98], "multipl": [10, 12, 14, 89, 103, 113, 121], "store": [10, 12, 14, 37, 48, 51, 52, 53, 100, 104], "attribut": [10, 12, 14, 64, 97], "node_truth": [10, 12, 14, 106, 113], "uniqu": [10, 12, 14, 46, 48, 88, 98, 113], "indici": [10, 12, 14, 32, 49, 105], "tabl": [10, 12, 14, 16, 18, 37, 41, 48, 53, 70, 85, 100, 107], "truth_tabl": [10, 12, 14, 100, 106, 107, 113], "inform": [10, 12, 14, 16, 18, 20, 28, 85, 88, 89, 90, 101], "node_truth_t": [10, 12, 14, 106, 113], "string_select": [10, 12, 14, 106, 113], "subset": [10, 12, 14, 67, 74, 76, 78, 92], "given": [10, 12, 14, 18, 53, 68, 83, 97, 107, 109], "queri": [10, 12, 14, 48, 49, 53, 67], "pass": [10, 12, 14, 66, 67, 74, 75, 76, 77, 78, 79, 80, 85, 92, 93, 97, 103, 105, 107, 124], "dtype": [10, 12, 14, 85, 86, 122], "float32": [10, 12, 14, 85, 86], "tensor": [10, 12, 14, 56, 64, 66, 67, 68, 70, 74, 75, 76, 77, 78, 79, 80, 84, 88, 92, 93, 97, 98, 105, 118, 122], "loss_weight_t": [10, 12, 14, 106, 113], "per": [10, 12, 14, 20, 48, 67, 68, 74, 92, 97, 105, 107], "loss": [10, 12, 14, 85, 93, 97, 103, 105, 109], "weight": [10, 12, 14, 60, 62, 67, 80, 85, 97, 100, 105, 107, 114, 126], "loss_weight_column": [10, 12, 14, 85, 106, 113], "correspond": [10, 12, 14, 31, 34, 47, 76, 85, 89, 107, 111, 113, 114, 116, 119, 126], "loss_weight_default_valu": [10, 12, 14, 85, 113], "float": [10, 12, 14, 60, 67, 74, 75, 83, 84, 85, 86, 92, 93, 100, 101, 103, 105, 106, 113], "note": [10, 12, 14, 42, 53, 89, 101, 114], "valu": [10, 12, 14, 28, 31, 48, 67, 68, 84, 85, 86, 98, 101, 104, 105, 109, 111], "specifi": [10, 12, 14, 49, 64, 89, 97, 101, 103, 126], "case": [10, 12, 14, 20, 36, 39, 42, 44, 60, 68, 89, 97, 126], "That": [10, 12, 14, 76, 96, 104], "ignor": [10, 12, 14, 34], "resolv": [10, 12, 14, 49], "10000": [10, 12, 14, 49, 66], "5": [10, 12, 14, 49, 74, 92, 109, 126], "20": [10, 12, 14, 49, 121], "graph_definit": [10, 12, 14, 63, 81, 106, 113], "defin": [10, 12, 14, 49, 56, 60, 62, 68, 81, 82, 83, 85, 87, 89, 106, 111, 113, 114, 116], "represent": [10, 12, 14, 34, 66, 67, 68, 86, 90, 92], "from_config": [10, 90, 112, 113, 114], "instanc": [10, 16, 18, 28, 34, 36, 39, 42, 44, 85, 90, 100, 104, 106, 112, 114, 126], "concaten": [10, 31, 76], "one": [10, 18, 48, 60, 68, 113, 114, 119, 124, 126], "query_t": [10, 12, 14], "sequential_index": [10, 12, 14], "some": [10, 12, 14, 36, 39, 42, 44, 85, 89], "out": [10, 76, 93, 94, 105, 121, 124, 126], "sequenti": 10, "len": [10, 89], "self": [10, 85, 100, 111, 116], "_may_": 10, "_indic": 10, "If": [10, 18, 20, 33, 37, 53, 67, 76, 80, 85, 88, 89, 90, 97, 100, 103, 107, 124, 126], "entir": [10, 90], "impos": 10, "befor": [10, 76, 84, 92, 97, 103], "scalar": [10, 16, 98, 105], "length": [10, 34, 89, 98, 103], "rais": [10, 18, 20, 52, 90, 111, 116], "element": [10, 16, 31, 34, 93, 98, 106, 115], "present": [10, 18, 33, 98, 109, 119, 120], "add_label": 10, "fn": [10, 34, 111, 115], "kei": [10, 20, 31, 32, 34, 48, 67, 68, 88, 104, 113, 114], "add": [10, 67, 76, 109, 118, 124, 126], "custom": [10, 41, 85, 103], "concatdataset": 10, "singl": [10, 51, 53, 68, 76, 89, 104, 113, 114], "collect": [10, 17, 30, 105, 122], "iter": 10, "backend": [11, 13, 50, 52], "pytorch": [12, 14, 103, 126], "databas": [14, 37, 46, 48, 53, 100, 107, 126], "i3genericextractor": [15, 17], "i3hybridrecoextractor": [15, 17], "i3ntmuonlabelsextractor": [15, 17], "i3particleextractor": [15, 17], "i3pisaextractor": [15, 17], "i3quesoextractor": [15, 17], "i3retroextractor": [15, 17], "i3splinempeextractor": [15, 17], "i3tumextractor": [15, 17], "extractor_nam": [16, 18, 20, 23], "inherit": [16, 18, 34, 41, 51, 70, 88, 105, 121], "__call__": [16, 18, 41, 56], "dictionari": [16, 31, 32, 34, 37, 41, 48, 85, 86, 90, 100, 101, 111, 113, 114, 116], "output": [16, 46, 53, 55, 56, 66, 67, 74, 75, 76, 77, 79, 88, 89, 92, 93, 95, 96, 97, 100, 107, 113, 114, 126], "var1": 16, "var_n": 16, "variabl": [16, 18, 20, 34, 41, 76, 88, 89, 98, 107, 121], "arrai": [16, 28, 31, 88, 89, 98], "like": [16, 34, 68, 84, 97, 98, 105, 122, 124], "shape": [16, 84, 85, 88, 98, 105], "n": [16, 64, 68, 84, 98, 105], "where": [16, 36, 39, 42, 44, 85, 86, 88, 89, 92, 98, 104], "denot": [16, 103], "conjunct": [16, 97], "fileread": [16, 41], "keep": [16, 18, 88], "proven": [16, 18], "mc_truth": 16, "get": [16, 32, 48, 70, 103, 106, 126], "i3fram": [17, 20, 32, 34, 60, 62], "frame": [17, 18, 20, 30, 33, 34, 62], "i3_filt": [17, 30, 36, 39, 42, 44], "i3featureextractoricecube86": [17, 19], "i3featureextractoricecubedeepcor": [17, 19], "i3featureextractoricecubeupgrad": [17, 19], "i3pulsenoisetruthflagicecubeupgrad": [17, 19], "i3galacticplanehybridrecoextractor": [17, 21], "i3ntmuonlabelextractor": [17, 22], "i3splinempeicextractor": [17, 27], "observatori": [18, 42], "set_gcd": 18, "gframe": 18, "cframe": 18, "gcd": [18, 32, 36, 39, 42, 44, 47, 60, 62, 119], "pair": [18, 36, 39, 42, 44, 66], "member": [18, 20, 34, 41, 88, 113, 114, 121], "being": [18, 60, 95, 97], "attempt": 18, "find": [18, 84, 119], "c": [18, 31, 68, 84, 105, 126], "instead": [18, 36, 39, 42, 44, 105], "those": 18, "runtimeerror": 18, "86": [19, 71], "nois": [19, 32, 60], "flag": [19, 60], "exclude_kei": 20, "dynam": [20, 67, 76, 77, 78], "pars": [20, 101, 108, 109, 110, 111, 116], "tri": [20, 34], "automat": [20, 85, 105, 124], "cast": [20, 34], "done": [20, 68, 121, 124], "recurs": [20, 34, 36, 39, 41, 42, 44, 90, 115, 119], "each": [20, 31, 34, 46, 47, 48, 53, 55, 56, 64, 66, 67, 68, 71, 72, 74, 76, 78, 83, 85, 86, 88, 89, 92, 95, 97, 98, 100, 101, 103, 106, 119], "look": [20, 126], "signatur": [20, 34], "similar": [20, 34, 126], "handl": [20, 105, 109, 118, 121], "hand": 20, "special": [20, 60, 92, 98], "mc": [20, 48], "tree": 20, "trigger": 20, "exclud": [20, 46, 126], "valueerror": [20, 90], "hybrid": 21, "galatict": 21, "plane": [21, 105], "tum": [22, 29], "dnn": [22, 29], "padding_valu": [22, 25, 98], "northeren": 22, "i3particl": 23, "other": [23, 48, 83, 105, 124], "algorithm": 23, "comparison": [23, 105], "quantiti": [24, 97, 98], "queso": 25, "retro": [26, 37], "splinemp": 27, "border": 28, "mctree": [28, 32], "ndarrai": [28, 85, 89, 107], "boundari": 28, "volum": 28, "coordin": [28, 70, 84, 88, 89, 98], "particl": [28, 48, 104], "start": [28, 124, 126], "stop": [28, 103, 109], "within": [28, 64, 67, 68, 76, 83], "hard": [28, 88], "i3mctre": 28, "flatten_nested_dictionari": [30, 31], "serialis": [30, 31], "transpose_list_of_dict": [30, 31], "frame_is_montecarlo": [30, 32], "frame_is_nois": [30, 32], "get_om_keys_and_pulseseri": [30, 32], "i3filt": [30, 33, 36, 39, 42, 44], "nullspliti3filt": [30, 33, 36, 39, 42, 44], "i3filtermask": [30, 33], "is_boost_enum": [30, 34], "is_boost_class": [30, 34], "is_icecube_class": [30, 34], "is_typ": [30, 34], "is_method": [30, 34], "break_cyclic_recurs": [30, 34], "get_member_vari": [30, 34], "cast_object_to_pure_python": [30, 34], "cast_pulse_series_to_pure_python": [30, 34], "manipul": [31, 81, 82, 87], "obj": [31, 34, 115], "parent_kei": 31, "separ": [31, 84, 103, 126], "flatten": 31, "nest": 31, "d": [31, 84, 85, 88, 98, 124], "b": [31, 64, 68, 98], "2": [31, 36, 44, 67, 68, 74, 76, 78, 83, 86, 89, 92, 96, 98, 100, 101, 105, 113, 126], "a__b": 31, "applic": 31, "combin": [31, 39, 74, 113], "parent": 31, "__": [31, 34], "nester": 31, "json": [31, 113], "therefor": [31, 42], "we": [31, 34, 49, 89, 124, 126], "outer": 31, "abl": [31, 126], "de": 31, "transpos": 31, "mont": 32, "carlo": 32, "simul": [32, 60], "icetrai": [32, 34, 36, 39, 42, 44, 56, 120], "pulseseri": 32, "calibr": [32, 34], "gcd_dict": [32, 34], "p": [32, 105], "om": [32, 34], "i3calibr": 32, "indicesfor": 32, "filter": [33, 36, 39, 42, 44, 121], "log_fold": [33, 41, 51, 52, 121], "skip": [33, 76], "null": [33, 48], "filter_nam": 33, "filter_ani": 33, "filtermask": 33, "true": [33, 48, 60, 74, 76, 78, 80, 85, 88, 90, 100, 103, 105, 107, 113, 114, 116, 119], "kept": 33, "fals": [33, 60, 66, 67, 76, 80, 85, 90, 100, 103, 105, 107, 113], "boost": 34, "enum": 34, "ensur": [34, 47, 105, 121, 124, 126], "isn": 34, "same": [34, 48, 64, 68, 89, 95, 98, 103, 115, 121], "return_discard": 34, "mangl": 34, "take": [34, 68, 89, 92, 124], "mainli": 34, "cannot": [34, 92, 111, 116], "trivial": [34, 97], "For": [34, 88, 103], "doe": [34, 95, 97, 114], "try": 34, "equival": 34, "its": [34, 92], "regular": [34, 67], "otherwis": [34, 105], "itself": [34, 97], "deem": 34, "wai": [34, 49, 124, 126], "optic": [34, 89], "found": [34, 36, 39, 42, 44, 89, 105], "deprec": [35, 36, 43, 44, 118], "parquetdataconvert": [35, 36], "gcd_rescu": [36, 39, 42, 44, 119], "i3toparquetconvert": [36, 38, 39], "subfold": [36, 39, 42, 44], "search": [36, 39, 41, 42, 44, 119], "convent": [36, 39, 42, 44], "folder": [36, 39, 42, 44, 55], "accompani": [36, 39, 42, 44], "howev": [36, 39, 42, 44], "broken": [36, 39, 42, 44], "In": [36, 39, 41, 42, 44, 51, 113, 114, 126], "icetray_verbos": [36, 39, 42, 44], "verbos": [36, 39, 42, 44, 93, 103], "pframe": [36, 39, 42, 44], "module_dict": 37, "devic": [37, 56], "retro_table_nam": 37, "n_worker": [37, 55, 100], "pipeline_nam": 37, "initialis": [37, 114], "gnn_module_for_energy_regress": 37, "modulelist": 37, "comput": [37, 56, 67, 84, 93, 97, 98, 105, 111, 113, 114, 116], "100": [37, 126], "size": [37, 53, 67, 68, 74, 76, 77, 78, 80, 98, 109], "alreadi": [37, 48, 126], "error": [37, 105, 121, 124], "prompt": 37, "avoid": [37, 121, 124], "overwrit": [37, 56, 103], "i3tosqliteconvert": [38, 39, 44], "preconfigur": 39, "must": [41, 42, 48, 51, 64, 103, 107, 124], "addit": [41, 51, 64, 67, 93, 105, 107], "accepted_file_extens": 41, "accepted_extractor": 41, "accept": [41, 124], "compat": [41, 49, 97], "extracor_nam": 41, "produc": [41, 66, 104, 107], "find_fil": [41, 42], "mai": [41, 49, 56, 88, 126], "overwritten": [41, 109, 111], "match": [41, 107, 119, 122], "set_extractor": 41, "validate_fil": 41, "input_fil": [41, 55], "reli": 42, "environ": [42, 126], "sqlitedataconvert": [43, 44, 126], "parquettosqliteconvert": [45, 46], "pairwise_shuffl": [45, 47], "database_exist": [45, 48], "query_databas": [45, 48], "get_primary_kei": [45, 48], "database_table_exist": [45, 48], "run_sql_cod": [45, 48], "save_to_sql": [45, 48], "attach_index": [45, 48], "create_t": [45, 48], "create_table_and_save_to_sql": [45, 48], "stringselectionresolv": [45, 49], "parquet_path": 46, "mc_truth_tabl": 46, "excluded_field": 46, "everi": [46, 126], "field": [46, 101, 104, 111, 113, 114, 116, 118], "One": [46, 101], "choos": 46, "certain": [46, 100], "exclude_field": 46, "database_nam": [46, 53], "rng": 47, "relat": [47, 119], "i3_list": [47, 119], "gcd_list": [47, 119], "correpond": 47, "handi": 47, "becaus": 47, "even": 47, "files_list": 47, "gcd_shuffl": 47, "i3_shuffl": 47, "database_path": [48, 100, 107], "execut": 48, "result": [48, 68, 89, 103, 105, 106, 115, 126], "datafram": [48, 49, 51, 70, 93, 100, 106, 107], "primari": 48, "splitinicepuls": 48, "table_nam": 48, "df": 48, "attach": 48, "default_typ": 48, "integer_primary_kei": 48, "NOT": [48, 105], "integ": [48, 74, 76, 77, 105], "Such": 48, "row": [48, 53, 89, 98], "appropri": [48, 97], "expect": [48, 49, 51, 60, 62, 85, 88], "doesn": 48, "use_cach": 49, "flexibl": 49, "below": [49, 88, 101, 107, 124, 126], "show": [49, 103], "involv": 49, "cover": 49, "current": [49, 92, 103, 124, 126], "yml": [49, 109, 113, 114], "50000": [49, 113], "ab": [49, 105, 113], "12": [49, 80, 113], "14": [49, 113], "16": [49, 66, 74, 113], "13": [49, 126], "panda": [49, 107], "syntax": [49, 105], "fix": 49, "randomli": [49, 85, 86, 114], "dataformat": [50, 53], "parquetwrit": [50, 52], "sqlitewrit": [50, 53], "graphnetfilesavemethod": [51, 53], "deep": [51, 53, 67, 78, 80], "save_fil": 51, "reciev": 51, "file_extens": 51, "output_dir": [51, 52, 53], "smaller": 51, "expects_merged_datafram": 51, "write": [52, 60, 62, 126], "notimplementederror": 52, "merged_database_nam": 53, "max_table_s": 53, "db": [53, 106], "maximum": [53, 68, 88, 89, 97, 109], "proceedur": 53, "partit": 53, "approxim": 53, "you": [53, 55, 66, 113, 114, 124, 126], "mani": 53, "exceed": 53, "400": 53, "million": 53, "tend": 53, "notic": [53, 98, 105], "slower": 53, "put": 53, "my_databas": 53, "cleaning_modul": [54, 59], "inference_modul": [54, 59], "deploymentmodul": [54, 55, 56, 62], "baseclass": 55, "thei": 55, "appear": 55, "Will": [55, 60, 62, 83], "independ": 55, "sequenc": [55, 66, 67, 89, 98, 106], "determin": [55, 74], "divid": 55, "written": 55, "model_config": [56, 60, 62, 108, 110, 111, 113, 116], "state_dict": [56, 60, 62, 90, 118], "prediction_column": [56, 62, 93, 106], "modelconfig": [56, 60, 62, 90, 110, 113, 114], "i3pulsecleanermodul": [59, 60], "i3inferencemodul": [59, 60, 62], "pulsemap_extractor": [60, 62], "model_nam": [60, 62, 100], "discard_empty_ev": 60, "clean": [60, 124, 126], "assum": [60, 70, 85, 89, 97, 98], "been": [60, 105, 124], "pulsmap": [60, 62], "summar": [60, 62, 88, 89], "help": [60, 62, 109, 124], "entri": [60, 62, 76, 98, 101, 109], "dynedg": [60, 62, 63, 73, 77, 78, 80], "associ": [60, 62, 85, 89, 96, 97, 105], "7": [60, 68, 100], "consid": [60, 74, 126], "posit": [60, 66, 67, 68, 80, 89, 96, 111, 116], "signal": 60, "els": 60, "elimin": 60, "whose": 60, "empti": 60, "speed": [60, 84], "especi": 60, "sinc": [60, 105], "further": 60, "calcul": [60, 66, 83, 86, 88, 93, 98, 104, 105], "energy_reco": 62, "embed": [63, 65, 74, 80, 92, 95, 97], "rnn_tito": [63, 73], "convnet": [63, 73], "dynedge_jinst": [63, 73], "dynedge_kaggle_tito": [63, 73], "icemix": [63, 73], "edg": [63, 67, 68, 76, 77, 78, 81, 84, 85, 86, 87, 88, 98], "node_rnn": [63, 74, 91], "unbatch_edge_index": [63, 64], "attributecoarsen": [63, 64], "domcoarsen": [63, 64], "customdomcoarsen": [63, 64], "domandtimewindowcoarsen": [63, 64], "standardmodel": [63, 93], "calculate_xyzt_homophili": [63, 98], "calculate_distance_matrix": [63, 98], "knn_graph_batch": [63, 98], "array_to_sequ": [63, 98], "oper": [64, 67, 73, 76], "cluster": [64, 67, 68, 74, 76, 78, 88, 89, 92], "local": [64, 71, 72, 88, 109], "edge_index": [64, 67, 98], "accord": [64, 68, 83, 85, 86, 89], "vector": [64, 67, 68, 105], "longtensor": [64, 68, 98], "mathbf": [64, 68], "ldot": [64, 68], "reduce_opt": 64, "avg": 64, "avg_pool": 64, "avg_pool_x": 64, "max": [64, 67, 76, 78, 105, 109], "max_pool": [64, 68], "max_pool_x": [64, 68], "min": [64, 68, 76, 78], "min_pool": [64, 65, 68], "min_pool_x": [64, 65, 68], "sum": [64, 68, 76, 78, 93], "sum_pool": [64, 65, 68], "sum_pool_x": [64, 65, 68], "forward": [64, 66, 67, 70, 74, 75, 76, 77, 78, 79, 80, 83, 85, 88, 92, 93, 97, 105], "simplecoarsen": 64, "window": 64, "time_window": 64, "sinusoidalposemb": [65, 66], "fourierencod": [65, 66], "spacetimeencod": [65, 66], "dynedgeconv": [65, 67, 76], "edgeconvtito": [65, 67], "dyntran": [65, 67, 74, 78], "droppath": [65, 67], "mlp": [65, 67, 76], "block_rel": [65, 67], "attention_rel": [65, 67], "sum_pool_and_distribut": [65, 68], "group_bi": [65, 68], "group_pulses_to_dom": [65, 68], "group_pulses_to_pmt": [65, 68], "std_pool_x": [65, 68], "std_pool": [65, 68], "dim": [66, 67], "n_freq": 66, "scale": [66, 67, 77, 80, 84, 85, 89, 97, 105], "lightningmodul": [66, 67, 90, 103, 121], "sinusoid": [66, 80], "competit": [66, 67, 71, 78, 80], "2nd": [66, 80], "place": [66, 80, 118, 124], "solut": [66, 67, 78, 80, 124], "see": [66, 74, 83, 85, 103, 124, 126], "arxiv": [66, 83, 105], "2310": 66, "15674": 66, "fourier": 66, "encod": 66, "attent": [66, 67, 80], "1706": 66, "03762": 66, "seen": 66, "soft": 66, "digit": 66, "dimens": [66, 67, 71, 72, 74, 75, 76, 78, 80, 89, 92, 97, 98, 105], "frequenc": 66, "seq_length": [66, 80, 98], "output_dim": 66, "incorpor": 66, "meaning": 66, "128": [66, 75, 76, 78, 80, 109], "dimension": [66, 67], "384": [66, 80], "spacetim": 66, "space": [66, 83, 84, 97, 107], "interv": 66, "between": [66, 81, 82, 83, 84, 87, 93, 97, 98, 103, 105, 113, 114], "32": [66, 80], "aggr": 67, "nb_neighbor": 67, "features_subset": [67, 74, 76, 78, 92], "edgeconv": 67, "convolut": [67, 75, 76, 77, 78], "aggreg": [67, 68], "8": [67, 68, 74, 76, 78, 86, 92, 105, 106, 124, 126], "neighbour": [67, 74, 76, 78, 83, 84, 86, 92, 98], "slice": [67, 76], "sparsetensor": 67, "messagepass": 67, "tito": [67, 74, 78], "reset_paramet": 67, "reset": 67, "learnabl": [67, 73, 74, 75, 76, 77, 78, 79, 80, 92, 97], "messag": [67, 103, 121], "x_i": 67, "x_j": 67, "layer_s": 67, "n_head": [67, 74, 78], "dyntrans1": 67, "head": [67, 74, 78, 80, 97], "multiheadattent": 67, "drop_prob": 67, "drop": [67, 75], "stochast": 67, "depth": [67, 80, 89], "probabl": [67, 105], "dure": [67, 80, 85, 97, 103], "extra_repr": [67, 90], "extra": [67, 126], "in_featur": 67, "hidden_featur": 67, "out_featur": 67, "activ": [67, 74, 76, 88, 92, 93, 97, 124, 126], "gelu": 67, "dropout_prob": 67, "multi": [67, 76], "perceptron": [67, 76], "hidden": [67, 74, 76, 77, 92], "dropout": [67, 74, 92], "input_dim": 67, "num_head": 67, "mlp_ratio": 67, "qkv_bia": 67, "qk_scale": 67, "attn_drop": 67, "drop_path": 67, "init_valu": 67, "norm_lay": 67, "normal": [67, 76, 89, 97], "layernorm": 67, "attn_head_dim": 67, "beitv2": 67, "4": [67, 77, 80, 96, 101], "feedforward": 67, "bia": 67, "term": [67, 105], "matric": 67, "factor": [67, 103], "dot": 67, "gamma_1": 67, "gamma_2": 67, "key_padding_mask": 67, "rel_pos_bia": 67, "kv": 67, "proj_drop": 67, "mechan": 67, "rel": [67, 80], "multipli": [67, 103], "head_dim": 67, "q": 67, "k": [67, 74, 76, 78, 83, 86, 92, 98, 105], "attn_mask": 67, "just": [68, 126], "negat": 68, "cluster_index": 68, "distribut": [68, 76, 96, 97, 105, 107], "ident": [68, 97], "pmt": [68, 89], "f1": 68, "f2": 68, "6": [68, 101], "groupbi": 68, "3": [68, 74, 75, 78, 84, 89, 92, 96, 98, 100, 101, 105, 124, 126], "matrix": [68, 83, 84, 98, 105], "mathbb": 68, "r": [68, 83, 126], "n_1": 68, "n_b": 68, "f": 68, "obtain": [68, 105], "wise": 68, "dens": 68, "fc": 68, "known": 68, "std": 68, "repres": [68, 74, 85, 86, 88, 89, 98, 111, 113, 114], "averag": [68, 105], "torch_geometr": [68, 98], "version": [68, 89, 97, 103, 124, 126], "standardis": 69, "icecubekaggl": [69, 71], "icecubedeepcor": [69, 71], "icecubeupgrad": [69, 71], "orca150": [69, 72], "ins": 70, "feature_map": [70, 71, 72], "input_featur": [70, 85], "input_feature_nam": [70, 85, 86, 88], "adjac": 70, "geometry_t": [70, 71, 72], "public": [70, 107], "retriev": 70, "geometri": [70, 85], "string_index_nam": 70, "sensor_position_nam": 70, "xyz": [70, 71, 72, 88, 89], "sensor_index_nam": 70, "sensor": [70, 85], "geometry_table_path": [71, 72], "home": [71, 72, 109, 126], "runner": [71, 72, 109], "lib": [71, 72, 109, 126], "python3": [71, 72, 109], "string_id_column": [71, 72], "sensor_id_column": [71, 72], "sensor_id": [71, 72], "icecube_upgrad": 71, "prototyp": 72, "orca_150": 72, "sensor_string_id": 72, "dynedgejinst": [73, 77], "dynedgetito": [73, 74, 78], "deepic": [73, 80], "rnn_dynedg": 74, "intend": [74, 92, 126], "amount": 74, "nb_input": [74, 75, 76, 77, 78, 79, 92, 95, 96, 97], "time_series_column": [74, 92], "treat": [74, 92], "nb_neighbour": [74, 76, 78, 92], "rnn_layer": 74, "rnn_hidden_s": 74, "64": [74, 126], "rnn_dropout": 74, "latent": [74, 76, 78, 80, 92, 95, 96, 97], "metric": [74, 76, 78, 84, 92, 103], "nearest": [74, 76, 78, 83, 84, 86, 92, 98], "dyntrans_layer_s": [74, 78], "post_processing_layer_s": [74, 76, 78], "post": [74, 76, 78], "readout_layer_s": [74, 76, 78], "readout": [74, 76, 78], "global_pooling_schem": [74, 76, 78], "scheme": [74, 76, 78], "embedding_dim": [74, 92], "ie": 74, "use_global_featur": [74, 78], "use_post_processing_lay": [74, 78], "author": [75, 77, 105], "martin": 75, "minh": 75, "nb_output": [75, 77, 79, 88, 95, 96, 97], "nb_intermedi": 75, "dropout_ratio": 75, "fraction": [75, 92, 106], "dynedge_layer_s": 76, "dimenion": [76, 78], "256": [76, 78], "336": [76, 78], "follow": [76, 93, 105, 107, 124, 126], "_and_": 76, "As": 76, "last": [76, 92, 95, 96, 97, 103, 106], "add_global_variables_after_pool": 76, "altern": [76, 105, 124], "activation_lay": 76, "add_norm_lay": 76, "linear": 76, "skip_readout": 76, "exact": [77, 105], "2209": 77, "03042": 77, "oerso": 77, "layer_size_scal": 77, "ic": [78, 80, 88], "univers": [78, 80], "south": [78, 80], "pole": [78, 80], "core": 79, "drhb": 80, "http": [80, 83, 85, 105, 124], "github": [80, 85, 105, 126], "com": [80, 85, 105, 126], "hidden_dim": 80, "head_siz": 80, "depth_rel": 80, "n_rel": 80, "scaled_emb": 80, "include_dynedg": 80, "dynedge_arg": 80, "impact": 80, "no_weight_decai": 80, "cls_tocken": 80, "subject": [80, 105], "decai": 80, "edgedefinit": [81, 82, 83, 84, 85, 87], "how": [81, 82, 87], "drawn": [81, 82, 86, 87], "minkowski": [81, 82], "knngraph": [81, 86], "lex_sort": [81, 89], "gather_cluster_sequ": [81, 89], "identify_indic": [81, 89], "cluster_summarize_with_percentil": [81, 89], "ice_transpar": [81, 89], "knnedg": [82, 83], "radialedg": [82, 83], "euclideanedg": [82, 83], "compute_minkowski_distance_mat": [82, 84], "minkowskiknnedg": [82, 84], "_construct_edg": 83, "definit": [83, 85, 86, 88, 90, 97, 124], "nb_nearest_neighbour": [83, 84, 86], "distanc": [83, 84, 86, 98], "sphere": 83, "chosen": [83, 89, 121], "radiu": 83, "centr": 83, "radial": 83, "center": 83, "euclidean": [83, 124], "org": [83, 105, 126], "pdf": 83, "1809": 83, "06166": 83, "space_coord": 84, "time_coord": 84, "pairwis": [84, 98], "second": 84, "m": [84, 89, 105], "light": [84, 126], "time_like_weight": 84, "prefer": [84, 126], "over": [84, 88], "time_lik": 84, "hold": 85, "alter": 85, "node_definit": [85, 86], "edge_definit": 85, "nodedefinit": [85, 86, 87, 88], "nodesaspuls": [85, 87, 88], "perturbation_dict": [85, 86], "deviat": [85, 86, 89], "perturb": [85, 86], "add_inactive_sensor": 85, "inact": 85, "append": 85, "pad": [85, 89, 98], "sensor_mask": 85, "mask": [85, 98], "string_mask": 85, "sort_bi": 85, "sort": [85, 89], "truth_dict": 85, "custom_label_funct": 85, "loss_weight": [85, 97], "data_path": 85, "num_row": 85, "team": [85, 124], "blob": [85, 105], "getting_start": 85, "md": 85, "your": [86, 124, 126], "percentileclust": [87, 88], "nodeasdomtimeseri": [87, 88], "icemixnod": [87, 88], "num_puls": 88, "node_feature_nam": 88, "new_features_nam": 88, "overridden": 88, "set_number_of_input": 88, "set_output_feature_nam": 88, "measur": [88, 89, 98], "cherenkov": [88, 89], "radiat": [88, 89], "percentil": [88, 89], "summari": [88, 89], "cluster_on": [88, 89], "50": [88, 89, 109], "90": [88, 89, 101], "add_count": [88, 89], "duplic": 88, "id_column": 88, "time_column": 88, "charge_column": 88, "max_activ": 88, "n_puls": 88, "limit": [88, 105], "minimum": [88, 97], "hlc": 88, "max_puls": 88, "768": 88, "z_name": 88, "hlc_name": 88, "coincid": 88, "cluster_column": 89, "numpi": 89, "along": 89, "backward": [89, 105], "feature_idx": 89, "turn": [89, 124], "gather": 89, "nan": 89, "n_cluster": 89, "l": [89, 98], "largest": 89, "suppos": 89, "n_pmt": 89, "three": [89, 105], "spatial": 89, "column_offset": 89, "feature_nam": 89, "summarization_indic": 89, "cluster_indic": 89, "interpol": [89, 103], "500": 89, "inaccur": 89, "scatter": 89, "f_absorpt": 89, "absorpt": 89, "f_scatter": 89, "verbose_print": 90, "save_state_dict": 90, "load_state_dict": 90, "karg": 90, "trust": 90, "enough": 90, "eval": [90, 126], "lambda": 90, "express": [90, 105], "consequ": 90, "set_verbose_print_recurs": 90, "descript": [90, 109], "print": [90, 103, 121], "about": [90, 111, 113, 114, 116], "extra_repr_recurs": 90, "indent": 90, "recurr": 91, "nodetimernn": 92, "standalon": 92, "pr": 92, "seper": 92, "hidden_s": [92, 95, 96, 97], "num_lay": 92, "clean_up_data_object": 92, "updat": [92, 98, 100, 103], "backbon": 93, "max_epoch": 93, "early_stopping_pati": [93, 116], "gpu": [93, 109, 126], "ckpt_path": 93, "log_every_n_step": 93, "gradient_clip_v": 93, "distribution_strategi": 93, "trainer_kwarg": 93, "pytorch_lightn": [93, 103, 121], "trainer": [93, 103, 106], "target_label": [93, 97], "target": [93, 95, 97, 105, 116], "prediction_label": [93, 97], "configure_optim": 93, "optim": [93, 103], "shared_step": 93, "batch_idx": [93, 98], "share": 93, "step": [93, 98, 103], "training_step": 93, "train_batch": 93, "validation_step": 93, "val_batch": 93, "compute_loss": [93, 97], "pred": [93, 97], "mode": [93, 97], "deactiv": [93, 97], "predict_as_datafram": 93, "additional_attribut": [93, 106], "multiclassclassificationtask": [94, 95], "binaryclassificationtask": [94, 95], "binaryclassificationtasklogit": [94, 95], "azimuthreconstructionwithkappa": [94, 96], "azimuthreconstruct": [94, 96], "directionreconstructionwithkappa": [94, 96], "zenithreconstruct": [94, 96], "zenithreconstructionwithkappa": [94, 96], "energyreconstruct": [94, 96], "energyreconstructionwithpow": [94, 96], "energytcreconstruct": [94, 96], "energyreconstructionwithuncertainti": [94, 96], "vertexreconstruct": [94, 96], "positionreconstruct": [94, 96], "timereconstruct": [94, 96], "inelasticityreconstruct": [94, 96], "learnedtask": [94, 97], "standardlearnedtask": [94, 95, 96, 97], "identitytask": [94, 95, 97], "standardflowtask": [94, 97], "classifi": 95, "untransform": 95, "interpret": 95, "logit": [95, 105], "binari": [95, 105], "default_target_label": [95, 96, 97], "default_prediction_label": [95, 96, 97], "target_pr": 95, "angl": [96, 104], "kappa": [96, 105], "var": 96, "azimuth_pr": 96, "azimuth_kappa": 96, "3d": [96, 105], "vmf": 96, "dir_x_pr": 96, "dir_y_pr": 96, "dir_z_pr": 96, "direction_kappa": 96, "zenith_pr": 96, "zenith_kappa": 96, "stabl": [96, 97], "energy_pr": 96, "cascad": 96, "energy_track_pr": 96, "energy_cascade_pr": 96, "uncertainti": 96, "energy_sigma": 96, "vertex": 96, "position_x_pr": 96, "position_y_pr": 96, "position_z_pr": 96, "interaction_time_pr": 96, "interact": 96, "hadron": 96, "inelasticity_pr": 96, "lossfunct": [97, 102, 105], "auto": 97, "matic": 97, "_pred": 97, "transform_prediction_and_target": 97, "numer": 97, "transform_target": 97, "log10": [97, 107], "rather": [97, 121], "transform_infer": 97, "invers": 97, "recov": 97, "transform_support": 97, "restrict": [97, 105], "invert": 97, "1e6": 97, "train_ev": 97, "act": [97, 105], "wrt": 97, "meet": 97, "come": [97, 124], "vast": 97, "major": 97, "supervis": 97, "grab": 97, "send": 97, "evalu": 97, "normalizingflow": 97, "jacobian": 97, "flow": 97, "xyzt": 98, "homophili": 98, "xyz_coord": 98, "nb_dom": 98, "excluding_valu": 98, "total": [98, 106], "belong": 98, "inf": 98, "masked_entri": 98, "config_updat": [99, 100], "weightfitt": [99, 100, 102, 107], "contourfitt": [99, 100], "read_entri": [99, 101], "plot_2d_contour": [99, 101], "plot_1d_contour": [99, 101], "contour": [100, 101], "config_path": 100, "new_config_path": 100, "dummy_sect": 100, "temp": 100, "dummi": 100, "section": 100, "header": 100, "configupdat": 100, "programat": 100, "statistical_fit": 100, "fit_weight": [100, 107], "config_outdir": 100, "weight_nam": [100, 107], "pisa_config_dict": 100, "add_to_databas": [100, 107], "flux": 100, "_database_path": 100, "statist": 100, "effect": [100, 103, 124], "account": 100, "systemat": 100, "hypersurfac": 100, "chang": [100, 105, 124], "assumpt": 100, "regard": 100, "pipeline_path": 100, "post_fix": 100, "include_retro": 100, "fit_1d_contour": 100, "run_nam": 100, "config_dict": 100, "grid_siz": 100, "theta23_minmax": 100, "36": 100, "54": 100, "dm31_minmax": 100, "1d": [100, 101], "fit_2d_contour": 100, "2d": [100, 101, 105], "content": 101, "contour_data": 101, "xlim": 101, "ylim": 101, "0023799999999999997": 101, "0025499999999999997": 101, "chi2_critical_valu": 101, "width": 101, "height": 101, "path_to_pisa_fit_result": 101, "name_of_my_model_in_fit": 101, "legend": 101, "color": 101, "linestyl": 101, "style": [101, 124], "line": [101, 103, 109], "upper": 101, "bound": 101, "axi": 101, "605": 101, "critic": [101, 121], "chi2": 101, "cl": 101, "right": [101, 105], "176": 101, "inch": 101, "388": 101, "706": 101, "abov": [101, 105, 107, 126], "352": 101, "piecewiselinearlr": [102, 103], "progressbar": [102, 103], "graphnetearlystop": [102, 103], "mseloss": [102, 105], "rmseloss": [102, 105], "logcoshloss": [102, 105], "crossentropyloss": [102, 105], "binarycrossentropyloss": [102, 105], "logcmk": [102, 105], "vonmisesfisherloss": [102, 105], "vonmisesfisher2dloss": [102, 105], "euclideandistanceloss": [102, 105], "vonmisesfisher3dloss": [102, 105], "collator_sequence_bucklet": [102, 106], "make_dataload": [102, 106], "make_train_validation_dataload": [102, 106], "get_predict": [102, 106], "save_result": [102, 106], "save_select": [102, 106], "uniform": [102, 107], "bjoernlow": [102, 107], "mileston": 103, "last_epoch": 103, "_lrschedul": 103, "linearli": 103, "closest": 103, "vice": 103, "versa": 103, "wrap": [103, 113, 114], "epoch": [103, 109], "stdout": 103, "get_lr": 103, "refresh_r": 103, "process_posit": 103, "tqdmprogressbar": 103, "progress": 103, "bar": 103, "customis": 103, "init_validation_tqdm": 103, "init_predict_tqdm": 103, "init_test_tqdm": 103, "init_train_tqdm": 103, "get_metr": 103, "on_train_epoch_start": 103, "previou": 103, "behaviour": 103, "on_train_epoch_end": 103, "don": [103, 126], "duplciat": 103, "save_dir": 103, "earlystop": 103, "earli": [103, 109], "keyword": [103, 111, 116], "graphnet_model": 103, "on_validation_end": 103, "on_fit_end": 103, "runtim": [104, 126], "azimuth_kei": 104, "zenith_kei": 104, "access": [104, 126], "azimiuth": 104, "return_el": 105, "elementwis": 105, "squar": 105, "root": [105, 126], "cosh": 105, "small": 105, "cross": 105, "entropi": 105, "num_class": 105, "softmax": 105, "ed": 105, "mit": 105, "licens": 105, "copyright": 105, "2019": 105, "ryabinin": 105, "permiss": 105, "herebi": 105, "person": 105, "copi": 105, "document": 105, "deal": 105, "modifi": 105, "publish": 105, "sublicens": 105, "sell": 105, "permit": 105, "whom": 105, "furnish": 105, "so": [105, 126], "condit": 105, "shall": 105, "substanti": 105, "portion": 105, "THE": 105, "AS": 105, "warranti": 105, "OF": 105, "kind": 105, "OR": 105, "impli": 105, "BUT": 105, "TO": 105, "merchant": 105, "FOR": 105, "particular": [105, 124], "AND": 105, "noninfring": 105, "IN": 105, "NO": 105, "holder": 105, "BE": 105, "liabl": 105, "claim": 105, "damag": 105, "liabil": 105, "action": 105, "contract": 105, "tort": 105, "aris": 105, "WITH": 105, "_____________________": 105, "mryab": 105, "vmf_loss": 105, "master": 105, "py": [105, 126], "bessel": 105, "exponenti": 105, "ditto": 105, "iv": 105, "1812": 105, "04616": 105, "spite": 105, "suggest": 105, "sec": 105, "paper": 105, "correct": 105, "static": [105, 124], "ctx": 105, "grad_output": 105, "von": 105, "mise": 105, "fisher": 105, "log_cmk_exact": 105, "c_": 105, "exactli": [105, 121], "log_cmk_approx": 105, "approx": 105, "minu": 105, "sign": 105, "log_cmk": 105, "kappa_switch": 105, "diverg": 105, "700": 105, "float64": 105, "precis": 105, "unaccur": 105, "switch": 105, "batch_split": 106, "bucket": 106, "cut": 106, "mini": 106, "explicitli": [106, 111, 116], "alwai": 106, "respect": 106, "database_indic": 106, "test_siz": 106, "node_level": 106, "tag": [106, 124, 126], "archiv": 106, "file_path": 106, "csv": [106, 113], "uniformweightfitt": 107, "bin": 107, "privat": 107, "_fit_weight": 107, "sql": 107, "desir": [107, 119], "np": 107, "happen": 107, "x_low": 107, "wherea": 107, "curv": 107, "base_config": [108, 110], "dataset_config": [108, 110], "training_config": [108, 110], "argumentpars": [108, 109], "rename_state_dict_entri": [108, 118], "is_gcd_fil": [108, 119], "is_i3_fil": [108, 119], "has_extens": [108, 119], "find_i3_fil": [108, 119], "has_icecube_packag": [108, 120], "has_torch_packag": [108, 120], "has_pisa_packag": [108, 120], "requires_icecub": [108, 120], "repeatfilt": [108, 121], "eps_lik": [108, 122], "consist": [109, 121, 124], "cli": 109, "pop_default": 109, "usag": 109, "command": [109, 126], "standard_argu": 109, "training_example_data_sqlit": 109, "patienc": 109, "narg": 109, "example_energy_reconstruction_model": 109, "num": 109, "fetch": 109, "with_standard_argu": 109, "baseconfig": [110, 111, 112, 113, 114, 116], "get_all_argument_valu": [110, 111], "save_dataset_config": [110, 113], "datasetconfigsavermeta": [110, 113], "datasetconfigsaverabcmeta": [110, 113], "save_model_config": [110, 114], "modelconfigsavermeta": [110, 114], "modelconfigsaverabc": [110, 114], "traverse_and_appli": [110, 115], "list_all_submodul": [110, 115], "get_all_grapnet_class": [110, 115], "is_graphnet_modul": [110, 115], "is_graphnet_class": [110, 115], "get_graphnet_class": [110, 115], "trainingconfig": [110, 116], "basemodel": [111, 113, 114], "validationerror": [111, 116], "pydantic_cor": [111, 116], "dump": [111, 113, 114], "yaml": [111, 112], "as_dict": [111, 113, 114], "model_computed_field": [111, 113, 114, 116], "classvar": [111, 113, 114, 116], "computedfieldinfo": [111, 113, 114, 116], "configdict": [111, 113, 114, 116], "conform": [111, 113, 114, 116], "pydant": [111, 113, 114, 116], "model_field": [111, 113, 114, 116], "fieldinfo": [111, 113, 114, 116], "metadata": [111, 113, 114, 116], "replac": [111, 113, 114, 116, 118], "__fields__": [111, 113, 114, 116], "v1": [111, 113, 114, 116, 126], "re": [112, 126], "save_config": 112, "dataconfig": 113, "transpar": [113, 114, 124], "reproduc": [113, 114], "session": [113, 114], "anoth": [113, 114], "still": 113, "train_select": 113, "unambigu": [113, 114], "annot": [113, 114, 116], "nonetyp": 113, "init_fn": [113, 114], "__init__": [113, 114, 126], "metaclass": [113, 114], "abcmeta": [113, 114], "datasetconfigsav": 113, "trainabl": 114, "hyperparamet": 114, "thu": 114, "modelconfigsav": 114, "fn_kwarg": 115, "structur": 115, "moduletyp": 115, "grapnet": 115, "lookup": 115, "transit": 118, "old_phras": 118, "new_phras": 118, "deepcopi": 118, "who": 118, "renam": 118, "phrase": 118, "system": [119, 126], "filenam": 119, "dir": 119, "test_funct": 120, "repeat": 121, "nb_repeats_allow": 121, "record": 121, "logrecord": 121, "clear": 121, "intuit": 121, "composit": 121, "loggeradapt": 121, "clash": 121, "setlevel": 121, "deleg": 121, "msg": 121, "warn": 121, "info": [121, 126], "debug": 121, "warning_onc": 121, "onc": 121, "handler": 121, "file_handl": 121, "filehandl": 121, "stream_handl": 121, "streamhandl": 121, "assort": 122, "ep": 122, "api": 123, "To": [124, 126], "sure": [124, 126], "smooth": 124, "guidelin": 124, "guid": 124, "encourag": 124, "contributor": 124, "discuss": 124, "bug": 124, "anyth": 124, "describ": 124, "would": 124, "yourself": 124, "ownership": 124, "prioriti": 124, "situat": 124, "lot": 124, "effort": 124, "go": 124, "outsid": 124, "scope": 124, "better": 124, "fork": 124, "repo": 124, "dedic": 124, "branch": [124, 126], "repositori": 124, "own": [124, 126], "autom": 124, "review": 124, "least": [124, 126], "pep8": 124, "docstr": 124, "googl": 124, "hint": 124, "adher": 124, "pep": 124, "pylint": 124, "flake8": 124, "black": 124, "well": 124, "recommend": [124, 126], "mypi": 124, "pydocstyl": 124, "docformatt": 124, "commit": 124, "hook": 124, "instal": 124, "pip": [124, 126], "Then": 124, "everytim": 124, "pep257": 124, "concept": 124, "ljvmiranda921": 124, "io": 124, "notebook": 124, "2018": 124, "06": 124, "21": 124, "precommit": 124, "virtual": 126, "anaconda": 126, "prove": 126, "instruct": 126, "want": 126, "part": 126, "achiev": 126, "bash": 126, "shell": 126, "cvmf": 126, "opensciencegrid": 126, "py3": 126, "v4": 126, "sh": 126, "rhel_7_x86_64": 126, "metaproject": 126, "env": 126, "alia": 126, "script": 126, "With": 126, "now": 126, "geometr": 126, "won": 126, "later": 126, "torch_cpu": 126, "txt": 126, "torch_gpu": 126, "unix": 126, "git": 126, "clone": 126, "usernam": 126, "cd": 126, "conda": 126, "gcc_linux": 126, "gxx_linux": 126, "libgcc": 126, "cudatoolkit": 126, "11": 126, "forg": 126, "box": 126, "compil": 126, "gcc": 126, "date": 126, "possibli": 126, "cuda": 126, "toolkit": 126, "recent": 126, "omit": 126, "newer": 126, "export": 126, "ld_library_path": 126, "anaconda3": 126, "miniconda3": 126, "bashrc": 126, "librari": 126, "rm": 126, "asogaard": 126, "latest": 126, "dc423315742c": 126, "01_icetrai": 126, "01_convert_i3_fil": 126, "2023": 126, "01": 126, "24": 126, "41": 126, "27": 126, "graphnet_20230124": 126, "134127": 126, "46": 126, "convert_i3_fil": 126, "ic86": 126, "thread": 126, "00": 126, "79": 126, "26": 126, "413": 126, "88it": 126, "specialis": 126, "ones": 126, "push": 126, "vx": 126}, "objects": {"": [[1, 0, 0, "-", "graphnet"]], "graphnet": [[2, 0, 0, "-", "constants"], [3, 0, 0, "-", "data"], [54, 0, 0, "-", "deployment"], [63, 0, 0, "-", "models"], [99, 0, 0, "-", "pisa"], [102, 0, 0, "-", "training"], [108, 0, 0, "-", "utilities"]], "graphnet.data": [[4, 0, 0, "-", "constants"], [5, 0, 0, "-", "dataclasses"], [6, 0, 0, "-", "dataconverter"], [7, 0, 0, "-", "dataloader"], [8, 0, 0, "-", "datamodule"], [9, 0, 0, "-", "dataset"], [15, 0, 0, "-", "extractors"], [35, 0, 0, "-", "parquet"], [37, 0, 0, "-", "pipeline"], [38, 0, 0, "-", "pre_configured"], [40, 0, 0, "-", "readers"], [43, 0, 0, "-", "sqlite"], [45, 0, 0, "-", "utilities"], [50, 0, 0, "-", "writers"]], "graphnet.data.constants": [[4, 1, 1, "", "FEATURES"], [4, 1, 1, "", "TRUTH"]], "graphnet.data.constants.FEATURES": [[4, 2, 1, "", "DEEPCORE"], [4, 2, 1, "", "ICECUBE86"], [4, 2, 1, "", "KAGGLE"], [4, 2, 1, "", "PROMETHEUS"], [4, 2, 1, "", "UPGRADE"]], "graphnet.data.constants.TRUTH": [[4, 2, 1, "", "DEEPCORE"], [4, 2, 1, "", "ICECUBE86"], [4, 2, 1, "", "KAGGLE"], [4, 2, 1, "", "PROMETHEUS"], [4, 2, 1, "", "UPGRADE"]], "graphnet.data.dataclasses": [[5, 1, 1, "", "I3FileSet"], [5, 1, 1, "", "Settings"]], "graphnet.data.dataclasses.I3FileSet": [[5, 2, 1, "", "gcd_file"], [5, 2, 1, "", "i3_file"]], "graphnet.data.dataclasses.Settings": [[5, 2, 1, "", "gcd_file"], [5, 2, 1, "", "i3_files"], [5, 2, 1, "", "modules"], [5, 2, 1, "", "output_folder"]], "graphnet.data.dataconverter": [[6, 1, 1, "", "DataConverter"], [6, 4, 1, "", "init_global_index"]], "graphnet.data.dataconverter.DataConverter": [[6, 3, 1, "", "get_map_function"], [6, 3, 1, "", "merge_files"]], "graphnet.data.dataloader": [[7, 1, 1, "", "DataLoader"], [7, 4, 1, "", "collate_fn"], [7, 4, 1, "", "do_shuffle"]], "graphnet.data.dataloader.DataLoader": [[7, 3, 1, "", "from_dataset_config"]], "graphnet.data.datamodule": [[8, 1, 1, "", "GraphNeTDataModule"]], "graphnet.data.datamodule.GraphNeTDataModule": [[8, 3, 1, "", "prepare_data"], [8, 3, 1, "", "setup"], [8, 3, 1, "", "teardown"], [8, 5, 1, "", "test_dataloader"], [8, 5, 1, "", "train_dataloader"], [8, 5, 1, "", "val_dataloader"]], "graphnet.data.dataset": [[10, 0, 0, "-", "dataset"], [11, 0, 0, "-", "parquet"], [13, 0, 0, "-", "sqlite"]], "graphnet.data.dataset.dataset": [[10, 6, 1, "", "ColumnMissingException"], [10, 1, 1, "", "Dataset"], [10, 1, 1, "", "EnsembleDataset"], [10, 4, 1, "", "load_module"], [10, 4, 1, "", "parse_graph_definition"]], "graphnet.data.dataset.dataset.Dataset": [[10, 3, 1, "", "add_label"], [10, 3, 1, "", "concatenate"], [10, 3, 1, "", "from_config"], [10, 5, 1, "", "path"], [10, 3, 1, "", "query_table"], [10, 5, 1, "", "truth_table"]], "graphnet.data.dataset.parquet": [[12, 0, 0, "-", "parquet_dataset"]], "graphnet.data.dataset.parquet.parquet_dataset": [[12, 1, 1, "", "ParquetDataset"]], "graphnet.data.dataset.parquet.parquet_dataset.ParquetDataset": [[12, 3, 1, "", "query_table"]], "graphnet.data.dataset.sqlite": [[14, 0, 0, "-", "sqlite_dataset"]], "graphnet.data.dataset.sqlite.sqlite_dataset": [[14, 1, 1, "", "SQLiteDataset"]], "graphnet.data.dataset.sqlite.sqlite_dataset.SQLiteDataset": [[14, 3, 1, "", "query_table"]], "graphnet.data.extractors": [[16, 0, 0, "-", "extractor"], [17, 0, 0, "-", "icecube"]], "graphnet.data.extractors.extractor": [[16, 1, 1, "", "Extractor"]], "graphnet.data.extractors.extractor.Extractor": [[16, 5, 1, "", "name"]], "graphnet.data.extractors.icecube": [[18, 0, 0, "-", "i3extractor"], [19, 0, 0, "-", "i3featureextractor"], [20, 0, 0, "-", "i3genericextractor"], [21, 0, 0, "-", "i3hybridrecoextractor"], [22, 0, 0, "-", "i3ntmuonlabelsextractor"], [23, 0, 0, "-", "i3particleextractor"], [24, 0, 0, "-", "i3pisaextractor"], [25, 0, 0, "-", "i3quesoextractor"], [26, 0, 0, "-", "i3retroextractor"], [27, 0, 0, "-", "i3splinempeextractor"], [28, 0, 0, "-", "i3truthextractor"], [29, 0, 0, "-", "i3tumextractor"], [30, 0, 0, "-", "utilities"]], "graphnet.data.extractors.icecube.i3extractor": [[18, 1, 1, "", "I3Extractor"]], "graphnet.data.extractors.icecube.i3extractor.I3Extractor": [[18, 3, 1, "", "set_gcd"]], "graphnet.data.extractors.icecube.i3featureextractor": [[19, 1, 1, "", "I3FeatureExtractor"], [19, 1, 1, "", "I3FeatureExtractorIceCube86"], [19, 1, 1, "", "I3FeatureExtractorIceCubeDeepCore"], [19, 1, 1, "", "I3FeatureExtractorIceCubeUpgrade"], [19, 1, 1, "", "I3PulseNoiseTruthFlagIceCubeUpgrade"]], "graphnet.data.extractors.icecube.i3genericextractor": [[20, 1, 1, "", "I3GenericExtractor"]], "graphnet.data.extractors.icecube.i3hybridrecoextractor": [[21, 1, 1, "", "I3GalacticPlaneHybridRecoExtractor"]], "graphnet.data.extractors.icecube.i3ntmuonlabelsextractor": [[22, 1, 1, "", "I3NTMuonLabelExtractor"]], "graphnet.data.extractors.icecube.i3particleextractor": [[23, 1, 1, "", "I3ParticleExtractor"]], "graphnet.data.extractors.icecube.i3pisaextractor": [[24, 1, 1, "", "I3PISAExtractor"]], "graphnet.data.extractors.icecube.i3quesoextractor": [[25, 1, 1, "", "I3QUESOExtractor"]], "graphnet.data.extractors.icecube.i3retroextractor": [[26, 1, 1, "", "I3RetroExtractor"]], "graphnet.data.extractors.icecube.i3splinempeextractor": [[27, 1, 1, "", "I3SplineMPEICExtractor"]], "graphnet.data.extractors.icecube.i3truthextractor": [[28, 1, 1, "", "I3TruthExtractor"]], "graphnet.data.extractors.icecube.i3tumextractor": [[29, 1, 1, "", "I3TUMExtractor"]], "graphnet.data.extractors.icecube.utilities": [[31, 0, 0, "-", "collections"], [32, 0, 0, "-", "frames"], [33, 0, 0, "-", "i3_filters"], [34, 0, 0, "-", "types"]], "graphnet.data.extractors.icecube.utilities.collections": [[31, 4, 1, "", "flatten_nested_dictionary"], [31, 4, 1, "", "serialise"], [31, 4, 1, "", "transpose_list_of_dicts"]], "graphnet.data.extractors.icecube.utilities.frames": [[32, 4, 1, "", "frame_is_montecarlo"], [32, 4, 1, "", "frame_is_noise"], [32, 4, 1, "", "get_om_keys_and_pulseseries"]], "graphnet.data.extractors.icecube.utilities.i3_filters": [[33, 1, 1, "", "I3Filter"], [33, 1, 1, "", "I3FilterMask"], [33, 1, 1, "", "NullSplitI3Filter"]], "graphnet.data.extractors.icecube.utilities.types": [[34, 4, 1, "", "break_cyclic_recursion"], [34, 4, 1, "", "cast_object_to_pure_python"], [34, 4, 1, "", "cast_pulse_series_to_pure_python"], [34, 4, 1, "", "get_member_variables"], [34, 4, 1, "", "is_boost_class"], [34, 4, 1, "", "is_boost_enum"], [34, 4, 1, "", "is_icecube_class"], [34, 4, 1, "", "is_method"], [34, 4, 1, "", "is_type"]], "graphnet.data.parquet": [[36, 0, 0, "-", "deprecated_methods"]], "graphnet.data.parquet.deprecated_methods": [[36, 1, 1, "", "ParquetDataConverter"]], "graphnet.data.pipeline": [[37, 1, 1, "", "InSQLitePipeline"]], "graphnet.data.pre_configured": [[39, 0, 0, "-", "dataconverters"]], "graphnet.data.pre_configured.dataconverters": [[39, 1, 1, "", "I3ToParquetConverter"], [39, 1, 1, "", "I3ToSQLiteConverter"]], "graphnet.data.readers": [[41, 0, 0, "-", "graphnet_file_reader"], [42, 0, 0, "-", "i3reader"]], "graphnet.data.readers.graphnet_file_reader": [[41, 1, 1, "", "GraphNeTFileReader"]], "graphnet.data.readers.graphnet_file_reader.GraphNeTFileReader": [[41, 5, 1, "", "accepted_extractors"], [41, 5, 1, "", "accepted_file_extensions"], [41, 5, 1, "", "extracor_names"], [41, 3, 1, "", "find_files"], [41, 3, 1, "", "set_extractors"], [41, 3, 1, "", "validate_files"]], "graphnet.data.readers.i3reader": [[42, 1, 1, "", "I3Reader"]], "graphnet.data.readers.i3reader.I3Reader": [[42, 3, 1, "", "find_files"]], "graphnet.data.sqlite": [[44, 0, 0, "-", "deprecated_methods"]], "graphnet.data.sqlite.deprecated_methods": [[44, 1, 1, "", "SQLiteDataConverter"]], "graphnet.data.utilities": [[46, 0, 0, "-", "parquet_to_sqlite"], [47, 0, 0, "-", "random"], [48, 0, 0, "-", "sqlite_utilities"], [49, 0, 0, "-", "string_selection_resolver"]], "graphnet.data.utilities.parquet_to_sqlite": [[46, 1, 1, "", "ParquetToSQLiteConverter"]], "graphnet.data.utilities.parquet_to_sqlite.ParquetToSQLiteConverter": [[46, 3, 1, "", "run"]], "graphnet.data.utilities.random": [[47, 4, 1, "", "pairwise_shuffle"]], "graphnet.data.utilities.sqlite_utilities": [[48, 4, 1, "", "attach_index"], [48, 4, 1, "", "create_table"], [48, 4, 1, "", "create_table_and_save_to_sql"], [48, 4, 1, "", "database_exists"], [48, 4, 1, "", "database_table_exists"], [48, 4, 1, "", "get_primary_keys"], [48, 4, 1, "", "query_database"], [48, 4, 1, "", "run_sql_code"], [48, 4, 1, "", "save_to_sql"]], "graphnet.data.utilities.string_selection_resolver": [[49, 1, 1, "", "StringSelectionResolver"]], "graphnet.data.utilities.string_selection_resolver.StringSelectionResolver": [[49, 3, 1, "", "resolve"]], "graphnet.data.writers": [[51, 0, 0, "-", "graphnet_writer"], [52, 0, 0, "-", "parquet_writer"], [53, 0, 0, "-", "sqlite_writer"]], "graphnet.data.writers.graphnet_writer": [[51, 1, 1, "", "GraphNeTWriter"]], "graphnet.data.writers.graphnet_writer.GraphNeTWriter": [[51, 5, 1, "", "expects_merged_dataframes"], [51, 5, 1, "", "file_extension"], [51, 3, 1, "", "merge_files"]], "graphnet.data.writers.parquet_writer": [[52, 1, 1, "", "ParquetWriter"]], "graphnet.data.writers.parquet_writer.ParquetWriter": [[52, 3, 1, "", "merge_files"]], "graphnet.data.writers.sqlite_writer": [[53, 1, 1, "", "SQLiteWriter"]], "graphnet.data.writers.sqlite_writer.SQLiteWriter": [[53, 3, 1, "", "merge_files"]], "graphnet.deployment": [[55, 0, 0, "-", "deployer"], [56, 0, 0, "-", "deployment_module"]], "graphnet.deployment.deployer": [[55, 1, 1, "", "Deployer"]], "graphnet.deployment.deployer.Deployer": [[55, 3, 1, "", "run"]], "graphnet.deployment.deployment_module": [[56, 1, 1, "", "DeploymentModule"]], "graphnet.deployment.icecube": [[60, 0, 0, "-", "cleaning_module"], [62, 0, 0, "-", "inference_module"]], "graphnet.deployment.icecube.cleaning_module": [[60, 1, 1, "", "I3PulseCleanerModule"]], "graphnet.deployment.icecube.inference_module": [[62, 1, 1, "", "I3InferenceModule"]], "graphnet.models": [[64, 0, 0, "-", "coarsening"], [65, 0, 0, "-", "components"], [69, 0, 0, "-", "detector"], [73, 0, 0, "-", "gnn"], [81, 0, 0, "-", "graphs"], [90, 0, 0, "-", "model"], [91, 0, 0, "-", "rnn"], [93, 0, 0, "-", "standard_model"], [94, 0, 0, "-", "task"], [98, 0, 0, "-", "utils"]], "graphnet.models.coarsening": [[64, 1, 1, "", "AttributeCoarsening"], [64, 1, 1, "", "Coarsening"], [64, 1, 1, "", "CustomDOMCoarsening"], [64, 1, 1, "", "DOMAndTimeWindowCoarsening"], [64, 1, 1, "", "DOMCoarsening"], [64, 4, 1, "", "unbatch_edge_index"]], "graphnet.models.coarsening.Coarsening": [[64, 3, 1, "", "forward"], [64, 2, 1, "", "reduce_options"]], "graphnet.models.components": [[66, 0, 0, "-", "embedding"], [67, 0, 0, "-", "layers"], [68, 0, 0, "-", "pool"]], "graphnet.models.components.embedding": [[66, 1, 1, "", "FourierEncoder"], [66, 1, 1, "", "SinusoidalPosEmb"], [66, 1, 1, "", "SpacetimeEncoder"]], "graphnet.models.components.embedding.FourierEncoder": [[66, 3, 1, "", "forward"]], "graphnet.models.components.embedding.SinusoidalPosEmb": [[66, 3, 1, "", "forward"]], "graphnet.models.components.embedding.SpacetimeEncoder": [[66, 3, 1, "", "forward"]], "graphnet.models.components.layers": [[67, 1, 1, "", "Attention_rel"], [67, 1, 1, "", "Block"], [67, 1, 1, "", "Block_rel"], [67, 1, 1, "", "DropPath"], [67, 1, 1, "", "DynEdgeConv"], [67, 1, 1, "", "DynTrans"], [67, 1, 1, "", "EdgeConvTito"], [67, 1, 1, "", "Mlp"]], "graphnet.models.components.layers.Attention_rel": [[67, 3, 1, "", "forward"]], "graphnet.models.components.layers.Block": [[67, 3, 1, "", "forward"]], "graphnet.models.components.layers.Block_rel": [[67, 3, 1, "", "forward"]], "graphnet.models.components.layers.DropPath": [[67, 3, 1, "", "extra_repr"], [67, 3, 1, "", "forward"]], "graphnet.models.components.layers.DynEdgeConv": [[67, 3, 1, "", "forward"]], "graphnet.models.components.layers.DynTrans": [[67, 3, 1, "", "forward"]], "graphnet.models.components.layers.EdgeConvTito": [[67, 3, 1, "", "forward"], [67, 3, 1, "", "message"], [67, 3, 1, "", "reset_parameters"]], "graphnet.models.components.layers.Mlp": [[67, 3, 1, "", "forward"]], "graphnet.models.components.pool": [[68, 4, 1, "", "group_by"], [68, 4, 1, "", "group_pulses_to_dom"], [68, 4, 1, "", "group_pulses_to_pmt"], [68, 4, 1, "", "min_pool"], [68, 4, 1, "", "min_pool_x"], [68, 4, 1, "", "std_pool"], [68, 4, 1, "", "std_pool_x"], [68, 4, 1, "", "sum_pool"], [68, 4, 1, "", "sum_pool_and_distribute"], [68, 4, 1, "", "sum_pool_x"]], "graphnet.models.detector": [[70, 0, 0, "-", "detector"], [71, 0, 0, "-", "icecube"], [72, 0, 0, "-", "prometheus"]], "graphnet.models.detector.detector": [[70, 1, 1, "", "Detector"]], "graphnet.models.detector.detector.Detector": [[70, 3, 1, "", "feature_map"], [70, 3, 1, "", "forward"], [70, 5, 1, "", "geometry_table"], [70, 5, 1, "", "sensor_index_name"], [70, 5, 1, "", "sensor_position_names"], [70, 5, 1, "", "string_index_name"]], "graphnet.models.detector.icecube": [[71, 1, 1, "", "IceCube86"], [71, 1, 1, "", "IceCubeDeepCore"], [71, 1, 1, "", "IceCubeKaggle"], [71, 1, 1, "", "IceCubeUpgrade"]], "graphnet.models.detector.icecube.IceCube86": [[71, 3, 1, "", "feature_map"], [71, 2, 1, "", "geometry_table_path"], [71, 2, 1, "", "sensor_id_column"], [71, 2, 1, "", "string_id_column"], [71, 2, 1, "", "xyz"]], "graphnet.models.detector.icecube.IceCubeDeepCore": [[71, 3, 1, "", "feature_map"]], "graphnet.models.detector.icecube.IceCubeKaggle": [[71, 3, 1, "", "feature_map"]], "graphnet.models.detector.icecube.IceCubeUpgrade": [[71, 3, 1, "", "feature_map"], [71, 2, 1, "", "geometry_table_path"], [71, 2, 1, "", "sensor_id_column"], [71, 2, 1, "", "string_id_column"], [71, 2, 1, "", "xyz"]], "graphnet.models.detector.prometheus": [[72, 1, 1, "", "ORCA150"], [72, 1, 1, "", "Prometheus"]], "graphnet.models.detector.prometheus.ORCA150": [[72, 3, 1, "", "feature_map"], [72, 2, 1, "", "geometry_table_path"], [72, 2, 1, "", "sensor_id_column"], [72, 2, 1, "", "string_id_column"], [72, 2, 1, "", "xyz"]], "graphnet.models.gnn": [[74, 0, 0, "-", "RNN_tito"], [75, 0, 0, "-", "convnet"], [76, 0, 0, "-", "dynedge"], [77, 0, 0, "-", "dynedge_jinst"], [78, 0, 0, "-", "dynedge_kaggle_tito"], [79, 0, 0, "-", "gnn"], [80, 0, 0, "-", "icemix"]], "graphnet.models.gnn.RNN_tito": [[74, 1, 1, "", "RNN_TITO"]], "graphnet.models.gnn.RNN_tito.RNN_TITO": [[74, 3, 1, "", "forward"]], "graphnet.models.gnn.convnet": [[75, 1, 1, "", "ConvNet"]], "graphnet.models.gnn.convnet.ConvNet": [[75, 3, 1, "", "forward"]], "graphnet.models.gnn.dynedge": [[76, 1, 1, "", "DynEdge"]], "graphnet.models.gnn.dynedge.DynEdge": [[76, 3, 1, "", "forward"]], "graphnet.models.gnn.dynedge_jinst": [[77, 1, 1, "", "DynEdgeJINST"]], "graphnet.models.gnn.dynedge_jinst.DynEdgeJINST": [[77, 3, 1, "", "forward"]], "graphnet.models.gnn.dynedge_kaggle_tito": [[78, 1, 1, "", "DynEdgeTITO"]], "graphnet.models.gnn.dynedge_kaggle_tito.DynEdgeTITO": [[78, 3, 1, "", "forward"]], "graphnet.models.gnn.gnn": [[79, 1, 1, "", "GNN"]], "graphnet.models.gnn.gnn.GNN": [[79, 3, 1, "", "forward"], [79, 5, 1, "", "nb_inputs"], [79, 5, 1, "", "nb_outputs"]], "graphnet.models.gnn.icemix": [[80, 1, 1, "", "DeepIce"]], "graphnet.models.gnn.icemix.DeepIce": [[80, 3, 1, "", "forward"], [80, 3, 1, "", "no_weight_decay"]], "graphnet.models.graphs": [[82, 0, 0, "-", "edges"], [85, 0, 0, "-", "graph_definition"], [86, 0, 0, "-", "graphs"], [87, 0, 0, "-", "nodes"], [89, 0, 0, "-", "utils"]], "graphnet.models.graphs.edges": [[83, 0, 0, "-", "edges"], [84, 0, 0, "-", "minkowski"]], "graphnet.models.graphs.edges.edges": [[83, 1, 1, "", "EdgeDefinition"], [83, 1, 1, "", "EuclideanEdges"], [83, 1, 1, "", "KNNEdges"], [83, 1, 1, "", "RadialEdges"]], "graphnet.models.graphs.edges.edges.EdgeDefinition": [[83, 3, 1, "", "forward"]], "graphnet.models.graphs.edges.minkowski": [[84, 1, 1, "", "MinkowskiKNNEdges"], [84, 4, 1, "", "compute_minkowski_distance_mat"]], "graphnet.models.graphs.graph_definition": [[85, 1, 1, "", "GraphDefinition"]], "graphnet.models.graphs.graph_definition.GraphDefinition": [[85, 3, 1, "", "forward"]], "graphnet.models.graphs.graphs": [[86, 1, 1, "", "KNNGraph"]], "graphnet.models.graphs.nodes": [[88, 0, 0, "-", "nodes"]], "graphnet.models.graphs.nodes.nodes": [[88, 1, 1, "", "IceMixNodes"], [88, 1, 1, "", "NodeAsDOMTimeSeries"], [88, 1, 1, "", "NodeDefinition"], [88, 1, 1, "", "NodesAsPulses"], [88, 1, 1, "", "PercentileClusters"]], "graphnet.models.graphs.nodes.nodes.NodeDefinition": [[88, 3, 1, "", "forward"], [88, 5, 1, "", "nb_outputs"], [88, 3, 1, "", "set_number_of_inputs"], [88, 3, 1, "", "set_output_feature_names"]], "graphnet.models.graphs.utils": [[89, 4, 1, "", "cluster_summarize_with_percentiles"], [89, 4, 1, "", "gather_cluster_sequence"], [89, 4, 1, "", "ice_transparency"], [89, 4, 1, "", "identify_indices"], [89, 4, 1, "", "lex_sort"]], "graphnet.models.model": [[90, 1, 1, "", "Model"]], "graphnet.models.model.Model": [[90, 3, 1, "", "extra_repr"], [90, 3, 1, "", "extra_repr_recursive"], [90, 3, 1, "", "from_config"], [90, 3, 1, "", "load"], [90, 3, 1, "", "load_state_dict"], [90, 3, 1, "", "save"], [90, 3, 1, "", "save_state_dict"], [90, 3, 1, "", "set_verbose_print_recursively"], [90, 2, 1, "", "verbose_print"]], "graphnet.models.rnn": [[92, 0, 0, "-", "node_rnn"]], "graphnet.models.rnn.node_rnn": [[92, 1, 1, "", "Node_RNN"]], "graphnet.models.rnn.node_rnn.Node_RNN": [[92, 3, 1, "", "clean_up_data_object"], [92, 3, 1, "", "forward"]], "graphnet.models.standard_model": [[93, 1, 1, "", "StandardModel"]], "graphnet.models.standard_model.StandardModel": [[93, 3, 1, "", "compute_loss"], [93, 3, 1, "", "configure_optimizers"], [93, 3, 1, "", "fit"], [93, 3, 1, "", "forward"], [93, 3, 1, "", "inference"], [93, 3, 1, "", "predict"], [93, 3, 1, "", "predict_as_dataframe"], [93, 5, 1, "", "prediction_labels"], [93, 3, 1, "", "shared_step"], [93, 5, 1, "", "target_labels"], [93, 3, 1, "", "train"], [93, 3, 1, "", "training_step"], [93, 3, 1, "", "validation_step"]], "graphnet.models.task": [[95, 0, 0, "-", "classification"], [96, 0, 0, "-", "reconstruction"], [97, 0, 0, "-", "task"]], "graphnet.models.task.classification": [[95, 1, 1, "", "BinaryClassificationTask"], [95, 1, 1, "", "BinaryClassificationTaskLogits"], [95, 1, 1, "", "MulticlassClassificationTask"]], "graphnet.models.task.classification.BinaryClassificationTask": [[95, 2, 1, "", "default_prediction_labels"], [95, 2, 1, "", "default_target_labels"], [95, 2, 1, "", "nb_inputs"]], "graphnet.models.task.classification.BinaryClassificationTaskLogits": [[95, 2, 1, "", "default_prediction_labels"], [95, 2, 1, "", "default_target_labels"], [95, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction": [[96, 1, 1, "", "AzimuthReconstruction"], [96, 1, 1, "", "AzimuthReconstructionWithKappa"], [96, 1, 1, "", "DirectionReconstructionWithKappa"], [96, 1, 1, "", "EnergyReconstruction"], [96, 1, 1, "", "EnergyReconstructionWithPower"], [96, 1, 1, "", "EnergyReconstructionWithUncertainty"], [96, 1, 1, "", "EnergyTCReconstruction"], [96, 1, 1, "", "InelasticityReconstruction"], [96, 1, 1, "", "PositionReconstruction"], [96, 1, 1, "", "TimeReconstruction"], [96, 1, 1, "", "VertexReconstruction"], [96, 1, 1, "", "ZenithReconstruction"], [96, 1, 1, "", "ZenithReconstructionWithKappa"]], "graphnet.models.task.reconstruction.AzimuthReconstruction": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.AzimuthReconstructionWithKappa": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.DirectionReconstructionWithKappa": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.EnergyReconstruction": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.EnergyReconstructionWithPower": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.EnergyReconstructionWithUncertainty": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.EnergyTCReconstruction": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.InelasticityReconstruction": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.PositionReconstruction": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.TimeReconstruction": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.VertexReconstruction": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.ZenithReconstruction": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.ZenithReconstructionWithKappa": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.task": [[97, 1, 1, "", "IdentityTask"], [97, 1, 1, "", "LearnedTask"], [97, 1, 1, "", "StandardFlowTask"], [97, 1, 1, "", "StandardLearnedTask"], [97, 1, 1, "", "Task"]], "graphnet.models.task.task.IdentityTask": [[97, 5, 1, "", "default_prediction_labels"], [97, 5, 1, "", "default_target_labels"], [97, 5, 1, "", "nb_inputs"]], "graphnet.models.task.task.LearnedTask": [[97, 3, 1, "", "compute_loss"], [97, 3, 1, "", "forward"], [97, 5, 1, "", "nb_inputs"]], "graphnet.models.task.task.StandardFlowTask": [[97, 3, 1, "", "compute_loss"], [97, 3, 1, "", "forward"], [97, 3, 1, "", "nb_inputs"]], "graphnet.models.task.task.StandardLearnedTask": [[97, 3, 1, "", "compute_loss"], [97, 5, 1, "", "nb_inputs"]], "graphnet.models.task.task.Task": [[97, 5, 1, "", "default_prediction_labels"], [97, 5, 1, "", "default_target_labels"], [97, 3, 1, "", "inference"], [97, 5, 1, "", "nb_inputs"], [97, 3, 1, "", "train_eval"]], "graphnet.models.utils": [[98, 4, 1, "", "array_to_sequence"], [98, 4, 1, "", "calculate_distance_matrix"], [98, 4, 1, "", "calculate_xyzt_homophily"], [98, 4, 1, "", "knn_graph_batch"]], "graphnet.pisa": [[100, 0, 0, "-", "fitting"], [101, 0, 0, "-", "plotting"]], "graphnet.pisa.fitting": [[100, 1, 1, "", "ContourFitter"], [100, 1, 1, "", "WeightFitter"], [100, 4, 1, "", "config_updater"]], "graphnet.pisa.fitting.ContourFitter": [[100, 3, 1, "", "fit_1d_contour"], [100, 3, 1, "", "fit_2d_contour"]], "graphnet.pisa.fitting.WeightFitter": [[100, 3, 1, "", "fit_weights"]], "graphnet.pisa.plotting": [[101, 4, 1, "", "plot_1D_contour"], [101, 4, 1, "", "plot_2D_contour"], [101, 4, 1, "", "read_entry"]], "graphnet.training": [[103, 0, 0, "-", "callbacks"], [104, 0, 0, "-", "labels"], [105, 0, 0, "-", "loss_functions"], [106, 0, 0, "-", "utils"], [107, 0, 0, "-", "weight_fitting"]], "graphnet.training.callbacks": [[103, 1, 1, "", "GraphnetEarlyStopping"], [103, 1, 1, "", "PiecewiseLinearLR"], [103, 1, 1, "", "ProgressBar"]], "graphnet.training.callbacks.GraphnetEarlyStopping": [[103, 3, 1, "", "on_fit_end"], [103, 3, 1, "", "on_train_epoch_end"], [103, 3, 1, "", "on_validation_end"], [103, 3, 1, "", "setup"]], "graphnet.training.callbacks.PiecewiseLinearLR": [[103, 3, 1, "", "get_lr"]], "graphnet.training.callbacks.ProgressBar": [[103, 3, 1, "", "get_metrics"], [103, 3, 1, "", "init_predict_tqdm"], [103, 3, 1, "", "init_test_tqdm"], [103, 3, 1, "", "init_train_tqdm"], [103, 3, 1, "", "init_validation_tqdm"], [103, 3, 1, "", "on_train_epoch_end"], [103, 3, 1, "", "on_train_epoch_start"]], "graphnet.training.labels": [[104, 1, 1, "", "Direction"], [104, 1, 1, "", "Label"]], "graphnet.training.labels.Label": [[104, 5, 1, "", "key"]], "graphnet.training.loss_functions": [[105, 1, 1, "", "BinaryCrossEntropyLoss"], [105, 1, 1, "", "CrossEntropyLoss"], [105, 1, 1, "", "EuclideanDistanceLoss"], [105, 1, 1, "", "LogCMK"], [105, 1, 1, "", "LogCoshLoss"], [105, 1, 1, "", "LossFunction"], [105, 1, 1, "", "MSELoss"], [105, 1, 1, "", "RMSELoss"], [105, 1, 1, "", "VonMisesFisher2DLoss"], [105, 1, 1, "", "VonMisesFisher3DLoss"], [105, 1, 1, "", "VonMisesFisherLoss"]], "graphnet.training.loss_functions.LogCMK": [[105, 3, 1, "", "backward"], [105, 3, 1, "", "forward"]], "graphnet.training.loss_functions.LossFunction": [[105, 3, 1, "", "forward"]], "graphnet.training.loss_functions.VonMisesFisherLoss": [[105, 3, 1, "", "log_cmk"], [105, 3, 1, "", "log_cmk_approx"], [105, 3, 1, "", "log_cmk_exact"]], "graphnet.training.utils": [[106, 4, 1, "", "collate_fn"], [106, 1, 1, "", "collator_sequence_buckleting"], [106, 4, 1, "", "get_predictions"], [106, 4, 1, "", "make_dataloader"], [106, 4, 1, "", "make_train_validation_dataloader"], [106, 4, 1, "", "save_results"], [106, 4, 1, "", "save_selection"]], "graphnet.training.weight_fitting": [[107, 1, 1, "", "BjoernLow"], [107, 1, 1, "", "Uniform"], [107, 1, 1, "", "WeightFitter"]], "graphnet.training.weight_fitting.WeightFitter": [[107, 3, 1, "", "fit"]], "graphnet.utilities": [[109, 0, 0, "-", "argparse"], [110, 0, 0, "-", "config"], [117, 0, 0, "-", "decorators"], [118, 0, 0, "-", "deprecation_tools"], [119, 0, 0, "-", "filesys"], [120, 0, 0, "-", "imports"], [121, 0, 0, "-", "logging"], [122, 0, 0, "-", "maths"]], "graphnet.utilities.argparse": [[109, 1, 1, "", "ArgumentParser"], [109, 1, 1, "", "Options"]], "graphnet.utilities.argparse.ArgumentParser": [[109, 2, 1, "", "standard_arguments"], [109, 3, 1, "", "with_standard_arguments"]], "graphnet.utilities.argparse.Options": [[109, 3, 1, "", "contains"], [109, 3, 1, "", "pop_default"]], "graphnet.utilities.config": [[111, 0, 0, "-", "base_config"], [112, 0, 0, "-", "configurable"], [113, 0, 0, "-", "dataset_config"], [114, 0, 0, "-", "model_config"], [115, 0, 0, "-", "parsing"], [116, 0, 0, "-", "training_config"]], "graphnet.utilities.config.base_config": [[111, 1, 1, "", "BaseConfig"], [111, 4, 1, "", "get_all_argument_values"]], "graphnet.utilities.config.base_config.BaseConfig": [[111, 3, 1, "", "as_dict"], [111, 3, 1, "", "dump"], [111, 3, 1, "", "load"], [111, 2, 1, "", "model_computed_fields"], [111, 2, 1, "", "model_config"], [111, 2, 1, "", "model_fields"]], "graphnet.utilities.config.configurable": [[112, 1, 1, "", "Configurable"]], "graphnet.utilities.config.configurable.Configurable": [[112, 5, 1, "", "config"], [112, 3, 1, "", "from_config"], [112, 3, 1, "", "save_config"]], "graphnet.utilities.config.dataset_config": [[113, 1, 1, "", "DatasetConfig"], [113, 1, 1, "", "DatasetConfigSaverABCMeta"], [113, 1, 1, "", "DatasetConfigSaverMeta"], [113, 4, 1, "", "save_dataset_config"]], "graphnet.utilities.config.dataset_config.DatasetConfig": [[113, 3, 1, "", "as_dict"], [113, 2, 1, "", "features"], [113, 2, 1, "", "graph_definition"], [113, 2, 1, "", "index_column"], [113, 2, 1, "", "loss_weight_column"], [113, 2, 1, "", "loss_weight_default_value"], [113, 2, 1, "", "loss_weight_table"], [113, 2, 1, "", "model_computed_fields"], [113, 2, 1, "", "model_config"], [113, 2, 1, "", "model_fields"], [113, 2, 1, "", "node_truth"], [113, 2, 1, "", "node_truth_table"], [113, 2, 1, "", "path"], [113, 2, 1, "", "pulsemaps"], [113, 2, 1, "", "seed"], [113, 2, 1, "", "selection"], [113, 2, 1, "", "string_selection"], [113, 2, 1, "", "truth"], [113, 2, 1, "", "truth_table"]], "graphnet.utilities.config.model_config": [[114, 1, 1, "", "ModelConfig"], [114, 1, 1, "", "ModelConfigSaverABC"], [114, 1, 1, "", "ModelConfigSaverMeta"], [114, 4, 1, "", "save_model_config"]], "graphnet.utilities.config.model_config.ModelConfig": [[114, 2, 1, "", "arguments"], [114, 3, 1, "", "as_dict"], [114, 2, 1, "", "class_name"], [114, 2, 1, "", "model_computed_fields"], [114, 2, 1, "", "model_config"], [114, 2, 1, "", "model_fields"]], "graphnet.utilities.config.parsing": [[115, 4, 1, "", "get_all_grapnet_classes"], [115, 4, 1, "", "get_graphnet_classes"], [115, 4, 1, "", "is_graphnet_class"], [115, 4, 1, "", "is_graphnet_module"], [115, 4, 1, "", "list_all_submodules"], [115, 4, 1, "", "traverse_and_apply"]], "graphnet.utilities.config.training_config": [[116, 1, 1, "", "TrainingConfig"]], "graphnet.utilities.config.training_config.TrainingConfig": [[116, 2, 1, "", "dataloader"], [116, 2, 1, "", "early_stopping_patience"], [116, 2, 1, "", "fit"], [116, 2, 1, "", "model_computed_fields"], [116, 2, 1, "", "model_config"], [116, 2, 1, "", "model_fields"], [116, 2, 1, "", "target"]], "graphnet.utilities.deprecation_tools": [[118, 4, 1, "", "rename_state_dict_entries"]], "graphnet.utilities.filesys": [[119, 4, 1, "", "find_i3_files"], [119, 4, 1, "", "has_extension"], [119, 4, 1, "", "is_gcd_file"], [119, 4, 1, "", "is_i3_file"]], "graphnet.utilities.imports": [[120, 4, 1, "", "has_icecube_package"], [120, 4, 1, "", "has_pisa_package"], [120, 4, 1, "", "has_torch_package"], [120, 4, 1, "", "requires_icecube"]], "graphnet.utilities.logging": [[121, 1, 1, "", "Logger"], [121, 1, 1, "", "RepeatFilter"]], "graphnet.utilities.logging.Logger": [[121, 3, 1, "", "critical"], [121, 3, 1, "", "debug"], [121, 3, 1, "", "error"], [121, 5, 1, "", "file_handlers"], [121, 5, 1, "", "handlers"], [121, 3, 1, "", "info"], [121, 3, 1, "", "setLevel"], [121, 5, 1, "", "stream_handlers"], [121, 3, 1, "", "warning"], [121, 3, 1, "", "warning_once"]], "graphnet.utilities.logging.RepeatFilter": [[121, 3, 1, "", "filter"], [121, 2, 1, "", "nb_repeats_allowed"]], "graphnet.utilities.maths": [[122, 4, 1, "", "eps_like"]]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:attribute", "3": "py:method", "4": "py:function", "5": "py:property", "6": "py:exception"}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "attribute", "Python attribute"], "3": ["py", "method", "Python method"], "4": ["py", "function", "Python function"], "5": ["py", "property", "Python property"], "6": ["py", "exception", "Python exception"]}, "titleterms": {"about": [0, 125], "impact": [0, 125], "usag": [0, 125], "acknowledg": [0, 125], "api": 1, "constant": [2, 4], "data": 3, "dataclass": 5, "dataconvert": [6, 39], "dataload": 7, "datamodul": 8, "dataset": [9, 10], "parquet": [11, 35], "parquet_dataset": 12, "sqlite": [13, 43], "sqlite_dataset": 14, "extractor": [15, 16], "icecub": [17, 59, 71], "i3extractor": 18, "i3featureextractor": 19, "i3genericextractor": 20, "i3hybridrecoextractor": 21, "i3ntmuonlabelsextractor": 22, "i3particleextractor": 23, "i3pisaextractor": 24, "i3quesoextractor": 25, "i3retroextractor": 26, "i3splinempeextractor": 27, "i3truthextractor": 28, "i3tumextractor": 29, "util": [30, 45, 89, 98, 106, 108], "collect": 31, "frame": 32, "i3_filt": 33, "type": 34, "deprecated_method": [36, 44, 58], "pipelin": 37, "pre_configur": 38, "reader": 40, "graphnet_file_read": 41, "i3read": 42, "parquet_to_sqlit": 46, "random": 47, "sqlite_util": 48, "string_selection_resolv": 49, "writer": 50, "graphnet_writ": 51, "parquet_writ": 52, "sqlite_writ": 53, "deploy": [54, 55], "deployment_modul": 56, "i3modul": 57, "cleaning_modul": 60, "i3deploy": 61, "inference_modul": 62, "model": [63, 90], "coarsen": 64, "compon": 65, "embed": 66, "layer": 67, "pool": 68, "detector": [69, 70], "prometheu": 72, "gnn": [73, 79], "rnn_tito": 74, "convnet": 75, "dynedg": 76, "dynedge_jinst": 77, "dynedge_kaggle_tito": 78, "icemix": 80, "graph": [81, 86], "edg": [82, 83], "minkowski": 84, "graph_definit": 85, "node": [87, 88], "rnn": 91, "node_rnn": 92, "standard_model": 93, "task": [94, 97], "classif": 95, "reconstruct": 96, "pisa": 99, "fit": 100, "plot": 101, "train": 102, "callback": 103, "label": 104, "loss_funct": 105, "weight_fit": 107, "argpars": 109, "config": 110, "base_config": 111, "configur": 112, "dataset_config": 113, "model_config": 114, "pars": 115, "training_config": 116, "decor": 117, "deprecation_tool": 118, "filesi": 119, "import": 120, "log": 121, "math": 122, "src": 123, "contribut": 124, "github": 124, "issu": 124, "pull": 124, "request": 124, "convent": 124, "code": 124, "qualiti": 124, "instal": 126, "icetrai": 126, "stand": 126, "alon": 126, "run": 126, "docker": 126}, "envversion": {"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, "sphinx": 60}, "alltitles": {"About": [[0, "about"], [125, "about"]], "Impact": [[0, "impact"], [125, "impact"]], "Usage": [[0, "usage"], [125, "usage"]], "Acknowledgements": [[0, "acknowledgements"], [125, "acknowledgements"]], "API": [[1, "module-graphnet"]], "constants": [[2, "module-graphnet.constants"], [4, "module-graphnet.data.constants"]], "data": [[3, "module-graphnet.data"]], "dataclasses": [[5, "module-graphnet.data.dataclasses"]], "dataconverter": [[6, "module-graphnet.data.dataconverter"]], "dataloader": [[7, "module-graphnet.data.dataloader"]], "datamodule": [[8, "module-graphnet.data.datamodule"]], "dataset": [[9, "module-graphnet.data.dataset"], [10, "module-graphnet.data.dataset.dataset"]], "parquet": [[11, "module-graphnet.data.dataset.parquet"], [35, "module-graphnet.data.parquet"]], "parquet_dataset": [[12, "module-graphnet.data.dataset.parquet.parquet_dataset"]], "sqlite": [[13, "module-graphnet.data.dataset.sqlite"], [43, "module-graphnet.data.sqlite"]], "sqlite_dataset": [[14, "module-graphnet.data.dataset.sqlite.sqlite_dataset"]], "extractors": [[15, "module-graphnet.data.extractors"]], "extractor": [[16, "module-graphnet.data.extractors.extractor"]], "icecube": [[17, "module-graphnet.data.extractors.icecube"], [59, "icecube"], [71, "module-graphnet.models.detector.icecube"]], "i3extractor": [[18, "module-graphnet.data.extractors.icecube.i3extractor"]], "i3featureextractor": [[19, "module-graphnet.data.extractors.icecube.i3featureextractor"]], "i3genericextractor": [[20, "module-graphnet.data.extractors.icecube.i3genericextractor"]], "i3hybridrecoextractor": [[21, "module-graphnet.data.extractors.icecube.i3hybridrecoextractor"]], "i3ntmuonlabelsextractor": [[22, "module-graphnet.data.extractors.icecube.i3ntmuonlabelsextractor"]], "i3particleextractor": [[23, "module-graphnet.data.extractors.icecube.i3particleextractor"]], "i3pisaextractor": [[24, "module-graphnet.data.extractors.icecube.i3pisaextractor"]], "i3quesoextractor": [[25, "module-graphnet.data.extractors.icecube.i3quesoextractor"]], "i3retroextractor": [[26, "module-graphnet.data.extractors.icecube.i3retroextractor"]], "i3splinempeextractor": [[27, "module-graphnet.data.extractors.icecube.i3splinempeextractor"]], "i3truthextractor": [[28, "module-graphnet.data.extractors.icecube.i3truthextractor"]], "i3tumextractor": [[29, "module-graphnet.data.extractors.icecube.i3tumextractor"]], "utilities": [[30, "module-graphnet.data.extractors.icecube.utilities"], [45, "module-graphnet.data.utilities"], [108, "module-graphnet.utilities"]], "collections": [[31, "module-graphnet.data.extractors.icecube.utilities.collections"]], "frames": [[32, "module-graphnet.data.extractors.icecube.utilities.frames"]], "i3_filters": [[33, "module-graphnet.data.extractors.icecube.utilities.i3_filters"]], "types": [[34, "module-graphnet.data.extractors.icecube.utilities.types"]], "deprecated_methods": [[36, "module-graphnet.data.parquet.deprecated_methods"], [44, "module-graphnet.data.sqlite.deprecated_methods"], [58, "deprecated-methods"]], "pipeline": [[37, "module-graphnet.data.pipeline"]], "pre_configured": [[38, "module-graphnet.data.pre_configured"]], "dataconverters": [[39, "module-graphnet.data.pre_configured.dataconverters"]], "readers": [[40, "module-graphnet.data.readers"]], "graphnet_file_reader": [[41, "module-graphnet.data.readers.graphnet_file_reader"]], "i3reader": [[42, "module-graphnet.data.readers.i3reader"]], "parquet_to_sqlite": [[46, "module-graphnet.data.utilities.parquet_to_sqlite"]], "random": [[47, "module-graphnet.data.utilities.random"]], "sqlite_utilities": [[48, "module-graphnet.data.utilities.sqlite_utilities"]], "string_selection_resolver": [[49, "module-graphnet.data.utilities.string_selection_resolver"]], "writers": [[50, "module-graphnet.data.writers"]], "graphnet_writer": [[51, "module-graphnet.data.writers.graphnet_writer"]], "parquet_writer": [[52, "module-graphnet.data.writers.parquet_writer"]], "sqlite_writer": [[53, "module-graphnet.data.writers.sqlite_writer"]], "deployment": [[54, "module-graphnet.deployment"]], "deployer": [[55, "module-graphnet.deployment.deployer"]], "deployment_module": [[56, "module-graphnet.deployment.deployment_module"]], "i3modules": [[57, "i3modules"]], "cleaning_module": [[60, "module-graphnet.deployment.icecube.cleaning_module"]], "i3deployer": [[61, "i3deployer"]], "inference_module": [[62, "module-graphnet.deployment.icecube.inference_module"]], "models": [[63, "module-graphnet.models"]], "coarsening": [[64, "module-graphnet.models.coarsening"]], "components": [[65, "module-graphnet.models.components"]], "embedding": [[66, "module-graphnet.models.components.embedding"]], "layers": [[67, "module-graphnet.models.components.layers"]], "pool": [[68, "module-graphnet.models.components.pool"]], "detector": [[69, "module-graphnet.models.detector"], [70, "module-graphnet.models.detector.detector"]], "prometheus": [[72, "module-graphnet.models.detector.prometheus"]], "gnn": [[73, "module-graphnet.models.gnn"], [79, "module-graphnet.models.gnn.gnn"]], "RNN_tito": [[74, "module-graphnet.models.gnn.RNN_tito"]], "convnet": [[75, "module-graphnet.models.gnn.convnet"]], "dynedge": [[76, "module-graphnet.models.gnn.dynedge"]], "dynedge_jinst": [[77, "module-graphnet.models.gnn.dynedge_jinst"]], "dynedge_kaggle_tito": [[78, "module-graphnet.models.gnn.dynedge_kaggle_tito"]], "icemix": [[80, "module-graphnet.models.gnn.icemix"]], "graphs": [[81, "module-graphnet.models.graphs"], [86, "module-graphnet.models.graphs.graphs"]], "edges": [[82, "module-graphnet.models.graphs.edges"], [83, "module-graphnet.models.graphs.edges.edges"]], "minkowski": [[84, "module-graphnet.models.graphs.edges.minkowski"]], "graph_definition": [[85, "module-graphnet.models.graphs.graph_definition"]], "nodes": [[87, "module-graphnet.models.graphs.nodes"], [88, "module-graphnet.models.graphs.nodes.nodes"]], "utils": [[89, "module-graphnet.models.graphs.utils"], [98, "module-graphnet.models.utils"], [106, "module-graphnet.training.utils"]], "model": [[90, "module-graphnet.models.model"]], "rnn": [[91, "module-graphnet.models.rnn"]], "node_rnn": [[92, "module-graphnet.models.rnn.node_rnn"]], "standard_model": [[93, "module-graphnet.models.standard_model"]], "task": [[94, "module-graphnet.models.task"], [97, "module-graphnet.models.task.task"]], "classification": [[95, "module-graphnet.models.task.classification"]], "reconstruction": [[96, "module-graphnet.models.task.reconstruction"]], "pisa": [[99, "module-graphnet.pisa"]], "fitting": [[100, "module-graphnet.pisa.fitting"]], "plotting": [[101, "module-graphnet.pisa.plotting"]], "training": [[102, "module-graphnet.training"]], "callbacks": [[103, "module-graphnet.training.callbacks"]], "labels": [[104, "module-graphnet.training.labels"]], "loss_functions": [[105, "module-graphnet.training.loss_functions"]], "weight_fitting": [[107, "module-graphnet.training.weight_fitting"]], "argparse": [[109, "module-graphnet.utilities.argparse"]], "config": [[110, "module-graphnet.utilities.config"]], "base_config": [[111, "module-graphnet.utilities.config.base_config"]], "configurable": [[112, "module-graphnet.utilities.config.configurable"]], "dataset_config": [[113, "module-graphnet.utilities.config.dataset_config"]], "model_config": [[114, "module-graphnet.utilities.config.model_config"]], "parsing": [[115, "module-graphnet.utilities.config.parsing"]], "training_config": [[116, "module-graphnet.utilities.config.training_config"]], "decorators": [[117, "module-graphnet.utilities.decorators"]], "deprecation_tools": [[118, "module-graphnet.utilities.deprecation_tools"]], "filesys": [[119, "module-graphnet.utilities.filesys"]], "imports": [[120, "module-graphnet.utilities.imports"]], "logging": [[121, "module-graphnet.utilities.logging"]], "maths": [[122, "module-graphnet.utilities.maths"]], "src": [[123, "src"]], "Contribute": [[124, "contribute"]], "GitHub issues": [[124, "github-issues"]], "Pull requests": [[124, "pull-requests"]], "Conventions": [[124, "conventions"]], "Code quality": [[124, "code-quality"]], "Install": [[126, "install"]], "Installing with IceTray": [[126, "installing-with-icetray"]], "Installing stand-alone": [[126, "installing-stand-alone"]], "Running in Docker": [[126, "running-in-docker"]]}, "indexentries": {"graphnet": [[1, "module-graphnet"]], "module": [[1, "module-graphnet"], [2, "module-graphnet.constants"], [3, "module-graphnet.data"], [4, "module-graphnet.data.constants"], [5, "module-graphnet.data.dataclasses"], [6, "module-graphnet.data.dataconverter"], [7, "module-graphnet.data.dataloader"], [8, "module-graphnet.data.datamodule"], [9, "module-graphnet.data.dataset"], [10, "module-graphnet.data.dataset.dataset"], [11, "module-graphnet.data.dataset.parquet"], [12, "module-graphnet.data.dataset.parquet.parquet_dataset"], [13, "module-graphnet.data.dataset.sqlite"], [14, "module-graphnet.data.dataset.sqlite.sqlite_dataset"], [15, "module-graphnet.data.extractors"], [16, "module-graphnet.data.extractors.extractor"], [17, "module-graphnet.data.extractors.icecube"], [18, "module-graphnet.data.extractors.icecube.i3extractor"], [19, "module-graphnet.data.extractors.icecube.i3featureextractor"], [20, "module-graphnet.data.extractors.icecube.i3genericextractor"], [21, "module-graphnet.data.extractors.icecube.i3hybridrecoextractor"], [22, "module-graphnet.data.extractors.icecube.i3ntmuonlabelsextractor"], [23, "module-graphnet.data.extractors.icecube.i3particleextractor"], [24, "module-graphnet.data.extractors.icecube.i3pisaextractor"], [25, "module-graphnet.data.extractors.icecube.i3quesoextractor"], [26, "module-graphnet.data.extractors.icecube.i3retroextractor"], [27, "module-graphnet.data.extractors.icecube.i3splinempeextractor"], [28, "module-graphnet.data.extractors.icecube.i3truthextractor"], [29, "module-graphnet.data.extractors.icecube.i3tumextractor"], [30, "module-graphnet.data.extractors.icecube.utilities"], [31, "module-graphnet.data.extractors.icecube.utilities.collections"], [32, "module-graphnet.data.extractors.icecube.utilities.frames"], [33, "module-graphnet.data.extractors.icecube.utilities.i3_filters"], [34, "module-graphnet.data.extractors.icecube.utilities.types"], [35, "module-graphnet.data.parquet"], [36, "module-graphnet.data.parquet.deprecated_methods"], [37, "module-graphnet.data.pipeline"], [38, "module-graphnet.data.pre_configured"], [39, "module-graphnet.data.pre_configured.dataconverters"], [40, "module-graphnet.data.readers"], [41, "module-graphnet.data.readers.graphnet_file_reader"], [42, "module-graphnet.data.readers.i3reader"], [43, "module-graphnet.data.sqlite"], [44, "module-graphnet.data.sqlite.deprecated_methods"], [45, "module-graphnet.data.utilities"], [46, "module-graphnet.data.utilities.parquet_to_sqlite"], [47, "module-graphnet.data.utilities.random"], [48, "module-graphnet.data.utilities.sqlite_utilities"], [49, "module-graphnet.data.utilities.string_selection_resolver"], [50, "module-graphnet.data.writers"], [51, "module-graphnet.data.writers.graphnet_writer"], [52, "module-graphnet.data.writers.parquet_writer"], [53, "module-graphnet.data.writers.sqlite_writer"], [54, "module-graphnet.deployment"], [55, "module-graphnet.deployment.deployer"], [56, "module-graphnet.deployment.deployment_module"], [60, "module-graphnet.deployment.icecube.cleaning_module"], [62, "module-graphnet.deployment.icecube.inference_module"], [63, "module-graphnet.models"], [64, "module-graphnet.models.coarsening"], [65, "module-graphnet.models.components"], [66, "module-graphnet.models.components.embedding"], [67, "module-graphnet.models.components.layers"], [68, "module-graphnet.models.components.pool"], [69, "module-graphnet.models.detector"], [70, "module-graphnet.models.detector.detector"], [71, "module-graphnet.models.detector.icecube"], [72, "module-graphnet.models.detector.prometheus"], [73, "module-graphnet.models.gnn"], [74, "module-graphnet.models.gnn.RNN_tito"], [75, "module-graphnet.models.gnn.convnet"], [76, "module-graphnet.models.gnn.dynedge"], [77, "module-graphnet.models.gnn.dynedge_jinst"], [78, "module-graphnet.models.gnn.dynedge_kaggle_tito"], [79, "module-graphnet.models.gnn.gnn"], [80, "module-graphnet.models.gnn.icemix"], [81, "module-graphnet.models.graphs"], [82, "module-graphnet.models.graphs.edges"], [83, "module-graphnet.models.graphs.edges.edges"], [84, "module-graphnet.models.graphs.edges.minkowski"], [85, "module-graphnet.models.graphs.graph_definition"], [86, "module-graphnet.models.graphs.graphs"], [87, "module-graphnet.models.graphs.nodes"], [88, "module-graphnet.models.graphs.nodes.nodes"], [89, "module-graphnet.models.graphs.utils"], [90, "module-graphnet.models.model"], [91, "module-graphnet.models.rnn"], [92, "module-graphnet.models.rnn.node_rnn"], [93, "module-graphnet.models.standard_model"], [94, "module-graphnet.models.task"], [95, "module-graphnet.models.task.classification"], [96, "module-graphnet.models.task.reconstruction"], [97, "module-graphnet.models.task.task"], [98, "module-graphnet.models.utils"], [99, "module-graphnet.pisa"], [100, "module-graphnet.pisa.fitting"], [101, "module-graphnet.pisa.plotting"], [102, "module-graphnet.training"], [103, "module-graphnet.training.callbacks"], [104, "module-graphnet.training.labels"], [105, "module-graphnet.training.loss_functions"], [106, "module-graphnet.training.utils"], [107, "module-graphnet.training.weight_fitting"], [108, "module-graphnet.utilities"], [109, "module-graphnet.utilities.argparse"], [110, "module-graphnet.utilities.config"], [111, "module-graphnet.utilities.config.base_config"], [112, "module-graphnet.utilities.config.configurable"], [113, "module-graphnet.utilities.config.dataset_config"], [114, "module-graphnet.utilities.config.model_config"], [115, "module-graphnet.utilities.config.parsing"], [116, "module-graphnet.utilities.config.training_config"], [117, "module-graphnet.utilities.decorators"], [118, "module-graphnet.utilities.deprecation_tools"], [119, "module-graphnet.utilities.filesys"], [120, "module-graphnet.utilities.imports"], [121, "module-graphnet.utilities.logging"], [122, "module-graphnet.utilities.maths"]], "graphnet.constants": [[2, "module-graphnet.constants"]], "graphnet.data": [[3, "module-graphnet.data"]], "deepcore (graphnet.data.constants.features attribute)": [[4, "graphnet.data.constants.FEATURES.DEEPCORE"]], "deepcore (graphnet.data.constants.truth attribute)": [[4, "graphnet.data.constants.TRUTH.DEEPCORE"]], "features (class in graphnet.data.constants)": [[4, "graphnet.data.constants.FEATURES"]], "icecube86 (graphnet.data.constants.features attribute)": [[4, "graphnet.data.constants.FEATURES.ICECUBE86"]], "icecube86 (graphnet.data.constants.truth attribute)": [[4, "graphnet.data.constants.TRUTH.ICECUBE86"]], "kaggle (graphnet.data.constants.features attribute)": [[4, "graphnet.data.constants.FEATURES.KAGGLE"]], "kaggle (graphnet.data.constants.truth attribute)": [[4, "graphnet.data.constants.TRUTH.KAGGLE"]], "prometheus (graphnet.data.constants.features attribute)": [[4, "graphnet.data.constants.FEATURES.PROMETHEUS"]], "prometheus (graphnet.data.constants.truth attribute)": [[4, "graphnet.data.constants.TRUTH.PROMETHEUS"]], "truth (class in graphnet.data.constants)": [[4, "graphnet.data.constants.TRUTH"]], "upgrade (graphnet.data.constants.features attribute)": [[4, "graphnet.data.constants.FEATURES.UPGRADE"]], "upgrade (graphnet.data.constants.truth attribute)": [[4, "graphnet.data.constants.TRUTH.UPGRADE"]], "graphnet.data.constants": [[4, "module-graphnet.data.constants"]], "i3fileset (class in graphnet.data.dataclasses)": [[5, "graphnet.data.dataclasses.I3FileSet"]], "settings (class in graphnet.data.dataclasses)": [[5, "graphnet.data.dataclasses.Settings"]], "gcd_file (graphnet.data.dataclasses.i3fileset attribute)": [[5, "graphnet.data.dataclasses.I3FileSet.gcd_file"]], "gcd_file (graphnet.data.dataclasses.settings attribute)": [[5, "graphnet.data.dataclasses.Settings.gcd_file"]], "graphnet.data.dataclasses": [[5, "module-graphnet.data.dataclasses"]], "i3_file (graphnet.data.dataclasses.i3fileset attribute)": [[5, "graphnet.data.dataclasses.I3FileSet.i3_file"]], "i3_files (graphnet.data.dataclasses.settings attribute)": [[5, "graphnet.data.dataclasses.Settings.i3_files"]], "modules (graphnet.data.dataclasses.settings attribute)": [[5, "graphnet.data.dataclasses.Settings.modules"]], "output_folder (graphnet.data.dataclasses.settings attribute)": [[5, "graphnet.data.dataclasses.Settings.output_folder"]], "dataconverter (class in graphnet.data.dataconverter)": [[6, "graphnet.data.dataconverter.DataConverter"]], "get_map_function() (graphnet.data.dataconverter.dataconverter method)": [[6, "graphnet.data.dataconverter.DataConverter.get_map_function"]], "graphnet.data.dataconverter": [[6, "module-graphnet.data.dataconverter"]], "init_global_index() (in module graphnet.data.dataconverter)": [[6, "graphnet.data.dataconverter.init_global_index"]], "merge_files() (graphnet.data.dataconverter.dataconverter method)": [[6, "graphnet.data.dataconverter.DataConverter.merge_files"]], "dataloader (class in graphnet.data.dataloader)": [[7, "graphnet.data.dataloader.DataLoader"]], "collate_fn() (in module graphnet.data.dataloader)": [[7, "graphnet.data.dataloader.collate_fn"]], "do_shuffle() (in module graphnet.data.dataloader)": [[7, "graphnet.data.dataloader.do_shuffle"]], "from_dataset_config() (graphnet.data.dataloader.dataloader class method)": [[7, "graphnet.data.dataloader.DataLoader.from_dataset_config"]], "graphnet.data.dataloader": [[7, "module-graphnet.data.dataloader"]], "graphnetdatamodule (class in graphnet.data.datamodule)": [[8, "graphnet.data.datamodule.GraphNeTDataModule"]], "graphnet.data.datamodule": [[8, "module-graphnet.data.datamodule"]], "prepare_data() (graphnet.data.datamodule.graphnetdatamodule method)": [[8, "graphnet.data.datamodule.GraphNeTDataModule.prepare_data"]], "setup() (graphnet.data.datamodule.graphnetdatamodule method)": [[8, "graphnet.data.datamodule.GraphNeTDataModule.setup"]], "teardown() (graphnet.data.datamodule.graphnetdatamodule method)": [[8, "graphnet.data.datamodule.GraphNeTDataModule.teardown"]], "test_dataloader (graphnet.data.datamodule.graphnetdatamodule property)": [[8, "graphnet.data.datamodule.GraphNeTDataModule.test_dataloader"]], "train_dataloader (graphnet.data.datamodule.graphnetdatamodule property)": [[8, "graphnet.data.datamodule.GraphNeTDataModule.train_dataloader"]], "val_dataloader (graphnet.data.datamodule.graphnetdatamodule property)": [[8, "graphnet.data.datamodule.GraphNeTDataModule.val_dataloader"]], "graphnet.data.dataset": [[9, "module-graphnet.data.dataset"]], "columnmissingexception": [[10, "graphnet.data.dataset.dataset.ColumnMissingException"]], "dataset (class in graphnet.data.dataset.dataset)": [[10, "graphnet.data.dataset.dataset.Dataset"]], "ensembledataset (class in graphnet.data.dataset.dataset)": [[10, "graphnet.data.dataset.dataset.EnsembleDataset"]], "add_label() (graphnet.data.dataset.dataset.dataset method)": [[10, "graphnet.data.dataset.dataset.Dataset.add_label"]], "concatenate() (graphnet.data.dataset.dataset.dataset class method)": [[10, "graphnet.data.dataset.dataset.Dataset.concatenate"]], "from_config() (graphnet.data.dataset.dataset.dataset class method)": [[10, "graphnet.data.dataset.dataset.Dataset.from_config"]], "graphnet.data.dataset.dataset": [[10, "module-graphnet.data.dataset.dataset"]], "load_module() (in module graphnet.data.dataset.dataset)": [[10, "graphnet.data.dataset.dataset.load_module"]], "parse_graph_definition() (in module graphnet.data.dataset.dataset)": [[10, "graphnet.data.dataset.dataset.parse_graph_definition"]], "path (graphnet.data.dataset.dataset.dataset property)": [[10, "graphnet.data.dataset.dataset.Dataset.path"]], "query_table() (graphnet.data.dataset.dataset.dataset method)": [[10, "graphnet.data.dataset.dataset.Dataset.query_table"]], "truth_table (graphnet.data.dataset.dataset.dataset property)": [[10, "graphnet.data.dataset.dataset.Dataset.truth_table"]], "graphnet.data.dataset.parquet": [[11, "module-graphnet.data.dataset.parquet"]], "parquetdataset (class in graphnet.data.dataset.parquet.parquet_dataset)": [[12, "graphnet.data.dataset.parquet.parquet_dataset.ParquetDataset"]], "graphnet.data.dataset.parquet.parquet_dataset": [[12, "module-graphnet.data.dataset.parquet.parquet_dataset"]], "query_table() (graphnet.data.dataset.parquet.parquet_dataset.parquetdataset method)": [[12, "graphnet.data.dataset.parquet.parquet_dataset.ParquetDataset.query_table"]], "graphnet.data.dataset.sqlite": [[13, "module-graphnet.data.dataset.sqlite"]], "sqlitedataset (class in graphnet.data.dataset.sqlite.sqlite_dataset)": [[14, "graphnet.data.dataset.sqlite.sqlite_dataset.SQLiteDataset"]], "graphnet.data.dataset.sqlite.sqlite_dataset": [[14, "module-graphnet.data.dataset.sqlite.sqlite_dataset"]], "query_table() (graphnet.data.dataset.sqlite.sqlite_dataset.sqlitedataset method)": [[14, "graphnet.data.dataset.sqlite.sqlite_dataset.SQLiteDataset.query_table"]], "graphnet.data.extractors": [[15, "module-graphnet.data.extractors"]], "extractor (class in graphnet.data.extractors.extractor)": [[16, "graphnet.data.extractors.extractor.Extractor"]], "graphnet.data.extractors.extractor": [[16, "module-graphnet.data.extractors.extractor"]], "name (graphnet.data.extractors.extractor.extractor property)": [[16, "graphnet.data.extractors.extractor.Extractor.name"]], "graphnet.data.extractors.icecube": [[17, "module-graphnet.data.extractors.icecube"]], "i3extractor (class in graphnet.data.extractors.icecube.i3extractor)": [[18, "graphnet.data.extractors.icecube.i3extractor.I3Extractor"]], "graphnet.data.extractors.icecube.i3extractor": [[18, "module-graphnet.data.extractors.icecube.i3extractor"]], "set_gcd() (graphnet.data.extractors.icecube.i3extractor.i3extractor method)": [[18, "graphnet.data.extractors.icecube.i3extractor.I3Extractor.set_gcd"]], "i3featureextractor (class in graphnet.data.extractors.icecube.i3featureextractor)": [[19, "graphnet.data.extractors.icecube.i3featureextractor.I3FeatureExtractor"]], "i3featureextractoricecube86 (class in graphnet.data.extractors.icecube.i3featureextractor)": [[19, "graphnet.data.extractors.icecube.i3featureextractor.I3FeatureExtractorIceCube86"]], "i3featureextractoricecubedeepcore (class in graphnet.data.extractors.icecube.i3featureextractor)": [[19, "graphnet.data.extractors.icecube.i3featureextractor.I3FeatureExtractorIceCubeDeepCore"]], "i3featureextractoricecubeupgrade (class in graphnet.data.extractors.icecube.i3featureextractor)": [[19, "graphnet.data.extractors.icecube.i3featureextractor.I3FeatureExtractorIceCubeUpgrade"]], "i3pulsenoisetruthflagicecubeupgrade (class in graphnet.data.extractors.icecube.i3featureextractor)": [[19, "graphnet.data.extractors.icecube.i3featureextractor.I3PulseNoiseTruthFlagIceCubeUpgrade"]], "graphnet.data.extractors.icecube.i3featureextractor": [[19, "module-graphnet.data.extractors.icecube.i3featureextractor"]], "i3genericextractor (class in graphnet.data.extractors.icecube.i3genericextractor)": [[20, "graphnet.data.extractors.icecube.i3genericextractor.I3GenericExtractor"]], "graphnet.data.extractors.icecube.i3genericextractor": [[20, "module-graphnet.data.extractors.icecube.i3genericextractor"]], "i3galacticplanehybridrecoextractor (class in graphnet.data.extractors.icecube.i3hybridrecoextractor)": [[21, "graphnet.data.extractors.icecube.i3hybridrecoextractor.I3GalacticPlaneHybridRecoExtractor"]], "graphnet.data.extractors.icecube.i3hybridrecoextractor": [[21, "module-graphnet.data.extractors.icecube.i3hybridrecoextractor"]], "i3ntmuonlabelextractor (class in graphnet.data.extractors.icecube.i3ntmuonlabelsextractor)": [[22, "graphnet.data.extractors.icecube.i3ntmuonlabelsextractor.I3NTMuonLabelExtractor"]], "graphnet.data.extractors.icecube.i3ntmuonlabelsextractor": [[22, "module-graphnet.data.extractors.icecube.i3ntmuonlabelsextractor"]], "i3particleextractor (class in graphnet.data.extractors.icecube.i3particleextractor)": [[23, "graphnet.data.extractors.icecube.i3particleextractor.I3ParticleExtractor"]], "graphnet.data.extractors.icecube.i3particleextractor": [[23, "module-graphnet.data.extractors.icecube.i3particleextractor"]], "i3pisaextractor (class in graphnet.data.extractors.icecube.i3pisaextractor)": [[24, "graphnet.data.extractors.icecube.i3pisaextractor.I3PISAExtractor"]], "graphnet.data.extractors.icecube.i3pisaextractor": [[24, "module-graphnet.data.extractors.icecube.i3pisaextractor"]], "i3quesoextractor (class in graphnet.data.extractors.icecube.i3quesoextractor)": [[25, "graphnet.data.extractors.icecube.i3quesoextractor.I3QUESOExtractor"]], "graphnet.data.extractors.icecube.i3quesoextractor": [[25, "module-graphnet.data.extractors.icecube.i3quesoextractor"]], "i3retroextractor (class in graphnet.data.extractors.icecube.i3retroextractor)": [[26, "graphnet.data.extractors.icecube.i3retroextractor.I3RetroExtractor"]], "graphnet.data.extractors.icecube.i3retroextractor": [[26, "module-graphnet.data.extractors.icecube.i3retroextractor"]], "i3splinempeicextractor (class in graphnet.data.extractors.icecube.i3splinempeextractor)": [[27, "graphnet.data.extractors.icecube.i3splinempeextractor.I3SplineMPEICExtractor"]], "graphnet.data.extractors.icecube.i3splinempeextractor": [[27, "module-graphnet.data.extractors.icecube.i3splinempeextractor"]], "i3truthextractor (class in graphnet.data.extractors.icecube.i3truthextractor)": [[28, "graphnet.data.extractors.icecube.i3truthextractor.I3TruthExtractor"]], "graphnet.data.extractors.icecube.i3truthextractor": [[28, "module-graphnet.data.extractors.icecube.i3truthextractor"]], "i3tumextractor (class in graphnet.data.extractors.icecube.i3tumextractor)": [[29, "graphnet.data.extractors.icecube.i3tumextractor.I3TUMExtractor"]], "graphnet.data.extractors.icecube.i3tumextractor": [[29, "module-graphnet.data.extractors.icecube.i3tumextractor"]], "graphnet.data.extractors.icecube.utilities": [[30, "module-graphnet.data.extractors.icecube.utilities"]], "flatten_nested_dictionary() (in module graphnet.data.extractors.icecube.utilities.collections)": [[31, "graphnet.data.extractors.icecube.utilities.collections.flatten_nested_dictionary"]], "graphnet.data.extractors.icecube.utilities.collections": [[31, "module-graphnet.data.extractors.icecube.utilities.collections"]], "serialise() (in module graphnet.data.extractors.icecube.utilities.collections)": [[31, "graphnet.data.extractors.icecube.utilities.collections.serialise"]], "transpose_list_of_dicts() (in module graphnet.data.extractors.icecube.utilities.collections)": [[31, "graphnet.data.extractors.icecube.utilities.collections.transpose_list_of_dicts"]], "frame_is_montecarlo() (in module graphnet.data.extractors.icecube.utilities.frames)": [[32, "graphnet.data.extractors.icecube.utilities.frames.frame_is_montecarlo"]], "frame_is_noise() (in module graphnet.data.extractors.icecube.utilities.frames)": [[32, "graphnet.data.extractors.icecube.utilities.frames.frame_is_noise"]], "get_om_keys_and_pulseseries() (in module graphnet.data.extractors.icecube.utilities.frames)": [[32, "graphnet.data.extractors.icecube.utilities.frames.get_om_keys_and_pulseseries"]], "graphnet.data.extractors.icecube.utilities.frames": [[32, "module-graphnet.data.extractors.icecube.utilities.frames"]], "i3filter (class in graphnet.data.extractors.icecube.utilities.i3_filters)": [[33, "graphnet.data.extractors.icecube.utilities.i3_filters.I3Filter"]], "i3filtermask (class in graphnet.data.extractors.icecube.utilities.i3_filters)": [[33, "graphnet.data.extractors.icecube.utilities.i3_filters.I3FilterMask"]], "nullspliti3filter (class in graphnet.data.extractors.icecube.utilities.i3_filters)": [[33, "graphnet.data.extractors.icecube.utilities.i3_filters.NullSplitI3Filter"]], "graphnet.data.extractors.icecube.utilities.i3_filters": [[33, "module-graphnet.data.extractors.icecube.utilities.i3_filters"]], "break_cyclic_recursion() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.break_cyclic_recursion"]], "cast_object_to_pure_python() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.cast_object_to_pure_python"]], "cast_pulse_series_to_pure_python() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.cast_pulse_series_to_pure_python"]], "get_member_variables() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.get_member_variables"]], "graphnet.data.extractors.icecube.utilities.types": [[34, "module-graphnet.data.extractors.icecube.utilities.types"]], "is_boost_class() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.is_boost_class"]], "is_boost_enum() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.is_boost_enum"]], "is_icecube_class() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.is_icecube_class"]], "is_method() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.is_method"]], "is_type() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.is_type"]], "graphnet.data.parquet": [[35, "module-graphnet.data.parquet"]], "parquetdataconverter (class in graphnet.data.parquet.deprecated_methods)": [[36, "graphnet.data.parquet.deprecated_methods.ParquetDataConverter"]], "graphnet.data.parquet.deprecated_methods": [[36, "module-graphnet.data.parquet.deprecated_methods"]], "insqlitepipeline (class in graphnet.data.pipeline)": [[37, "graphnet.data.pipeline.InSQLitePipeline"]], "graphnet.data.pipeline": [[37, "module-graphnet.data.pipeline"]], "graphnet.data.pre_configured": [[38, "module-graphnet.data.pre_configured"]], "i3toparquetconverter (class in graphnet.data.pre_configured.dataconverters)": [[39, "graphnet.data.pre_configured.dataconverters.I3ToParquetConverter"]], "i3tosqliteconverter (class in graphnet.data.pre_configured.dataconverters)": [[39, "graphnet.data.pre_configured.dataconverters.I3ToSQLiteConverter"]], "graphnet.data.pre_configured.dataconverters": [[39, "module-graphnet.data.pre_configured.dataconverters"]], "graphnet.data.readers": [[40, "module-graphnet.data.readers"]], "graphnetfilereader (class in graphnet.data.readers.graphnet_file_reader)": [[41, "graphnet.data.readers.graphnet_file_reader.GraphNeTFileReader"]], "accepted_extractors (graphnet.data.readers.graphnet_file_reader.graphnetfilereader property)": [[41, "graphnet.data.readers.graphnet_file_reader.GraphNeTFileReader.accepted_extractors"]], "accepted_file_extensions (graphnet.data.readers.graphnet_file_reader.graphnetfilereader property)": [[41, "graphnet.data.readers.graphnet_file_reader.GraphNeTFileReader.accepted_file_extensions"]], "extracor_names (graphnet.data.readers.graphnet_file_reader.graphnetfilereader property)": [[41, "graphnet.data.readers.graphnet_file_reader.GraphNeTFileReader.extracor_names"]], "find_files() (graphnet.data.readers.graphnet_file_reader.graphnetfilereader method)": [[41, "graphnet.data.readers.graphnet_file_reader.GraphNeTFileReader.find_files"]], "graphnet.data.readers.graphnet_file_reader": [[41, "module-graphnet.data.readers.graphnet_file_reader"]], "set_extractors() (graphnet.data.readers.graphnet_file_reader.graphnetfilereader method)": [[41, "graphnet.data.readers.graphnet_file_reader.GraphNeTFileReader.set_extractors"]], "validate_files() (graphnet.data.readers.graphnet_file_reader.graphnetfilereader method)": [[41, "graphnet.data.readers.graphnet_file_reader.GraphNeTFileReader.validate_files"]], "i3reader (class in graphnet.data.readers.i3reader)": [[42, "graphnet.data.readers.i3reader.I3Reader"]], "find_files() (graphnet.data.readers.i3reader.i3reader method)": [[42, "graphnet.data.readers.i3reader.I3Reader.find_files"]], "graphnet.data.readers.i3reader": [[42, "module-graphnet.data.readers.i3reader"]], "graphnet.data.sqlite": [[43, "module-graphnet.data.sqlite"]], "sqlitedataconverter (class in graphnet.data.sqlite.deprecated_methods)": [[44, "graphnet.data.sqlite.deprecated_methods.SQLiteDataConverter"]], "graphnet.data.sqlite.deprecated_methods": [[44, "module-graphnet.data.sqlite.deprecated_methods"]], "graphnet.data.utilities": [[45, "module-graphnet.data.utilities"]], "parquettosqliteconverter (class in graphnet.data.utilities.parquet_to_sqlite)": [[46, "graphnet.data.utilities.parquet_to_sqlite.ParquetToSQLiteConverter"]], "graphnet.data.utilities.parquet_to_sqlite": [[46, "module-graphnet.data.utilities.parquet_to_sqlite"]], "run() (graphnet.data.utilities.parquet_to_sqlite.parquettosqliteconverter method)": [[46, "graphnet.data.utilities.parquet_to_sqlite.ParquetToSQLiteConverter.run"]], "graphnet.data.utilities.random": [[47, "module-graphnet.data.utilities.random"]], "pairwise_shuffle() (in module graphnet.data.utilities.random)": [[47, "graphnet.data.utilities.random.pairwise_shuffle"]], "attach_index() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.attach_index"]], "create_table() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.create_table"]], "create_table_and_save_to_sql() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.create_table_and_save_to_sql"]], "database_exists() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.database_exists"]], "database_table_exists() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.database_table_exists"]], "get_primary_keys() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.get_primary_keys"]], "graphnet.data.utilities.sqlite_utilities": [[48, "module-graphnet.data.utilities.sqlite_utilities"]], "query_database() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.query_database"]], "run_sql_code() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.run_sql_code"]], "save_to_sql() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.save_to_sql"]], "stringselectionresolver (class in graphnet.data.utilities.string_selection_resolver)": [[49, "graphnet.data.utilities.string_selection_resolver.StringSelectionResolver"]], "graphnet.data.utilities.string_selection_resolver": [[49, "module-graphnet.data.utilities.string_selection_resolver"]], "resolve() (graphnet.data.utilities.string_selection_resolver.stringselectionresolver method)": [[49, "graphnet.data.utilities.string_selection_resolver.StringSelectionResolver.resolve"]], "graphnet.data.writers": [[50, "module-graphnet.data.writers"]], "graphnetwriter (class in graphnet.data.writers.graphnet_writer)": [[51, "graphnet.data.writers.graphnet_writer.GraphNeTWriter"]], "expects_merged_dataframes (graphnet.data.writers.graphnet_writer.graphnetwriter property)": [[51, "graphnet.data.writers.graphnet_writer.GraphNeTWriter.expects_merged_dataframes"]], "file_extension (graphnet.data.writers.graphnet_writer.graphnetwriter property)": [[51, "graphnet.data.writers.graphnet_writer.GraphNeTWriter.file_extension"]], "graphnet.data.writers.graphnet_writer": [[51, "module-graphnet.data.writers.graphnet_writer"]], "merge_files() (graphnet.data.writers.graphnet_writer.graphnetwriter method)": [[51, "graphnet.data.writers.graphnet_writer.GraphNeTWriter.merge_files"]], "parquetwriter (class in graphnet.data.writers.parquet_writer)": [[52, "graphnet.data.writers.parquet_writer.ParquetWriter"]], "graphnet.data.writers.parquet_writer": [[52, "module-graphnet.data.writers.parquet_writer"]], "merge_files() (graphnet.data.writers.parquet_writer.parquetwriter method)": [[52, "graphnet.data.writers.parquet_writer.ParquetWriter.merge_files"]], "sqlitewriter (class in graphnet.data.writers.sqlite_writer)": [[53, "graphnet.data.writers.sqlite_writer.SQLiteWriter"]], "graphnet.data.writers.sqlite_writer": [[53, "module-graphnet.data.writers.sqlite_writer"]], "merge_files() (graphnet.data.writers.sqlite_writer.sqlitewriter method)": [[53, "graphnet.data.writers.sqlite_writer.SQLiteWriter.merge_files"]], "graphnet.deployment": [[54, "module-graphnet.deployment"]], "deployer (class in graphnet.deployment.deployer)": [[55, "graphnet.deployment.deployer.Deployer"]], "graphnet.deployment.deployer": [[55, "module-graphnet.deployment.deployer"]], "run() (graphnet.deployment.deployer.deployer method)": [[55, "graphnet.deployment.deployer.Deployer.run"]], "deploymentmodule (class in graphnet.deployment.deployment_module)": [[56, "graphnet.deployment.deployment_module.DeploymentModule"]], "graphnet.deployment.deployment_module": [[56, "module-graphnet.deployment.deployment_module"]], "i3pulsecleanermodule (class in graphnet.deployment.icecube.cleaning_module)": [[60, "graphnet.deployment.icecube.cleaning_module.I3PulseCleanerModule"]], "graphnet.deployment.icecube.cleaning_module": [[60, "module-graphnet.deployment.icecube.cleaning_module"]], "i3inferencemodule (class in graphnet.deployment.icecube.inference_module)": [[62, "graphnet.deployment.icecube.inference_module.I3InferenceModule"]], "graphnet.deployment.icecube.inference_module": [[62, "module-graphnet.deployment.icecube.inference_module"]], "graphnet.models": [[63, "module-graphnet.models"]], "attributecoarsening (class in graphnet.models.coarsening)": [[64, "graphnet.models.coarsening.AttributeCoarsening"]], "coarsening (class in graphnet.models.coarsening)": [[64, "graphnet.models.coarsening.Coarsening"]], "customdomcoarsening (class in graphnet.models.coarsening)": [[64, "graphnet.models.coarsening.CustomDOMCoarsening"]], "domandtimewindowcoarsening (class in graphnet.models.coarsening)": [[64, "graphnet.models.coarsening.DOMAndTimeWindowCoarsening"]], "domcoarsening (class in graphnet.models.coarsening)": [[64, "graphnet.models.coarsening.DOMCoarsening"]], "forward() (graphnet.models.coarsening.coarsening method)": [[64, "graphnet.models.coarsening.Coarsening.forward"]], "graphnet.models.coarsening": [[64, "module-graphnet.models.coarsening"]], "reduce_options (graphnet.models.coarsening.coarsening attribute)": [[64, "graphnet.models.coarsening.Coarsening.reduce_options"]], "unbatch_edge_index() (in module graphnet.models.coarsening)": [[64, "graphnet.models.coarsening.unbatch_edge_index"]], "graphnet.models.components": [[65, "module-graphnet.models.components"]], "fourierencoder (class in graphnet.models.components.embedding)": [[66, "graphnet.models.components.embedding.FourierEncoder"]], "sinusoidalposemb (class in graphnet.models.components.embedding)": [[66, "graphnet.models.components.embedding.SinusoidalPosEmb"]], "spacetimeencoder (class in graphnet.models.components.embedding)": [[66, "graphnet.models.components.embedding.SpacetimeEncoder"]], "forward() (graphnet.models.components.embedding.fourierencoder method)": [[66, "graphnet.models.components.embedding.FourierEncoder.forward"]], "forward() (graphnet.models.components.embedding.sinusoidalposemb method)": [[66, "graphnet.models.components.embedding.SinusoidalPosEmb.forward"]], "forward() (graphnet.models.components.embedding.spacetimeencoder method)": [[66, "graphnet.models.components.embedding.SpacetimeEncoder.forward"]], "graphnet.models.components.embedding": [[66, "module-graphnet.models.components.embedding"]], "attention_rel (class in graphnet.models.components.layers)": [[67, "graphnet.models.components.layers.Attention_rel"]], "block (class in graphnet.models.components.layers)": [[67, "graphnet.models.components.layers.Block"]], "block_rel (class in graphnet.models.components.layers)": [[67, "graphnet.models.components.layers.Block_rel"]], "droppath (class in graphnet.models.components.layers)": [[67, "graphnet.models.components.layers.DropPath"]], "dynedgeconv (class in graphnet.models.components.layers)": [[67, "graphnet.models.components.layers.DynEdgeConv"]], "dyntrans (class in graphnet.models.components.layers)": [[67, "graphnet.models.components.layers.DynTrans"]], "edgeconvtito (class in graphnet.models.components.layers)": [[67, "graphnet.models.components.layers.EdgeConvTito"]], "mlp (class in graphnet.models.components.layers)": [[67, "graphnet.models.components.layers.Mlp"]], "extra_repr() (graphnet.models.components.layers.droppath method)": [[67, "graphnet.models.components.layers.DropPath.extra_repr"]], "forward() (graphnet.models.components.layers.attention_rel method)": [[67, "graphnet.models.components.layers.Attention_rel.forward"]], "forward() (graphnet.models.components.layers.block method)": [[67, "graphnet.models.components.layers.Block.forward"]], "forward() (graphnet.models.components.layers.block_rel method)": [[67, "graphnet.models.components.layers.Block_rel.forward"]], "forward() (graphnet.models.components.layers.droppath method)": [[67, "graphnet.models.components.layers.DropPath.forward"]], "forward() (graphnet.models.components.layers.dynedgeconv method)": [[67, "graphnet.models.components.layers.DynEdgeConv.forward"]], "forward() (graphnet.models.components.layers.dyntrans method)": [[67, "graphnet.models.components.layers.DynTrans.forward"]], "forward() (graphnet.models.components.layers.edgeconvtito method)": [[67, "graphnet.models.components.layers.EdgeConvTito.forward"]], "forward() (graphnet.models.components.layers.mlp method)": [[67, "graphnet.models.components.layers.Mlp.forward"]], "graphnet.models.components.layers": [[67, "module-graphnet.models.components.layers"]], "message() (graphnet.models.components.layers.edgeconvtito method)": [[67, "graphnet.models.components.layers.EdgeConvTito.message"]], "reset_parameters() (graphnet.models.components.layers.edgeconvtito method)": [[67, "graphnet.models.components.layers.EdgeConvTito.reset_parameters"]], "graphnet.models.components.pool": [[68, "module-graphnet.models.components.pool"]], "group_by() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.group_by"]], "group_pulses_to_dom() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.group_pulses_to_dom"]], "group_pulses_to_pmt() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.group_pulses_to_pmt"]], "min_pool() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.min_pool"]], "min_pool_x() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.min_pool_x"]], "std_pool() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.std_pool"]], "std_pool_x() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.std_pool_x"]], "sum_pool() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.sum_pool"]], "sum_pool_and_distribute() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.sum_pool_and_distribute"]], "sum_pool_x() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.sum_pool_x"]], "graphnet.models.detector": [[69, "module-graphnet.models.detector"]], "detector (class in graphnet.models.detector.detector)": [[70, "graphnet.models.detector.detector.Detector"]], "feature_map() (graphnet.models.detector.detector.detector method)": [[70, "graphnet.models.detector.detector.Detector.feature_map"]], "forward() (graphnet.models.detector.detector.detector method)": [[70, "graphnet.models.detector.detector.Detector.forward"]], "geometry_table (graphnet.models.detector.detector.detector property)": [[70, "graphnet.models.detector.detector.Detector.geometry_table"]], "graphnet.models.detector.detector": [[70, "module-graphnet.models.detector.detector"]], "sensor_index_name (graphnet.models.detector.detector.detector property)": [[70, "graphnet.models.detector.detector.Detector.sensor_index_name"]], "sensor_position_names (graphnet.models.detector.detector.detector property)": [[70, "graphnet.models.detector.detector.Detector.sensor_position_names"]], "string_index_name (graphnet.models.detector.detector.detector property)": [[70, "graphnet.models.detector.detector.Detector.string_index_name"]], "icecube86 (class in graphnet.models.detector.icecube)": [[71, "graphnet.models.detector.icecube.IceCube86"]], "icecubedeepcore (class in graphnet.models.detector.icecube)": [[71, "graphnet.models.detector.icecube.IceCubeDeepCore"]], "icecubekaggle (class in graphnet.models.detector.icecube)": [[71, "graphnet.models.detector.icecube.IceCubeKaggle"]], "icecubeupgrade (class in graphnet.models.detector.icecube)": [[71, "graphnet.models.detector.icecube.IceCubeUpgrade"]], "feature_map() (graphnet.models.detector.icecube.icecube86 method)": [[71, "graphnet.models.detector.icecube.IceCube86.feature_map"]], "feature_map() (graphnet.models.detector.icecube.icecubedeepcore method)": [[71, "graphnet.models.detector.icecube.IceCubeDeepCore.feature_map"]], "feature_map() (graphnet.models.detector.icecube.icecubekaggle method)": [[71, "graphnet.models.detector.icecube.IceCubeKaggle.feature_map"]], "feature_map() (graphnet.models.detector.icecube.icecubeupgrade method)": [[71, "graphnet.models.detector.icecube.IceCubeUpgrade.feature_map"]], "geometry_table_path (graphnet.models.detector.icecube.icecube86 attribute)": [[71, "graphnet.models.detector.icecube.IceCube86.geometry_table_path"]], "geometry_table_path (graphnet.models.detector.icecube.icecubeupgrade attribute)": [[71, "graphnet.models.detector.icecube.IceCubeUpgrade.geometry_table_path"]], "graphnet.models.detector.icecube": [[71, "module-graphnet.models.detector.icecube"]], "sensor_id_column (graphnet.models.detector.icecube.icecube86 attribute)": [[71, "graphnet.models.detector.icecube.IceCube86.sensor_id_column"]], "sensor_id_column (graphnet.models.detector.icecube.icecubeupgrade attribute)": [[71, "graphnet.models.detector.icecube.IceCubeUpgrade.sensor_id_column"]], "string_id_column (graphnet.models.detector.icecube.icecube86 attribute)": [[71, "graphnet.models.detector.icecube.IceCube86.string_id_column"]], "string_id_column (graphnet.models.detector.icecube.icecubeupgrade attribute)": [[71, "graphnet.models.detector.icecube.IceCubeUpgrade.string_id_column"]], "xyz (graphnet.models.detector.icecube.icecube86 attribute)": [[71, "graphnet.models.detector.icecube.IceCube86.xyz"]], "xyz (graphnet.models.detector.icecube.icecubeupgrade attribute)": [[71, "graphnet.models.detector.icecube.IceCubeUpgrade.xyz"]], "orca150 (class in graphnet.models.detector.prometheus)": [[72, "graphnet.models.detector.prometheus.ORCA150"]], "prometheus (class in graphnet.models.detector.prometheus)": [[72, "graphnet.models.detector.prometheus.Prometheus"]], "feature_map() (graphnet.models.detector.prometheus.orca150 method)": [[72, "graphnet.models.detector.prometheus.ORCA150.feature_map"]], "geometry_table_path (graphnet.models.detector.prometheus.orca150 attribute)": [[72, "graphnet.models.detector.prometheus.ORCA150.geometry_table_path"]], "graphnet.models.detector.prometheus": [[72, "module-graphnet.models.detector.prometheus"]], "sensor_id_column (graphnet.models.detector.prometheus.orca150 attribute)": [[72, "graphnet.models.detector.prometheus.ORCA150.sensor_id_column"]], "string_id_column (graphnet.models.detector.prometheus.orca150 attribute)": [[72, "graphnet.models.detector.prometheus.ORCA150.string_id_column"]], "xyz (graphnet.models.detector.prometheus.orca150 attribute)": [[72, "graphnet.models.detector.prometheus.ORCA150.xyz"]], "graphnet.models.gnn": [[73, "module-graphnet.models.gnn"]], "rnn_tito (class in graphnet.models.gnn.rnn_tito)": [[74, "graphnet.models.gnn.RNN_tito.RNN_TITO"]], "forward() (graphnet.models.gnn.rnn_tito.rnn_tito method)": [[74, "graphnet.models.gnn.RNN_tito.RNN_TITO.forward"]], "graphnet.models.gnn.rnn_tito": [[74, "module-graphnet.models.gnn.RNN_tito"]], "convnet (class in graphnet.models.gnn.convnet)": [[75, "graphnet.models.gnn.convnet.ConvNet"]], "forward() (graphnet.models.gnn.convnet.convnet method)": [[75, "graphnet.models.gnn.convnet.ConvNet.forward"]], "graphnet.models.gnn.convnet": [[75, "module-graphnet.models.gnn.convnet"]], "dynedge (class in graphnet.models.gnn.dynedge)": [[76, "graphnet.models.gnn.dynedge.DynEdge"]], "forward() (graphnet.models.gnn.dynedge.dynedge method)": [[76, "graphnet.models.gnn.dynedge.DynEdge.forward"]], "graphnet.models.gnn.dynedge": [[76, "module-graphnet.models.gnn.dynedge"]], "dynedgejinst (class in graphnet.models.gnn.dynedge_jinst)": [[77, "graphnet.models.gnn.dynedge_jinst.DynEdgeJINST"]], "forward() (graphnet.models.gnn.dynedge_jinst.dynedgejinst method)": [[77, "graphnet.models.gnn.dynedge_jinst.DynEdgeJINST.forward"]], "graphnet.models.gnn.dynedge_jinst": [[77, "module-graphnet.models.gnn.dynedge_jinst"]], "dynedgetito (class in graphnet.models.gnn.dynedge_kaggle_tito)": [[78, "graphnet.models.gnn.dynedge_kaggle_tito.DynEdgeTITO"]], "forward() (graphnet.models.gnn.dynedge_kaggle_tito.dynedgetito method)": [[78, "graphnet.models.gnn.dynedge_kaggle_tito.DynEdgeTITO.forward"]], "graphnet.models.gnn.dynedge_kaggle_tito": [[78, "module-graphnet.models.gnn.dynedge_kaggle_tito"]], "gnn (class in graphnet.models.gnn.gnn)": [[79, "graphnet.models.gnn.gnn.GNN"]], "forward() (graphnet.models.gnn.gnn.gnn method)": [[79, "graphnet.models.gnn.gnn.GNN.forward"]], "graphnet.models.gnn.gnn": [[79, "module-graphnet.models.gnn.gnn"]], "nb_inputs (graphnet.models.gnn.gnn.gnn property)": [[79, "graphnet.models.gnn.gnn.GNN.nb_inputs"]], "nb_outputs (graphnet.models.gnn.gnn.gnn property)": [[79, "graphnet.models.gnn.gnn.GNN.nb_outputs"]], "deepice (class in graphnet.models.gnn.icemix)": [[80, "graphnet.models.gnn.icemix.DeepIce"]], "forward() (graphnet.models.gnn.icemix.deepice method)": [[80, "graphnet.models.gnn.icemix.DeepIce.forward"]], "graphnet.models.gnn.icemix": [[80, "module-graphnet.models.gnn.icemix"]], "no_weight_decay() (graphnet.models.gnn.icemix.deepice method)": [[80, "graphnet.models.gnn.icemix.DeepIce.no_weight_decay"]], "graphnet.models.graphs": [[81, "module-graphnet.models.graphs"]], "graphnet.models.graphs.edges": [[82, "module-graphnet.models.graphs.edges"]], "edgedefinition (class in graphnet.models.graphs.edges.edges)": [[83, "graphnet.models.graphs.edges.edges.EdgeDefinition"]], "euclideanedges (class in graphnet.models.graphs.edges.edges)": [[83, "graphnet.models.graphs.edges.edges.EuclideanEdges"]], "knnedges (class in graphnet.models.graphs.edges.edges)": [[83, "graphnet.models.graphs.edges.edges.KNNEdges"]], "radialedges (class in graphnet.models.graphs.edges.edges)": [[83, "graphnet.models.graphs.edges.edges.RadialEdges"]], "forward() (graphnet.models.graphs.edges.edges.edgedefinition method)": [[83, "graphnet.models.graphs.edges.edges.EdgeDefinition.forward"]], "graphnet.models.graphs.edges.edges": [[83, "module-graphnet.models.graphs.edges.edges"]], "minkowskiknnedges (class in graphnet.models.graphs.edges.minkowski)": [[84, "graphnet.models.graphs.edges.minkowski.MinkowskiKNNEdges"]], "compute_minkowski_distance_mat() (in module graphnet.models.graphs.edges.minkowski)": [[84, "graphnet.models.graphs.edges.minkowski.compute_minkowski_distance_mat"]], "graphnet.models.graphs.edges.minkowski": [[84, "module-graphnet.models.graphs.edges.minkowski"]], "graphdefinition (class in graphnet.models.graphs.graph_definition)": [[85, "graphnet.models.graphs.graph_definition.GraphDefinition"]], "forward() (graphnet.models.graphs.graph_definition.graphdefinition method)": [[85, "graphnet.models.graphs.graph_definition.GraphDefinition.forward"]], "graphnet.models.graphs.graph_definition": [[85, "module-graphnet.models.graphs.graph_definition"]], "knngraph (class in graphnet.models.graphs.graphs)": [[86, "graphnet.models.graphs.graphs.KNNGraph"]], "graphnet.models.graphs.graphs": [[86, "module-graphnet.models.graphs.graphs"]], "graphnet.models.graphs.nodes": [[87, "module-graphnet.models.graphs.nodes"]], "icemixnodes (class in graphnet.models.graphs.nodes.nodes)": [[88, "graphnet.models.graphs.nodes.nodes.IceMixNodes"]], "nodeasdomtimeseries (class in graphnet.models.graphs.nodes.nodes)": [[88, "graphnet.models.graphs.nodes.nodes.NodeAsDOMTimeSeries"]], "nodedefinition (class in graphnet.models.graphs.nodes.nodes)": [[88, "graphnet.models.graphs.nodes.nodes.NodeDefinition"]], "nodesaspulses (class in graphnet.models.graphs.nodes.nodes)": [[88, "graphnet.models.graphs.nodes.nodes.NodesAsPulses"]], "percentileclusters (class in graphnet.models.graphs.nodes.nodes)": [[88, "graphnet.models.graphs.nodes.nodes.PercentileClusters"]], "forward() (graphnet.models.graphs.nodes.nodes.nodedefinition method)": [[88, "graphnet.models.graphs.nodes.nodes.NodeDefinition.forward"]], "graphnet.models.graphs.nodes.nodes": [[88, "module-graphnet.models.graphs.nodes.nodes"]], "nb_outputs (graphnet.models.graphs.nodes.nodes.nodedefinition property)": [[88, "graphnet.models.graphs.nodes.nodes.NodeDefinition.nb_outputs"]], "set_number_of_inputs() (graphnet.models.graphs.nodes.nodes.nodedefinition method)": [[88, "graphnet.models.graphs.nodes.nodes.NodeDefinition.set_number_of_inputs"]], "set_output_feature_names() (graphnet.models.graphs.nodes.nodes.nodedefinition method)": [[88, "graphnet.models.graphs.nodes.nodes.NodeDefinition.set_output_feature_names"]], "cluster_summarize_with_percentiles() (in module graphnet.models.graphs.utils)": [[89, "graphnet.models.graphs.utils.cluster_summarize_with_percentiles"]], "gather_cluster_sequence() (in module graphnet.models.graphs.utils)": [[89, "graphnet.models.graphs.utils.gather_cluster_sequence"]], "graphnet.models.graphs.utils": [[89, "module-graphnet.models.graphs.utils"]], "ice_transparency() (in module graphnet.models.graphs.utils)": [[89, "graphnet.models.graphs.utils.ice_transparency"]], "identify_indices() (in module graphnet.models.graphs.utils)": [[89, "graphnet.models.graphs.utils.identify_indices"]], "lex_sort() (in module graphnet.models.graphs.utils)": [[89, "graphnet.models.graphs.utils.lex_sort"]], "model (class in graphnet.models.model)": [[90, "graphnet.models.model.Model"]], "extra_repr() (graphnet.models.model.model method)": [[90, "graphnet.models.model.Model.extra_repr"]], "extra_repr_recursive() (graphnet.models.model.model method)": [[90, "graphnet.models.model.Model.extra_repr_recursive"]], "from_config() (graphnet.models.model.model class method)": [[90, "graphnet.models.model.Model.from_config"]], "graphnet.models.model": [[90, "module-graphnet.models.model"]], "load() (graphnet.models.model.model class method)": [[90, "graphnet.models.model.Model.load"]], "load_state_dict() (graphnet.models.model.model method)": [[90, "graphnet.models.model.Model.load_state_dict"]], "save() (graphnet.models.model.model method)": [[90, "graphnet.models.model.Model.save"]], "save_state_dict() (graphnet.models.model.model method)": [[90, "graphnet.models.model.Model.save_state_dict"]], "set_verbose_print_recursively() (graphnet.models.model.model method)": [[90, "graphnet.models.model.Model.set_verbose_print_recursively"]], "verbose_print (graphnet.models.model.model attribute)": [[90, "graphnet.models.model.Model.verbose_print"]], "graphnet.models.rnn": [[91, "module-graphnet.models.rnn"]], "node_rnn (class in graphnet.models.rnn.node_rnn)": [[92, "graphnet.models.rnn.node_rnn.Node_RNN"]], "clean_up_data_object() (graphnet.models.rnn.node_rnn.node_rnn method)": [[92, "graphnet.models.rnn.node_rnn.Node_RNN.clean_up_data_object"]], "forward() (graphnet.models.rnn.node_rnn.node_rnn method)": [[92, "graphnet.models.rnn.node_rnn.Node_RNN.forward"]], "graphnet.models.rnn.node_rnn": [[92, "module-graphnet.models.rnn.node_rnn"]], "standardmodel (class in graphnet.models.standard_model)": [[93, "graphnet.models.standard_model.StandardModel"]], "compute_loss() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.compute_loss"]], "configure_optimizers() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.configure_optimizers"]], "fit() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.fit"]], "forward() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.forward"]], "graphnet.models.standard_model": [[93, "module-graphnet.models.standard_model"]], "inference() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.inference"]], "predict() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.predict"]], "predict_as_dataframe() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.predict_as_dataframe"]], "prediction_labels (graphnet.models.standard_model.standardmodel property)": [[93, "graphnet.models.standard_model.StandardModel.prediction_labels"]], "shared_step() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.shared_step"]], "target_labels (graphnet.models.standard_model.standardmodel property)": [[93, "graphnet.models.standard_model.StandardModel.target_labels"]], "train() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.train"]], "training_step() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.training_step"]], "validation_step() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.validation_step"]], "graphnet.models.task": [[94, "module-graphnet.models.task"]], "binaryclassificationtask (class in graphnet.models.task.classification)": [[95, "graphnet.models.task.classification.BinaryClassificationTask"]], "binaryclassificationtasklogits (class in graphnet.models.task.classification)": [[95, "graphnet.models.task.classification.BinaryClassificationTaskLogits"]], "multiclassclassificationtask (class in graphnet.models.task.classification)": [[95, "graphnet.models.task.classification.MulticlassClassificationTask"]], "default_prediction_labels (graphnet.models.task.classification.binaryclassificationtask attribute)": [[95, "graphnet.models.task.classification.BinaryClassificationTask.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.classification.binaryclassificationtasklogits attribute)": [[95, "graphnet.models.task.classification.BinaryClassificationTaskLogits.default_prediction_labels"]], "default_target_labels (graphnet.models.task.classification.binaryclassificationtask attribute)": [[95, "graphnet.models.task.classification.BinaryClassificationTask.default_target_labels"]], "default_target_labels (graphnet.models.task.classification.binaryclassificationtasklogits attribute)": [[95, "graphnet.models.task.classification.BinaryClassificationTaskLogits.default_target_labels"]], "graphnet.models.task.classification": [[95, "module-graphnet.models.task.classification"]], "nb_inputs (graphnet.models.task.classification.binaryclassificationtask attribute)": [[95, "graphnet.models.task.classification.BinaryClassificationTask.nb_inputs"]], "nb_inputs (graphnet.models.task.classification.binaryclassificationtasklogits attribute)": [[95, "graphnet.models.task.classification.BinaryClassificationTaskLogits.nb_inputs"]], "azimuthreconstruction (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.AzimuthReconstruction"]], "azimuthreconstructionwithkappa (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.AzimuthReconstructionWithKappa"]], "directionreconstructionwithkappa (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.DirectionReconstructionWithKappa"]], "energyreconstruction (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.EnergyReconstruction"]], "energyreconstructionwithpower (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.EnergyReconstructionWithPower"]], "energyreconstructionwithuncertainty (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.EnergyReconstructionWithUncertainty"]], "energytcreconstruction (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.EnergyTCReconstruction"]], "inelasticityreconstruction (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.InelasticityReconstruction"]], "positionreconstruction (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.PositionReconstruction"]], "timereconstruction (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.TimeReconstruction"]], "vertexreconstruction (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.VertexReconstruction"]], "zenithreconstruction (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.ZenithReconstruction"]], "zenithreconstructionwithkappa (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.ZenithReconstructionWithKappa"]], "default_prediction_labels (graphnet.models.task.reconstruction.azimuthreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.AzimuthReconstruction.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.azimuthreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.AzimuthReconstructionWithKappa.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.directionreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.DirectionReconstructionWithKappa.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.energyreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstruction.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.energyreconstructionwithpower attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstructionWithPower.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.energyreconstructionwithuncertainty attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstructionWithUncertainty.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.energytcreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.EnergyTCReconstruction.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.inelasticityreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.InelasticityReconstruction.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.positionreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.PositionReconstruction.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.timereconstruction attribute)": [[96, "graphnet.models.task.reconstruction.TimeReconstruction.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.vertexreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.VertexReconstruction.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.zenithreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.ZenithReconstruction.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.zenithreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.ZenithReconstructionWithKappa.default_prediction_labels"]], "default_target_labels (graphnet.models.task.reconstruction.azimuthreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.AzimuthReconstruction.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.azimuthreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.AzimuthReconstructionWithKappa.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.directionreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.DirectionReconstructionWithKappa.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.energyreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstruction.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.energyreconstructionwithpower attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstructionWithPower.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.energyreconstructionwithuncertainty attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstructionWithUncertainty.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.energytcreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.EnergyTCReconstruction.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.inelasticityreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.InelasticityReconstruction.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.positionreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.PositionReconstruction.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.timereconstruction attribute)": [[96, "graphnet.models.task.reconstruction.TimeReconstruction.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.vertexreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.VertexReconstruction.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.zenithreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.ZenithReconstruction.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.zenithreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.ZenithReconstructionWithKappa.default_target_labels"]], "graphnet.models.task.reconstruction": [[96, "module-graphnet.models.task.reconstruction"]], "nb_inputs (graphnet.models.task.reconstruction.azimuthreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.AzimuthReconstruction.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.azimuthreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.AzimuthReconstructionWithKappa.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.directionreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.DirectionReconstructionWithKappa.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.energyreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstruction.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.energyreconstructionwithpower attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstructionWithPower.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.energyreconstructionwithuncertainty attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstructionWithUncertainty.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.energytcreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.EnergyTCReconstruction.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.inelasticityreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.InelasticityReconstruction.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.positionreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.PositionReconstruction.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.timereconstruction attribute)": [[96, "graphnet.models.task.reconstruction.TimeReconstruction.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.vertexreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.VertexReconstruction.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.zenithreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.ZenithReconstruction.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.zenithreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.ZenithReconstructionWithKappa.nb_inputs"]], "identitytask (class in graphnet.models.task.task)": [[97, "graphnet.models.task.task.IdentityTask"]], "learnedtask (class in graphnet.models.task.task)": [[97, "graphnet.models.task.task.LearnedTask"]], "standardflowtask (class in graphnet.models.task.task)": [[97, "graphnet.models.task.task.StandardFlowTask"]], "standardlearnedtask (class in graphnet.models.task.task)": [[97, "graphnet.models.task.task.StandardLearnedTask"]], "task (class in graphnet.models.task.task)": [[97, "graphnet.models.task.task.Task"]], "compute_loss() (graphnet.models.task.task.learnedtask method)": [[97, "graphnet.models.task.task.LearnedTask.compute_loss"]], "compute_loss() (graphnet.models.task.task.standardflowtask method)": [[97, "graphnet.models.task.task.StandardFlowTask.compute_loss"]], "compute_loss() (graphnet.models.task.task.standardlearnedtask method)": [[97, "graphnet.models.task.task.StandardLearnedTask.compute_loss"]], "default_prediction_labels (graphnet.models.task.task.identitytask property)": [[97, "graphnet.models.task.task.IdentityTask.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.task.task property)": [[97, "graphnet.models.task.task.Task.default_prediction_labels"]], "default_target_labels (graphnet.models.task.task.identitytask property)": [[97, "graphnet.models.task.task.IdentityTask.default_target_labels"]], "default_target_labels (graphnet.models.task.task.task property)": [[97, "graphnet.models.task.task.Task.default_target_labels"]], "forward() (graphnet.models.task.task.learnedtask method)": [[97, "graphnet.models.task.task.LearnedTask.forward"]], "forward() (graphnet.models.task.task.standardflowtask method)": [[97, "graphnet.models.task.task.StandardFlowTask.forward"]], "graphnet.models.task.task": [[97, "module-graphnet.models.task.task"]], "inference() (graphnet.models.task.task.task method)": [[97, "graphnet.models.task.task.Task.inference"]], "nb_inputs (graphnet.models.task.task.identitytask property)": [[97, "graphnet.models.task.task.IdentityTask.nb_inputs"]], "nb_inputs (graphnet.models.task.task.learnedtask property)": [[97, "graphnet.models.task.task.LearnedTask.nb_inputs"]], "nb_inputs (graphnet.models.task.task.standardlearnedtask property)": [[97, "graphnet.models.task.task.StandardLearnedTask.nb_inputs"]], "nb_inputs (graphnet.models.task.task.task property)": [[97, "graphnet.models.task.task.Task.nb_inputs"]], "nb_inputs() (graphnet.models.task.task.standardflowtask method)": [[97, "graphnet.models.task.task.StandardFlowTask.nb_inputs"]], "train_eval() (graphnet.models.task.task.task method)": [[97, "graphnet.models.task.task.Task.train_eval"]], "array_to_sequence() (in module graphnet.models.utils)": [[98, "graphnet.models.utils.array_to_sequence"]], "calculate_distance_matrix() (in module graphnet.models.utils)": [[98, "graphnet.models.utils.calculate_distance_matrix"]], "calculate_xyzt_homophily() (in module graphnet.models.utils)": [[98, "graphnet.models.utils.calculate_xyzt_homophily"]], "graphnet.models.utils": [[98, "module-graphnet.models.utils"]], "knn_graph_batch() (in module graphnet.models.utils)": [[98, "graphnet.models.utils.knn_graph_batch"]], "graphnet.pisa": [[99, "module-graphnet.pisa"]], "contourfitter (class in graphnet.pisa.fitting)": [[100, "graphnet.pisa.fitting.ContourFitter"]], "weightfitter (class in graphnet.pisa.fitting)": [[100, "graphnet.pisa.fitting.WeightFitter"]], "config_updater() (in module graphnet.pisa.fitting)": [[100, "graphnet.pisa.fitting.config_updater"]], "fit_1d_contour() (graphnet.pisa.fitting.contourfitter method)": [[100, "graphnet.pisa.fitting.ContourFitter.fit_1d_contour"]], "fit_2d_contour() (graphnet.pisa.fitting.contourfitter method)": [[100, "graphnet.pisa.fitting.ContourFitter.fit_2d_contour"]], "fit_weights() (graphnet.pisa.fitting.weightfitter method)": [[100, "graphnet.pisa.fitting.WeightFitter.fit_weights"]], "graphnet.pisa.fitting": [[100, "module-graphnet.pisa.fitting"]], "graphnet.pisa.plotting": [[101, "module-graphnet.pisa.plotting"]], "plot_1d_contour() (in module graphnet.pisa.plotting)": [[101, "graphnet.pisa.plotting.plot_1D_contour"]], "plot_2d_contour() (in module graphnet.pisa.plotting)": [[101, "graphnet.pisa.plotting.plot_2D_contour"]], "read_entry() (in module graphnet.pisa.plotting)": [[101, "graphnet.pisa.plotting.read_entry"]], "graphnet.training": [[102, "module-graphnet.training"]], "graphnetearlystopping (class in graphnet.training.callbacks)": [[103, "graphnet.training.callbacks.GraphnetEarlyStopping"]], "piecewiselinearlr (class in graphnet.training.callbacks)": [[103, "graphnet.training.callbacks.PiecewiseLinearLR"]], "progressbar (class in graphnet.training.callbacks)": [[103, "graphnet.training.callbacks.ProgressBar"]], "get_lr() (graphnet.training.callbacks.piecewiselinearlr method)": [[103, "graphnet.training.callbacks.PiecewiseLinearLR.get_lr"]], "get_metrics() (graphnet.training.callbacks.progressbar method)": [[103, "graphnet.training.callbacks.ProgressBar.get_metrics"]], "graphnet.training.callbacks": [[103, "module-graphnet.training.callbacks"]], "init_predict_tqdm() (graphnet.training.callbacks.progressbar method)": [[103, "graphnet.training.callbacks.ProgressBar.init_predict_tqdm"]], "init_test_tqdm() (graphnet.training.callbacks.progressbar method)": [[103, "graphnet.training.callbacks.ProgressBar.init_test_tqdm"]], "init_train_tqdm() (graphnet.training.callbacks.progressbar method)": [[103, "graphnet.training.callbacks.ProgressBar.init_train_tqdm"]], "init_validation_tqdm() (graphnet.training.callbacks.progressbar method)": [[103, "graphnet.training.callbacks.ProgressBar.init_validation_tqdm"]], "on_fit_end() (graphnet.training.callbacks.graphnetearlystopping method)": [[103, "graphnet.training.callbacks.GraphnetEarlyStopping.on_fit_end"]], "on_train_epoch_end() (graphnet.training.callbacks.graphnetearlystopping method)": [[103, "graphnet.training.callbacks.GraphnetEarlyStopping.on_train_epoch_end"]], "on_train_epoch_end() (graphnet.training.callbacks.progressbar method)": [[103, "graphnet.training.callbacks.ProgressBar.on_train_epoch_end"]], "on_train_epoch_start() (graphnet.training.callbacks.progressbar method)": [[103, "graphnet.training.callbacks.ProgressBar.on_train_epoch_start"]], "on_validation_end() (graphnet.training.callbacks.graphnetearlystopping method)": [[103, "graphnet.training.callbacks.GraphnetEarlyStopping.on_validation_end"]], "setup() (graphnet.training.callbacks.graphnetearlystopping method)": [[103, "graphnet.training.callbacks.GraphnetEarlyStopping.setup"]], "direction (class in graphnet.training.labels)": [[104, "graphnet.training.labels.Direction"]], "label (class in graphnet.training.labels)": [[104, "graphnet.training.labels.Label"]], "graphnet.training.labels": [[104, "module-graphnet.training.labels"]], "key (graphnet.training.labels.label property)": [[104, "graphnet.training.labels.Label.key"]], "binarycrossentropyloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.BinaryCrossEntropyLoss"]], "crossentropyloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.CrossEntropyLoss"]], "euclideandistanceloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.EuclideanDistanceLoss"]], "logcmk (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.LogCMK"]], "logcoshloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.LogCoshLoss"]], "lossfunction (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.LossFunction"]], "mseloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.MSELoss"]], "rmseloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.RMSELoss"]], "vonmisesfisher2dloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.VonMisesFisher2DLoss"]], "vonmisesfisher3dloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.VonMisesFisher3DLoss"]], "vonmisesfisherloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.VonMisesFisherLoss"]], "backward() (graphnet.training.loss_functions.logcmk static method)": [[105, "graphnet.training.loss_functions.LogCMK.backward"]], "forward() (graphnet.training.loss_functions.logcmk static method)": [[105, "graphnet.training.loss_functions.LogCMK.forward"]], "forward() (graphnet.training.loss_functions.lossfunction method)": [[105, "graphnet.training.loss_functions.LossFunction.forward"]], "graphnet.training.loss_functions": [[105, "module-graphnet.training.loss_functions"]], "log_cmk() (graphnet.training.loss_functions.vonmisesfisherloss class method)": [[105, "graphnet.training.loss_functions.VonMisesFisherLoss.log_cmk"]], "log_cmk_approx() (graphnet.training.loss_functions.vonmisesfisherloss class method)": [[105, "graphnet.training.loss_functions.VonMisesFisherLoss.log_cmk_approx"]], "log_cmk_exact() (graphnet.training.loss_functions.vonmisesfisherloss class method)": [[105, "graphnet.training.loss_functions.VonMisesFisherLoss.log_cmk_exact"]], "collate_fn() (in module graphnet.training.utils)": [[106, "graphnet.training.utils.collate_fn"]], "collator_sequence_buckleting (class in graphnet.training.utils)": [[106, "graphnet.training.utils.collator_sequence_buckleting"]], "get_predictions() (in module graphnet.training.utils)": [[106, "graphnet.training.utils.get_predictions"]], "graphnet.training.utils": [[106, "module-graphnet.training.utils"]], "make_dataloader() (in module graphnet.training.utils)": [[106, "graphnet.training.utils.make_dataloader"]], "make_train_validation_dataloader() (in module graphnet.training.utils)": [[106, "graphnet.training.utils.make_train_validation_dataloader"]], "save_results() (in module graphnet.training.utils)": [[106, "graphnet.training.utils.save_results"]], "save_selection() (in module graphnet.training.utils)": [[106, "graphnet.training.utils.save_selection"]], "bjoernlow (class in graphnet.training.weight_fitting)": [[107, "graphnet.training.weight_fitting.BjoernLow"]], "uniform (class in graphnet.training.weight_fitting)": [[107, "graphnet.training.weight_fitting.Uniform"]], "weightfitter (class in graphnet.training.weight_fitting)": [[107, "graphnet.training.weight_fitting.WeightFitter"]], "fit() (graphnet.training.weight_fitting.weightfitter method)": [[107, "graphnet.training.weight_fitting.WeightFitter.fit"]], "graphnet.training.weight_fitting": [[107, "module-graphnet.training.weight_fitting"]], "graphnet.utilities": [[108, "module-graphnet.utilities"]], "argumentparser (class in graphnet.utilities.argparse)": [[109, "graphnet.utilities.argparse.ArgumentParser"]], "options (class in graphnet.utilities.argparse)": [[109, "graphnet.utilities.argparse.Options"]], "contains() (graphnet.utilities.argparse.options method)": [[109, "graphnet.utilities.argparse.Options.contains"]], "graphnet.utilities.argparse": [[109, "module-graphnet.utilities.argparse"]], "pop_default() (graphnet.utilities.argparse.options method)": [[109, "graphnet.utilities.argparse.Options.pop_default"]], "standard_arguments (graphnet.utilities.argparse.argumentparser attribute)": [[109, "graphnet.utilities.argparse.ArgumentParser.standard_arguments"]], "with_standard_arguments() (graphnet.utilities.argparse.argumentparser method)": [[109, "graphnet.utilities.argparse.ArgumentParser.with_standard_arguments"]], "graphnet.utilities.config": [[110, "module-graphnet.utilities.config"]], "baseconfig (class in graphnet.utilities.config.base_config)": [[111, "graphnet.utilities.config.base_config.BaseConfig"]], "as_dict() (graphnet.utilities.config.base_config.baseconfig method)": [[111, "graphnet.utilities.config.base_config.BaseConfig.as_dict"]], "dump() (graphnet.utilities.config.base_config.baseconfig method)": [[111, "graphnet.utilities.config.base_config.BaseConfig.dump"]], "get_all_argument_values() (in module graphnet.utilities.config.base_config)": [[111, "graphnet.utilities.config.base_config.get_all_argument_values"]], "graphnet.utilities.config.base_config": [[111, "module-graphnet.utilities.config.base_config"]], "load() (graphnet.utilities.config.base_config.baseconfig class method)": [[111, "graphnet.utilities.config.base_config.BaseConfig.load"]], "model_computed_fields (graphnet.utilities.config.base_config.baseconfig attribute)": [[111, "graphnet.utilities.config.base_config.BaseConfig.model_computed_fields"]], "model_config (graphnet.utilities.config.base_config.baseconfig attribute)": [[111, "graphnet.utilities.config.base_config.BaseConfig.model_config"]], "model_fields (graphnet.utilities.config.base_config.baseconfig attribute)": [[111, "graphnet.utilities.config.base_config.BaseConfig.model_fields"]], "configurable (class in graphnet.utilities.config.configurable)": [[112, "graphnet.utilities.config.configurable.Configurable"]], "config (graphnet.utilities.config.configurable.configurable property)": [[112, "graphnet.utilities.config.configurable.Configurable.config"]], "from_config() (graphnet.utilities.config.configurable.configurable class method)": [[112, "graphnet.utilities.config.configurable.Configurable.from_config"]], "graphnet.utilities.config.configurable": [[112, "module-graphnet.utilities.config.configurable"]], "save_config() (graphnet.utilities.config.configurable.configurable method)": [[112, "graphnet.utilities.config.configurable.Configurable.save_config"]], "datasetconfig (class in graphnet.utilities.config.dataset_config)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig"]], "datasetconfigsaverabcmeta (class in graphnet.utilities.config.dataset_config)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfigSaverABCMeta"]], "datasetconfigsavermeta (class in graphnet.utilities.config.dataset_config)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfigSaverMeta"]], "as_dict() (graphnet.utilities.config.dataset_config.datasetconfig method)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.as_dict"]], "features (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.features"]], "graph_definition (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.graph_definition"]], "graphnet.utilities.config.dataset_config": [[113, "module-graphnet.utilities.config.dataset_config"]], "index_column (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.index_column"]], "loss_weight_column (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.loss_weight_column"]], "loss_weight_default_value (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.loss_weight_default_value"]], "loss_weight_table (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.loss_weight_table"]], "model_computed_fields (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.model_computed_fields"]], "model_config (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.model_config"]], "model_fields (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.model_fields"]], "node_truth (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.node_truth"]], "node_truth_table (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.node_truth_table"]], "path (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.path"]], "pulsemaps (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.pulsemaps"]], "save_dataset_config() (in module graphnet.utilities.config.dataset_config)": [[113, "graphnet.utilities.config.dataset_config.save_dataset_config"]], "seed (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.seed"]], "selection (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.selection"]], "string_selection (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.string_selection"]], "truth (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.truth"]], "truth_table (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.truth_table"]], "modelconfig (class in graphnet.utilities.config.model_config)": [[114, "graphnet.utilities.config.model_config.ModelConfig"]], "modelconfigsaverabc (class in graphnet.utilities.config.model_config)": [[114, "graphnet.utilities.config.model_config.ModelConfigSaverABC"]], "modelconfigsavermeta (class in graphnet.utilities.config.model_config)": [[114, "graphnet.utilities.config.model_config.ModelConfigSaverMeta"]], "arguments (graphnet.utilities.config.model_config.modelconfig attribute)": [[114, "graphnet.utilities.config.model_config.ModelConfig.arguments"]], "as_dict() (graphnet.utilities.config.model_config.modelconfig method)": [[114, "graphnet.utilities.config.model_config.ModelConfig.as_dict"]], "class_name (graphnet.utilities.config.model_config.modelconfig attribute)": [[114, "graphnet.utilities.config.model_config.ModelConfig.class_name"]], "graphnet.utilities.config.model_config": [[114, "module-graphnet.utilities.config.model_config"]], "model_computed_fields (graphnet.utilities.config.model_config.modelconfig attribute)": [[114, "graphnet.utilities.config.model_config.ModelConfig.model_computed_fields"]], "model_config (graphnet.utilities.config.model_config.modelconfig attribute)": [[114, "graphnet.utilities.config.model_config.ModelConfig.model_config"]], "model_fields (graphnet.utilities.config.model_config.modelconfig attribute)": [[114, "graphnet.utilities.config.model_config.ModelConfig.model_fields"]], "save_model_config() (in module graphnet.utilities.config.model_config)": [[114, "graphnet.utilities.config.model_config.save_model_config"]], "get_all_grapnet_classes() (in module graphnet.utilities.config.parsing)": [[115, "graphnet.utilities.config.parsing.get_all_grapnet_classes"]], "get_graphnet_classes() (in module graphnet.utilities.config.parsing)": [[115, "graphnet.utilities.config.parsing.get_graphnet_classes"]], "graphnet.utilities.config.parsing": [[115, "module-graphnet.utilities.config.parsing"]], "is_graphnet_class() (in module graphnet.utilities.config.parsing)": [[115, "graphnet.utilities.config.parsing.is_graphnet_class"]], "is_graphnet_module() (in module graphnet.utilities.config.parsing)": [[115, "graphnet.utilities.config.parsing.is_graphnet_module"]], "list_all_submodules() (in module graphnet.utilities.config.parsing)": [[115, "graphnet.utilities.config.parsing.list_all_submodules"]], "traverse_and_apply() (in module graphnet.utilities.config.parsing)": [[115, "graphnet.utilities.config.parsing.traverse_and_apply"]], "trainingconfig (class in graphnet.utilities.config.training_config)": [[116, "graphnet.utilities.config.training_config.TrainingConfig"]], "dataloader (graphnet.utilities.config.training_config.trainingconfig attribute)": [[116, "graphnet.utilities.config.training_config.TrainingConfig.dataloader"]], "early_stopping_patience (graphnet.utilities.config.training_config.trainingconfig attribute)": [[116, "graphnet.utilities.config.training_config.TrainingConfig.early_stopping_patience"]], "fit (graphnet.utilities.config.training_config.trainingconfig attribute)": [[116, "graphnet.utilities.config.training_config.TrainingConfig.fit"]], "graphnet.utilities.config.training_config": [[116, "module-graphnet.utilities.config.training_config"]], "model_computed_fields (graphnet.utilities.config.training_config.trainingconfig attribute)": [[116, "graphnet.utilities.config.training_config.TrainingConfig.model_computed_fields"]], "model_config (graphnet.utilities.config.training_config.trainingconfig attribute)": [[116, "graphnet.utilities.config.training_config.TrainingConfig.model_config"]], "model_fields (graphnet.utilities.config.training_config.trainingconfig attribute)": [[116, "graphnet.utilities.config.training_config.TrainingConfig.model_fields"]], "target (graphnet.utilities.config.training_config.trainingconfig attribute)": [[116, "graphnet.utilities.config.training_config.TrainingConfig.target"]], "graphnet.utilities.decorators": [[117, "module-graphnet.utilities.decorators"]], "graphnet.utilities.deprecation_tools": [[118, "module-graphnet.utilities.deprecation_tools"]], "rename_state_dict_entries() (in module graphnet.utilities.deprecation_tools)": [[118, "graphnet.utilities.deprecation_tools.rename_state_dict_entries"]], "find_i3_files() (in module graphnet.utilities.filesys)": [[119, "graphnet.utilities.filesys.find_i3_files"]], "graphnet.utilities.filesys": [[119, "module-graphnet.utilities.filesys"]], "has_extension() (in module graphnet.utilities.filesys)": [[119, "graphnet.utilities.filesys.has_extension"]], "is_gcd_file() (in module graphnet.utilities.filesys)": [[119, "graphnet.utilities.filesys.is_gcd_file"]], "is_i3_file() (in module graphnet.utilities.filesys)": [[119, "graphnet.utilities.filesys.is_i3_file"]], "graphnet.utilities.imports": [[120, "module-graphnet.utilities.imports"]], "has_icecube_package() (in module graphnet.utilities.imports)": [[120, "graphnet.utilities.imports.has_icecube_package"]], "has_pisa_package() (in module graphnet.utilities.imports)": [[120, "graphnet.utilities.imports.has_pisa_package"]], "has_torch_package() (in module graphnet.utilities.imports)": [[120, "graphnet.utilities.imports.has_torch_package"]], "requires_icecube() (in module graphnet.utilities.imports)": [[120, "graphnet.utilities.imports.requires_icecube"]], "logger (class in graphnet.utilities.logging)": [[121, "graphnet.utilities.logging.Logger"]], "repeatfilter (class in graphnet.utilities.logging)": [[121, "graphnet.utilities.logging.RepeatFilter"]], "critical() (graphnet.utilities.logging.logger method)": [[121, "graphnet.utilities.logging.Logger.critical"]], "debug() (graphnet.utilities.logging.logger method)": [[121, "graphnet.utilities.logging.Logger.debug"]], "error() (graphnet.utilities.logging.logger method)": [[121, "graphnet.utilities.logging.Logger.error"]], "file_handlers (graphnet.utilities.logging.logger property)": [[121, "graphnet.utilities.logging.Logger.file_handlers"]], "filter() (graphnet.utilities.logging.repeatfilter method)": [[121, "graphnet.utilities.logging.RepeatFilter.filter"]], "graphnet.utilities.logging": [[121, "module-graphnet.utilities.logging"]], "handlers (graphnet.utilities.logging.logger property)": [[121, "graphnet.utilities.logging.Logger.handlers"]], "info() (graphnet.utilities.logging.logger method)": [[121, "graphnet.utilities.logging.Logger.info"]], "nb_repeats_allowed (graphnet.utilities.logging.repeatfilter attribute)": [[121, "graphnet.utilities.logging.RepeatFilter.nb_repeats_allowed"]], "setlevel() (graphnet.utilities.logging.logger method)": [[121, "graphnet.utilities.logging.Logger.setLevel"]], "stream_handlers (graphnet.utilities.logging.logger property)": [[121, "graphnet.utilities.logging.Logger.stream_handlers"]], "warning() (graphnet.utilities.logging.logger method)": [[121, "graphnet.utilities.logging.Logger.warning"]], "warning_once() (graphnet.utilities.logging.logger method)": [[121, "graphnet.utilities.logging.Logger.warning_once"]], "eps_like() (in module graphnet.utilities.maths)": [[122, "graphnet.utilities.maths.eps_like"]], "graphnet.utilities.maths": [[122, "module-graphnet.utilities.maths"]]}}) \ No newline at end of file +Search.setIndex({"docnames": ["about", "api/graphnet", "api/graphnet.constants", "api/graphnet.data", "api/graphnet.data.constants", "api/graphnet.data.dataclasses", "api/graphnet.data.dataconverter", "api/graphnet.data.dataloader", "api/graphnet.data.datamodule", "api/graphnet.data.dataset", "api/graphnet.data.dataset.dataset", "api/graphnet.data.dataset.parquet", "api/graphnet.data.dataset.parquet.parquet_dataset", "api/graphnet.data.dataset.sqlite", "api/graphnet.data.dataset.sqlite.sqlite_dataset", "api/graphnet.data.extractors", "api/graphnet.data.extractors.extractor", "api/graphnet.data.extractors.icecube", "api/graphnet.data.extractors.icecube.i3extractor", "api/graphnet.data.extractors.icecube.i3featureextractor", "api/graphnet.data.extractors.icecube.i3genericextractor", "api/graphnet.data.extractors.icecube.i3hybridrecoextractor", "api/graphnet.data.extractors.icecube.i3ntmuonlabelsextractor", "api/graphnet.data.extractors.icecube.i3particleextractor", "api/graphnet.data.extractors.icecube.i3pisaextractor", "api/graphnet.data.extractors.icecube.i3quesoextractor", "api/graphnet.data.extractors.icecube.i3retroextractor", "api/graphnet.data.extractors.icecube.i3splinempeextractor", "api/graphnet.data.extractors.icecube.i3truthextractor", "api/graphnet.data.extractors.icecube.i3tumextractor", "api/graphnet.data.extractors.icecube.utilities", "api/graphnet.data.extractors.icecube.utilities.collections", "api/graphnet.data.extractors.icecube.utilities.frames", "api/graphnet.data.extractors.icecube.utilities.i3_filters", "api/graphnet.data.extractors.icecube.utilities.types", "api/graphnet.data.parquet", "api/graphnet.data.parquet.deprecated_methods", "api/graphnet.data.pipeline", "api/graphnet.data.pre_configured", "api/graphnet.data.pre_configured.dataconverters", "api/graphnet.data.readers", "api/graphnet.data.readers.graphnet_file_reader", "api/graphnet.data.readers.i3reader", "api/graphnet.data.sqlite", "api/graphnet.data.sqlite.deprecated_methods", "api/graphnet.data.utilities", "api/graphnet.data.utilities.parquet_to_sqlite", "api/graphnet.data.utilities.random", "api/graphnet.data.utilities.sqlite_utilities", "api/graphnet.data.utilities.string_selection_resolver", "api/graphnet.data.writers", "api/graphnet.data.writers.graphnet_writer", "api/graphnet.data.writers.parquet_writer", "api/graphnet.data.writers.sqlite_writer", "api/graphnet.deployment", "api/graphnet.deployment.deployer", "api/graphnet.deployment.deployment_module", "api/graphnet.deployment.i3modules", "api/graphnet.deployment.i3modules.deprecated_methods", "api/graphnet.deployment.icecube", "api/graphnet.deployment.icecube.cleaning_module", "api/graphnet.deployment.icecube.i3deployer", "api/graphnet.deployment.icecube.inference_module", "api/graphnet.models", "api/graphnet.models.coarsening", "api/graphnet.models.components", "api/graphnet.models.components.embedding", "api/graphnet.models.components.layers", "api/graphnet.models.components.pool", "api/graphnet.models.detector", "api/graphnet.models.detector.detector", "api/graphnet.models.detector.icecube", "api/graphnet.models.detector.prometheus", "api/graphnet.models.gnn", "api/graphnet.models.gnn.RNN_tito", "api/graphnet.models.gnn.convnet", "api/graphnet.models.gnn.dynedge", "api/graphnet.models.gnn.dynedge_jinst", "api/graphnet.models.gnn.dynedge_kaggle_tito", "api/graphnet.models.gnn.gnn", "api/graphnet.models.gnn.icemix", "api/graphnet.models.graphs", "api/graphnet.models.graphs.edges", "api/graphnet.models.graphs.edges.edges", "api/graphnet.models.graphs.edges.minkowski", "api/graphnet.models.graphs.graph_definition", "api/graphnet.models.graphs.graphs", "api/graphnet.models.graphs.nodes", "api/graphnet.models.graphs.nodes.nodes", "api/graphnet.models.graphs.utils", "api/graphnet.models.model", "api/graphnet.models.rnn", "api/graphnet.models.rnn.node_rnn", "api/graphnet.models.standard_model", "api/graphnet.models.task", "api/graphnet.models.task.classification", "api/graphnet.models.task.reconstruction", "api/graphnet.models.task.task", "api/graphnet.models.utils", "api/graphnet.pisa", "api/graphnet.pisa.fitting", "api/graphnet.pisa.plotting", "api/graphnet.training", "api/graphnet.training.callbacks", "api/graphnet.training.labels", "api/graphnet.training.loss_functions", "api/graphnet.training.utils", "api/graphnet.training.weight_fitting", "api/graphnet.utilities", "api/graphnet.utilities.argparse", "api/graphnet.utilities.config", "api/graphnet.utilities.config.base_config", "api/graphnet.utilities.config.configurable", "api/graphnet.utilities.config.dataset_config", "api/graphnet.utilities.config.model_config", "api/graphnet.utilities.config.parsing", "api/graphnet.utilities.config.training_config", "api/graphnet.utilities.decorators", "api/graphnet.utilities.deprecation_tools", "api/graphnet.utilities.filesys", "api/graphnet.utilities.imports", "api/graphnet.utilities.logging", "api/graphnet.utilities.maths", "api/modules", "contribute", "index", "install"], "filenames": ["about.md", "api/graphnet.rst", "api/graphnet.constants.rst", "api/graphnet.data.rst", "api/graphnet.data.constants.rst", "api/graphnet.data.dataclasses.rst", "api/graphnet.data.dataconverter.rst", "api/graphnet.data.dataloader.rst", "api/graphnet.data.datamodule.rst", "api/graphnet.data.dataset.rst", "api/graphnet.data.dataset.dataset.rst", "api/graphnet.data.dataset.parquet.rst", "api/graphnet.data.dataset.parquet.parquet_dataset.rst", "api/graphnet.data.dataset.sqlite.rst", "api/graphnet.data.dataset.sqlite.sqlite_dataset.rst", "api/graphnet.data.extractors.rst", "api/graphnet.data.extractors.extractor.rst", "api/graphnet.data.extractors.icecube.rst", "api/graphnet.data.extractors.icecube.i3extractor.rst", "api/graphnet.data.extractors.icecube.i3featureextractor.rst", "api/graphnet.data.extractors.icecube.i3genericextractor.rst", "api/graphnet.data.extractors.icecube.i3hybridrecoextractor.rst", "api/graphnet.data.extractors.icecube.i3ntmuonlabelsextractor.rst", "api/graphnet.data.extractors.icecube.i3particleextractor.rst", "api/graphnet.data.extractors.icecube.i3pisaextractor.rst", "api/graphnet.data.extractors.icecube.i3quesoextractor.rst", "api/graphnet.data.extractors.icecube.i3retroextractor.rst", "api/graphnet.data.extractors.icecube.i3splinempeextractor.rst", "api/graphnet.data.extractors.icecube.i3truthextractor.rst", "api/graphnet.data.extractors.icecube.i3tumextractor.rst", "api/graphnet.data.extractors.icecube.utilities.rst", "api/graphnet.data.extractors.icecube.utilities.collections.rst", "api/graphnet.data.extractors.icecube.utilities.frames.rst", "api/graphnet.data.extractors.icecube.utilities.i3_filters.rst", "api/graphnet.data.extractors.icecube.utilities.types.rst", "api/graphnet.data.parquet.rst", "api/graphnet.data.parquet.deprecated_methods.rst", "api/graphnet.data.pipeline.rst", "api/graphnet.data.pre_configured.rst", "api/graphnet.data.pre_configured.dataconverters.rst", "api/graphnet.data.readers.rst", "api/graphnet.data.readers.graphnet_file_reader.rst", "api/graphnet.data.readers.i3reader.rst", "api/graphnet.data.sqlite.rst", "api/graphnet.data.sqlite.deprecated_methods.rst", "api/graphnet.data.utilities.rst", "api/graphnet.data.utilities.parquet_to_sqlite.rst", "api/graphnet.data.utilities.random.rst", "api/graphnet.data.utilities.sqlite_utilities.rst", "api/graphnet.data.utilities.string_selection_resolver.rst", "api/graphnet.data.writers.rst", "api/graphnet.data.writers.graphnet_writer.rst", "api/graphnet.data.writers.parquet_writer.rst", "api/graphnet.data.writers.sqlite_writer.rst", "api/graphnet.deployment.rst", "api/graphnet.deployment.deployer.rst", "api/graphnet.deployment.deployment_module.rst", "api/graphnet.deployment.i3modules.rst", "api/graphnet.deployment.i3modules.deprecated_methods.rst", "api/graphnet.deployment.icecube.rst", "api/graphnet.deployment.icecube.cleaning_module.rst", "api/graphnet.deployment.icecube.i3deployer.rst", "api/graphnet.deployment.icecube.inference_module.rst", "api/graphnet.models.rst", "api/graphnet.models.coarsening.rst", "api/graphnet.models.components.rst", "api/graphnet.models.components.embedding.rst", "api/graphnet.models.components.layers.rst", "api/graphnet.models.components.pool.rst", "api/graphnet.models.detector.rst", "api/graphnet.models.detector.detector.rst", "api/graphnet.models.detector.icecube.rst", "api/graphnet.models.detector.prometheus.rst", "api/graphnet.models.gnn.rst", "api/graphnet.models.gnn.RNN_tito.rst", "api/graphnet.models.gnn.convnet.rst", "api/graphnet.models.gnn.dynedge.rst", "api/graphnet.models.gnn.dynedge_jinst.rst", "api/graphnet.models.gnn.dynedge_kaggle_tito.rst", "api/graphnet.models.gnn.gnn.rst", "api/graphnet.models.gnn.icemix.rst", "api/graphnet.models.graphs.rst", "api/graphnet.models.graphs.edges.rst", "api/graphnet.models.graphs.edges.edges.rst", "api/graphnet.models.graphs.edges.minkowski.rst", "api/graphnet.models.graphs.graph_definition.rst", "api/graphnet.models.graphs.graphs.rst", "api/graphnet.models.graphs.nodes.rst", "api/graphnet.models.graphs.nodes.nodes.rst", "api/graphnet.models.graphs.utils.rst", "api/graphnet.models.model.rst", "api/graphnet.models.rnn.rst", "api/graphnet.models.rnn.node_rnn.rst", "api/graphnet.models.standard_model.rst", "api/graphnet.models.task.rst", "api/graphnet.models.task.classification.rst", "api/graphnet.models.task.reconstruction.rst", "api/graphnet.models.task.task.rst", "api/graphnet.models.utils.rst", "api/graphnet.pisa.rst", "api/graphnet.pisa.fitting.rst", "api/graphnet.pisa.plotting.rst", "api/graphnet.training.rst", "api/graphnet.training.callbacks.rst", "api/graphnet.training.labels.rst", "api/graphnet.training.loss_functions.rst", "api/graphnet.training.utils.rst", "api/graphnet.training.weight_fitting.rst", "api/graphnet.utilities.rst", "api/graphnet.utilities.argparse.rst", "api/graphnet.utilities.config.rst", "api/graphnet.utilities.config.base_config.rst", "api/graphnet.utilities.config.configurable.rst", "api/graphnet.utilities.config.dataset_config.rst", "api/graphnet.utilities.config.model_config.rst", "api/graphnet.utilities.config.parsing.rst", "api/graphnet.utilities.config.training_config.rst", "api/graphnet.utilities.decorators.rst", "api/graphnet.utilities.deprecation_tools.rst", "api/graphnet.utilities.filesys.rst", "api/graphnet.utilities.imports.rst", "api/graphnet.utilities.logging.rst", "api/graphnet.utilities.maths.rst", "api/modules.rst", "contribute.md", "index.rst", "install.md"], "titles": ["About", "API", "constants", "data", "constants", "dataclasses", "dataconverter", "dataloader", "datamodule", "dataset", "dataset", "parquet", "parquet_dataset", "sqlite", "sqlite_dataset", "extractors", "extractor", "icecube", "i3extractor", "i3featureextractor", "i3genericextractor", "i3hybridrecoextractor", "i3ntmuonlabelsextractor", "i3particleextractor", "i3pisaextractor", "i3quesoextractor", "i3retroextractor", "i3splinempeextractor", "i3truthextractor", "i3tumextractor", "utilities", "collections", "frames", "i3_filters", "types", "parquet", "deprecated_methods", "pipeline", "pre_configured", "dataconverters", "readers", "graphnet_file_reader", "i3reader", "sqlite", "deprecated_methods", "utilities", "parquet_to_sqlite", "random", "sqlite_utilities", "string_selection_resolver", "writers", "graphnet_writer", "parquet_writer", "sqlite_writer", "deployment", "deployer", "deployment_module", "i3modules", "deprecated_methods", "icecube", "cleaning_module", "i3deployer", "inference_module", "models", "coarsening", "components", "embedding", "layers", "pool", "detector", "detector", "icecube", "prometheus", "gnn", "RNN_tito", "convnet", "dynedge", "dynedge_jinst", "dynedge_kaggle_tito", "gnn", "icemix", "graphs", "edges", "edges", "minkowski", "graph_definition", "graphs", "nodes", "nodes", "utils", "model", "rnn", "node_rnn", "standard_model", "task", "classification", "reconstruction", "task", "utils", "pisa", "fitting", "plotting", "training", "callbacks", "labels", "loss_functions", "utils", "weight_fitting", "utilities", "argparse", "config", "base_config", "configurable", "dataset_config", "model_config", "parsing", "training_config", "decorators", "deprecation_tools", "filesys", "imports", "logging", "maths", "src", "Contribute", "About", "Install"], "terms": {"graphnet": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 12, 14, 16, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 36, 37, 39, 41, 42, 44, 45, 46, 47, 48, 49, 51, 52, 53, 54, 55, 56, 60, 62, 63, 64, 66, 67, 68, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 89, 90, 92, 93, 95, 96, 97, 98, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 118, 119, 120, 121, 122, 124, 125, 126], "i": [0, 1, 8, 10, 12, 14, 16, 18, 20, 31, 32, 33, 34, 36, 39, 42, 44, 47, 48, 49, 53, 55, 60, 62, 64, 66, 67, 68, 75, 76, 80, 83, 85, 88, 89, 92, 96, 97, 98, 101, 103, 104, 105, 106, 107, 109, 111, 114, 115, 116, 118, 119, 120, 121, 124, 125, 126], "an": [0, 16, 34, 36, 37, 39, 42, 44, 49, 85, 92, 105, 119, 121, 124, 125, 126], "open": [0, 41, 124, 125], "sourc": [0, 4, 5, 6, 7, 8, 10, 12, 14, 16, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 31, 32, 33, 34, 36, 37, 39, 41, 42, 44, 46, 47, 48, 49, 51, 52, 53, 55, 56, 60, 62, 64, 66, 67, 68, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 89, 90, 92, 93, 95, 96, 97, 98, 100, 101, 103, 104, 105, 106, 107, 109, 111, 112, 113, 114, 115, 116, 118, 119, 120, 121, 122, 124, 125], "python": [0, 1, 6, 16, 17, 20, 31, 34, 124, 125, 126], "framework": [0, 125], "aim": [0, 1, 124, 125], "provid": [0, 1, 6, 10, 12, 14, 60, 63, 80, 85, 90, 105, 124, 125, 126], "high": [0, 125], "qualiti": [0, 125], "user": [0, 63, 103, 125, 126], "friendli": [0, 51, 53, 125], "end": [0, 1, 103, 125], "function": [0, 6, 7, 10, 18, 34, 47, 48, 60, 62, 64, 67, 68, 71, 72, 76, 85, 89, 90, 97, 98, 100, 101, 105, 106, 108, 113, 114, 115, 118, 119, 120, 122, 125], "perform": [0, 8, 64, 66, 67, 68, 73, 74, 76, 78, 88, 92, 93, 95, 97, 106, 125], "reconstruct": [0, 1, 19, 21, 22, 26, 27, 29, 37, 54, 63, 78, 80, 92, 94, 97, 125], "task": [0, 1, 8, 63, 93, 95, 96, 105, 124, 125], "neutrino": [0, 1, 18, 42, 67, 78, 80, 89, 100, 125], "telescop": [0, 1, 125], "us": [0, 1, 2, 4, 6, 7, 8, 10, 11, 12, 13, 14, 16, 18, 23, 28, 30, 31, 36, 37, 39, 41, 42, 43, 44, 45, 46, 48, 49, 51, 53, 54, 56, 60, 62, 63, 66, 67, 68, 70, 74, 76, 77, 78, 80, 83, 85, 86, 88, 89, 90, 92, 93, 94, 95, 96, 97, 98, 100, 103, 104, 105, 107, 108, 109, 110, 113, 114, 115, 120, 121, 124, 125, 126], "graph": [0, 1, 7, 10, 12, 14, 63, 67, 68, 70, 82, 83, 84, 85, 87, 88, 89, 92, 97, 98, 104, 106, 124, 125], "neural": [0, 1, 91, 125], "network": [0, 1, 67, 75, 91, 125], "gnn": [0, 1, 37, 63, 74, 75, 76, 77, 78, 80, 85, 92, 93, 125, 126], "make": [0, 6, 107, 113, 114, 124, 125, 126], "fast": [0, 125, 126], "easi": [0, 125], "train": [0, 1, 6, 8, 9, 49, 54, 60, 67, 80, 85, 93, 98, 103, 104, 105, 106, 107, 109, 113, 114, 116, 123, 125, 126], "complex": [0, 63, 125], "model": [0, 1, 54, 56, 60, 62, 64, 65, 66, 67, 68, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 89, 92, 93, 94, 95, 96, 97, 98, 101, 102, 103, 105, 106, 109, 111, 113, 114, 116, 123, 125, 126], "can": [0, 1, 8, 10, 12, 14, 16, 20, 23, 46, 60, 66, 68, 85, 100, 101, 107, 109, 111, 113, 114, 124, 125, 126], "event": [0, 1, 6, 8, 10, 12, 14, 25, 36, 39, 44, 46, 48, 49, 53, 60, 66, 68, 74, 85, 88, 89, 97, 98, 100, 105, 106, 107, 113, 125], "state": [0, 56, 74, 92, 118, 125], "art": [0, 125], "arbitrari": [0, 125], "detector": [0, 1, 28, 63, 71, 72, 85, 86, 88, 93, 125], "configur": [0, 1, 8, 10, 38, 39, 56, 63, 90, 93, 100, 108, 110, 111, 113, 114, 116, 121, 125], "infer": [0, 1, 37, 54, 56, 60, 62, 93, 97, 125, 126], "time": [0, 4, 48, 64, 66, 68, 74, 84, 88, 89, 92, 96, 98, 121, 125, 126], "ar": [0, 1, 4, 10, 12, 14, 18, 20, 33, 34, 41, 46, 49, 51, 53, 55, 60, 67, 68, 74, 76, 78, 81, 82, 83, 85, 86, 87, 88, 89, 92, 95, 100, 105, 107, 113, 114, 124, 125, 126], "order": [0, 31, 41, 55, 64, 88, 98, 125], "magnitud": [0, 125], "faster": [0, 125], "than": [0, 7, 97, 106, 121, 125], "tradit": [0, 125], "techniqu": [0, 125], "common": [0, 1, 105, 113, 114, 117, 120, 125], "ml": [0, 1, 125], "develop": [0, 1, 124, 125, 126], "physicist": [0, 1, 125], "wish": [0, 55, 124, 125], "tool": [0, 1, 125], "research": [0, 125], "By": [0, 36, 39, 42, 44, 46, 97, 125], "unit": [0, 6, 84, 120, 124, 125], "both": [0, 20, 97, 101, 125], "group": [0, 68, 125], "increas": [0, 103, 125], "longev": [0, 125], "usabl": [0, 125], "individu": [0, 10, 12, 14, 68, 76, 98, 125], "code": [0, 28, 36, 44, 48, 85, 113, 114, 125], "contribut": [0, 125, 126], "from": [0, 1, 6, 7, 8, 10, 12, 14, 16, 17, 18, 20, 22, 23, 25, 31, 32, 33, 34, 37, 41, 42, 46, 51, 53, 66, 68, 78, 80, 83, 85, 88, 89, 90, 95, 96, 97, 98, 101, 103, 104, 105, 111, 112, 113, 114, 116, 121, 124, 125, 126], "build": [0, 1, 63, 70, 83, 84, 88, 89, 90, 111, 113, 114, 125], "gener": [0, 8, 10, 12, 14, 20, 33, 41, 51, 55, 60, 62, 66, 81, 82, 85, 86, 87, 95, 105, 125], "reusabl": [0, 125], "softwar": [0, 42, 105, 125], "packag": [0, 1, 47, 115, 119, 120, 124, 125, 126], "base": [0, 4, 5, 6, 7, 8, 10, 12, 14, 16, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 33, 36, 37, 39, 41, 42, 44, 46, 49, 51, 52, 53, 55, 56, 60, 62, 64, 66, 67, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 90, 92, 93, 95, 96, 97, 100, 103, 104, 105, 106, 107, 109, 111, 112, 113, 114, 116, 120, 121, 125], "engin": [0, 125], "best": [0, 103, 124, 125], "practic": [0, 124, 125], "lower": [0, 101, 125], "technic": [0, 125], "threshold": [0, 60, 125], "most": [0, 1, 49, 84, 97, 125, 126], "scientif": [0, 1, 125], "problem": [0, 83, 124, 125], "The": [0, 6, 8, 10, 12, 14, 31, 34, 36, 37, 39, 44, 48, 51, 53, 55, 56, 60, 62, 64, 67, 68, 74, 76, 78, 80, 83, 85, 89, 92, 95, 96, 97, 98, 100, 101, 103, 104, 105, 118, 125], "improv": [0, 1, 109, 125], "classif": [0, 1, 63, 94, 97, 105, 125], "yield": [0, 76, 100, 105, 125], "veri": [0, 49, 125], "accur": [0, 125], "e": [0, 1, 7, 8, 10, 12, 14, 16, 18, 19, 20, 21, 22, 23, 24, 26, 27, 28, 29, 31, 34, 37, 48, 49, 53, 56, 60, 62, 64, 67, 68, 70, 71, 72, 75, 79, 83, 85, 88, 89, 90, 93, 95, 96, 97, 98, 103, 104, 105, 107, 111, 121, 124, 125, 126], "g": [0, 1, 10, 12, 14, 16, 18, 28, 31, 34, 37, 48, 49, 53, 60, 62, 68, 85, 88, 89, 97, 98, 107, 121, 124, 125, 126], "low": [0, 125], "energi": [0, 4, 37, 96, 97, 107, 125], "observ": [0, 125], "icecub": [0, 1, 3, 15, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 31, 32, 33, 34, 36, 39, 42, 44, 54, 60, 62, 63, 67, 69, 78, 80, 89, 120, 125, 126], "here": [0, 85, 124, 125, 126], "implement": [0, 1, 16, 18, 41, 51, 56, 67, 74, 75, 76, 77, 78, 80, 83, 92, 105, 124, 125], "wa": [0, 6, 125], "appli": [0, 6, 10, 12, 14, 36, 39, 40, 41, 44, 55, 67, 68, 74, 75, 76, 77, 78, 79, 80, 92, 93, 95, 97, 115, 125], "oscil": [0, 99, 125], "lead": [0, 125], "signific": [0, 125], "angular": [0, 125], "rang": [0, 97, 125], "relev": [0, 1, 34, 47, 119, 124, 125], "studi": [0, 125], "furthermor": [0, 92, 125], "shown": [0, 125], "could": [0, 124, 125], "muon": [0, 22, 125], "v": [0, 67, 125], "therebi": [0, 1, 113, 114, 125], "effici": [0, 125], "puriti": [0, 125], "sampl": [0, 49, 67, 85, 86, 88, 97, 125], "analysi": [0, 37, 55, 125, 126], "similarli": [0, 34, 125], "ha": [0, 34, 48, 60, 75, 89, 105, 119, 125, 126], "great": [0, 125], "point": [0, 27, 104, 105, 106, 125], "analys": [0, 54, 99, 125], "final": [0, 6, 66, 68, 103, 113, 125], "millisecond": [0, 125], "allow": [0, 54, 63, 68, 103, 111, 116, 125, 126], "whole": [0, 125], "new": [0, 1, 67, 88, 111, 116, 124, 125], "type": [0, 6, 7, 8, 10, 12, 14, 17, 18, 30, 31, 32, 41, 42, 46, 47, 48, 49, 51, 52, 53, 55, 64, 66, 67, 68, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 89, 90, 92, 93, 95, 96, 97, 98, 100, 101, 103, 105, 106, 107, 109, 111, 112, 113, 114, 115, 118, 119, 120, 121, 122, 124, 125], "cosmic": [0, 125], "alert": [0, 125], "which": [0, 10, 12, 14, 16, 18, 19, 28, 32, 37, 49, 51, 55, 64, 68, 76, 85, 86, 89, 90, 95, 98, 100, 105, 106, 109, 125, 126], "were": [0, 125], "previous": [0, 125], "unfeas": [0, 125], "possibl": [0, 31, 124, 125], "identifi": [0, 6, 10, 12, 14, 28, 88, 89, 98, 113, 114, 125], "10": [0, 8, 37, 71, 72, 88, 89, 109, 125], "tev": [0, 125], "monitor": [0, 125], "rate": [0, 103, 125], "direct": [0, 78, 80, 89, 95, 96, 97, 102, 104, 125], "real": [0, 125], "thi": [0, 3, 6, 8, 10, 12, 14, 16, 18, 20, 34, 36, 39, 41, 42, 44, 47, 48, 53, 60, 63, 66, 68, 74, 76, 80, 84, 85, 86, 88, 89, 92, 93, 95, 96, 97, 98, 100, 101, 103, 105, 106, 107, 111, 113, 114, 116, 121, 124, 125, 126], "enabl": [0, 3, 125], "first": [0, 74, 84, 92, 103, 106, 124, 125], "ever": [0, 125], "despit": [0, 125], "larg": [0, 74, 105, 125], "background": [0, 125], "origin": [0, 80, 100, 125], "compris": [0, 125], "number": [0, 6, 10, 12, 14, 16, 36, 37, 39, 44, 49, 53, 55, 66, 67, 68, 74, 75, 76, 77, 78, 79, 80, 83, 84, 86, 88, 89, 92, 95, 96, 97, 98, 103, 106, 109, 125], "modul": [0, 3, 5, 6, 10, 15, 34, 35, 36, 37, 38, 40, 41, 42, 43, 44, 50, 51, 53, 54, 55, 60, 63, 66, 67, 69, 73, 81, 82, 84, 85, 86, 87, 90, 91, 94, 99, 102, 108, 110, 113, 114, 115, 116, 120, 125], "necessari": [0, 8, 31, 124, 125], "workflow": [0, 125], "ingest": [0, 1, 3, 69, 125], "raw": [0, 88, 89, 125], "data": [0, 1, 4, 5, 6, 7, 8, 10, 12, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 36, 37, 39, 40, 41, 42, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 64, 66, 67, 68, 69, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 85, 86, 88, 92, 93, 97, 98, 104, 106, 109, 111, 113, 116, 120, 123, 125, 126], "domain": [0, 1, 3, 54, 125], "specif": [0, 1, 3, 5, 6, 10, 12, 14, 15, 16, 19, 34, 40, 41, 42, 48, 53, 54, 56, 64, 68, 69, 70, 71, 72, 73, 74, 79, 83, 85, 88, 91, 93, 94, 95, 96, 97, 105, 124, 125, 126], "format": [0, 1, 3, 6, 10, 31, 41, 51, 52, 53, 90, 92, 101, 113, 124, 125, 126], "deploi": [0, 1, 54, 56, 125], "chain": [0, 1, 54, 63, 93, 125, 126], "illustr": [0, 124, 125], "figur": [0, 101, 125], "level": [0, 10, 12, 14, 28, 33, 36, 39, 41, 42, 44, 48, 51, 52, 64, 68, 80, 121, 125, 126], "overview": [0, 125], "typic": [0, 31, 92, 125], "convert": [0, 1, 3, 6, 18, 31, 33, 36, 38, 39, 44, 46, 98, 125, 126], "industri": [0, 3, 125], "standard": [0, 3, 4, 33, 49, 56, 71, 72, 74, 85, 86, 88, 93, 97, 109, 124, 125], "intermedi": [0, 1, 3, 6, 10, 75, 125, 126], "file": [0, 1, 3, 6, 10, 12, 14, 16, 18, 31, 33, 36, 39, 41, 42, 44, 46, 47, 51, 52, 53, 55, 56, 60, 62, 85, 90, 100, 103, 105, 106, 109, 110, 111, 112, 113, 114, 119, 121, 125, 126], "read": [0, 3, 6, 10, 12, 14, 31, 40, 42, 70, 76, 93, 94, 125, 126], "simpl": [0, 63, 125], "physic": [0, 1, 18, 32, 34, 54, 60, 62, 63, 94, 97, 125], "orient": [0, 63, 125], "compon": [0, 1, 63, 66, 67, 68, 90, 93, 125], "manag": [0, 102, 125], "experi": [0, 1, 5, 6, 40, 41, 56, 102, 125], "log": [0, 1, 96, 102, 103, 105, 108, 125, 126], "deploy": [0, 1, 56, 60, 62, 85, 123, 125], "modular": [0, 63, 125], "subclass": [0, 63, 125], "torch": [0, 10, 12, 14, 63, 67, 85, 86, 90, 120, 125, 126], "nn": [0, 63, 67, 83, 86, 125], "mean": [0, 10, 12, 14, 63, 76, 78, 89, 105, 114, 125], "onli": [0, 1, 10, 12, 14, 63, 68, 74, 97, 100, 107, 111, 114, 116, 120, 125, 126], "need": [0, 8, 31, 53, 63, 66, 90, 92, 105, 118, 125, 126], "import": [0, 1, 48, 63, 108, 125], "few": [0, 63, 124, 125], "exist": [0, 10, 12, 14, 37, 48, 63, 104, 113, 125], "purpos": [0, 63, 105, 125], "built": [0, 63, 85, 125], "them": [0, 1, 31, 56, 63, 76, 97, 100, 125, 126], "togeth": [0, 63, 83, 93, 125], "form": [0, 16, 63, 95, 111, 116, 125], "complet": [0, 63, 93, 125], "extend": [0, 1, 125], "suit": [0, 97, 125], "through": [0, 95, 96, 97, 105, 125], "layer": [0, 63, 65, 68, 74, 75, 76, 77, 78, 80, 92, 95, 96, 97, 125], "connect": [0, 8, 83, 84, 85, 88, 105, 125], "etc": [0, 105, 121, 125], "optimis": [0, 1, 125], "differ": [0, 10, 12, 14, 16, 18, 41, 42, 86, 93, 106, 124, 125, 126], "track": [0, 16, 18, 22, 96, 124, 125], "These": [0, 41, 51, 53, 85, 124, 125], "prepar": [0, 8, 105, 125], "satisfi": [0, 125], "o": [0, 97, 125], "load": [0, 7, 10, 47, 56, 90, 111, 113, 125], "requir": [0, 18, 24, 48, 88, 95, 105, 113, 114, 116, 125, 126], "when": [0, 10, 12, 14, 31, 33, 48, 60, 67, 74, 76, 78, 92, 104, 121, 124, 125, 126], "batch": [0, 7, 37, 64, 67, 68, 92, 93, 98, 106, 109, 125], "do": [0, 56, 60, 105, 113, 114, 124, 125, 126], "predict": [0, 8, 23, 27, 29, 37, 60, 62, 75, 80, 93, 95, 97, 105, 106, 125], "either": [0, 8, 10, 12, 14, 18, 105, 125, 126], "contain": [0, 5, 6, 10, 12, 14, 15, 18, 31, 32, 36, 37, 39, 41, 42, 44, 48, 51, 53, 55, 56, 60, 62, 76, 81, 82, 84, 85, 86, 87, 89, 90, 97, 98, 105, 107, 109, 125, 126], "imag": [0, 1, 124, 125, 126], "portabl": [0, 125], "depend": [0, 125, 126], "free": [0, 105, 125], "split": [0, 8, 33, 53, 64, 125], "up": [0, 60, 124, 125, 126], "interfac": [0, 99, 113, 114, 125, 126], "block": [0, 1, 65, 67, 125], "pre": [0, 38, 39, 70, 85, 104, 124, 125], "directli": [0, 76, 125], "while": [0, 20, 103, 125], "continu": [0, 105, 125], "expand": [0, 125], "": [0, 6, 7, 8, 10, 12, 14, 31, 36, 39, 41, 44, 46, 51, 52, 53, 55, 66, 70, 75, 76, 85, 93, 97, 98, 103, 107, 109, 113, 114, 121, 122, 125, 126], "capabl": [0, 125], "project": [0, 66, 67, 124, 125], "receiv": [0, 125], "fund": [0, 125], "european": [0, 125], "union": [0, 6, 7, 8, 10, 12, 14, 20, 31, 34, 36, 39, 41, 42, 44, 55, 56, 60, 62, 64, 67, 68, 74, 76, 85, 86, 93, 97, 113, 116, 119, 125], "horizon": [0, 125], "2020": [0, 125], "innov": [0, 125], "programm": [0, 125], "under": [0, 125], "mari": [0, 125], "sk\u0142odowska": [0, 125], "curi": [0, 125], "grant": [0, 105, 125], "agreement": [0, 124, 125], "No": [0, 125], "890778": [0, 125], "work": [0, 4, 32, 74, 124, 125, 126], "rasmu": [0, 77, 125], "\u00f8rs\u00f8e": [0, 125], "partli": [0, 125], "punch4nfdi": [0, 125], "consortium": [0, 125], "support": [0, 6, 34, 124, 125, 126], "dfg": [0, 125], "nfdi": [0, 125], "39": [0, 125, 126], "1": [0, 6, 8, 10, 16, 31, 36, 39, 44, 49, 55, 64, 67, 68, 74, 76, 78, 80, 83, 84, 86, 89, 92, 95, 96, 97, 98, 103, 105, 106, 107, 113, 125, 126], "germani": [0, 125], "conveni": [1, 124, 126], "collabor": 1, "solv": [1, 124], "It": [1, 31, 48, 60, 66, 89, 95, 97, 124], "leverag": 1, "advanc": [1, 68], "machin": [1, 126], "learn": [1, 51, 53, 60, 62, 95, 97, 103, 126], "without": [1, 83, 88, 100, 105, 126], "have": [1, 20, 36, 39, 42, 44, 48, 49, 53, 68, 80, 85, 89, 97, 124, 126], "expert": 1, "themselv": [1, 113, 114], "acceler": 1, "area": 1, "phyic": 1, "design": 1, "principl": 1, "all": [1, 10, 12, 14, 16, 18, 20, 33, 48, 53, 60, 66, 67, 68, 70, 76, 79, 84, 85, 90, 105, 111, 112, 113, 114, 115, 116, 121, 124, 126], "streamlin": 1, "process": [1, 6, 36, 39, 44, 60, 66, 70, 74, 76, 78, 124, 126], "transform": [1, 67, 68, 78, 80, 92, 97, 107], "extens": [1, 41, 51, 119], "basic": 1, "across": [1, 2, 10, 12, 14, 34, 45, 55, 68, 93, 105, 108, 109, 110, 121], "variou": [1, 50], "easili": 1, "architectur": [1, 75, 76, 77, 78, 80, 92], "main": [1, 73, 85, 93, 124, 126], "featur": [1, 3, 4, 10, 12, 14, 19, 37, 53, 60, 62, 67, 68, 70, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 85, 86, 87, 88, 89, 92, 95, 98, 106, 113, 124], "i3": [1, 18, 32, 33, 34, 36, 39, 42, 44, 47, 55, 60, 62, 119, 126], "more": [1, 10, 47, 48, 74, 90, 113, 114, 121], "index": [1, 6, 10, 12, 14, 34, 48, 68, 70, 74, 84, 89, 92, 103], "sqlite": [1, 3, 8, 9, 14, 37, 39, 44, 46, 48, 53, 126], "suitabl": 1, "plug": 1, "plai": 1, "abstract": [1, 10, 51, 70, 79, 85, 97, 112], "awai": 1, "detail": [1, 74, 90, 103, 126], "expos": 1, "physicst": 1, "what": [1, 66, 85, 124], "i3modul": [1, 54, 56], "includ": [1, 67, 88, 93, 100, 105, 111, 124], "docker": 1, "run": [1, 42, 46, 55], "containeris": 1, "fashion": 1, "subpackag": [1, 3, 9, 15, 17, 54, 63, 81, 108], "dataset": [1, 3, 7, 8, 11, 12, 13, 14, 22, 49, 74, 85, 92, 109, 113], "extractor": [1, 3, 6, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 36, 39, 40, 41, 44, 60, 62], "parquet": [1, 3, 9, 12, 36, 39, 44, 46, 52, 71, 72, 126], "pre_configur": [1, 3, 39], "reader": [1, 3, 39, 41, 42], "util": [1, 3, 15, 17, 31, 32, 33, 34, 46, 47, 48, 49, 63, 81, 102, 109, 111, 112, 113, 114, 115, 116, 118, 119, 120, 121, 122, 123], "writer": [1, 3, 39, 51, 52, 53], "constant": [1, 3, 123], "dataclass": [1, 3, 32], "dataconvert": [1, 3, 38, 51, 52, 53], "dataload": [1, 3, 8, 37, 85, 93, 106, 116], "datamodul": [1, 3], "pipelin": [1, 3], "deployment_modul": [1, 54], "rnn": [1, 63, 74, 92], "coarsen": [1, 63, 68], "standard_model": [1, 63], "pisa": [1, 24, 37, 100, 101, 120, 123, 126], "fit": [1, 8, 93, 99, 101, 105, 107, 116], "plot": [1, 99], "callback": [1, 93, 102], "label": [1, 10, 12, 14, 22, 25, 75, 85, 93, 97, 101, 102, 106, 113], "loss_funct": [1, 97, 102], "weight_fit": [1, 102], "config": [1, 7, 49, 100, 103, 105, 108, 109, 111, 112, 113, 114, 115, 116], "argpars": [1, 108], "decor": [1, 108, 120], "deprecation_tool": [1, 108], "filesi": [1, 108], "math": [1, 67, 108], "submodul": [1, 3, 9, 11, 13, 15, 17, 30, 35, 38, 40, 43, 45, 50, 54, 57, 59, 63, 65, 69, 73, 81, 82, 87, 91, 94, 99, 102, 108, 110, 115], "global": [2, 4, 74, 76, 78, 90], "deprecated_method": [3, 35, 43, 54, 57], "graphnet_file_read": [3, 40], "i3read": [3, 36, 39, 40, 44], "parquet_to_sqlit": [3, 45], "random": [3, 10, 12, 14, 45, 49, 88, 113], "sqlite_util": [3, 45], "string_selection_resolv": [3, 45], "graphnet_writ": [3, 50], "parquet_writ": [3, 50], "sqlite_writ": [3, 50], "truth": [3, 4, 10, 12, 14, 19, 28, 37, 48, 85, 97, 106, 107, 113], "i3fileset": [3, 5, 41, 42], "set": [3, 5, 8, 18, 20, 36, 39, 41, 42, 44, 51, 67, 80, 88, 89, 90, 97, 106, 124], "init_global_index": [3, 6], "collate_fn": [3, 7, 102, 106], "do_shuffl": [3, 7], "graphnetdatamodul": [3, 8], "insqlitepipelin": [3, 37], "class": [4, 5, 6, 7, 8, 9, 10, 12, 14, 16, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 33, 34, 36, 37, 39, 41, 42, 44, 46, 49, 51, 52, 53, 55, 56, 60, 62, 64, 66, 67, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 90, 92, 93, 95, 96, 97, 100, 103, 104, 105, 106, 107, 109, 111, 112, 113, 114, 115, 116, 121, 124], "object": [4, 5, 10, 12, 14, 20, 31, 34, 64, 68, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 90, 92, 93, 95, 96, 97, 100, 103, 105, 106, 109, 111, 113, 114, 116, 121], "namespac": [4, 90, 113, 114], "name": [4, 6, 7, 10, 12, 14, 16, 18, 19, 21, 22, 24, 25, 26, 27, 28, 29, 31, 33, 34, 36, 37, 39, 41, 44, 46, 48, 51, 52, 53, 56, 60, 62, 70, 85, 86, 88, 92, 97, 100, 104, 107, 109, 111, 113, 114, 115, 116, 121, 124, 126], "i3featureextractor": [4, 15, 17, 60, 62], "icecube86": [4, 69, 71], "dom_x": [4, 71, 88], "dom_i": [4, 71, 88], "dom_z": [4, 71, 88], "dom_tim": [4, 88], "charg": [4, 74, 88, 89, 92, 105], "rde": 4, "pmt_area": 4, "deepcor": [4, 19, 71], "upgrad": [4, 19, 71, 126], "string": [4, 10, 12, 14, 31, 49, 68, 70, 71, 85, 90, 111], "pmt_number": 4, "dom_numb": 4, "pmt_dir_x": 4, "pmt_dir_i": 4, "pmt_dir_z": 4, "dom_typ": 4, "prometheu": [4, 63, 69], "sensor_pos_x": [4, 72], "sensor_pos_i": [4, 72], "sensor_pos_z": [4, 72], "t": [4, 34, 48, 101, 103, 105, 126], "kaggl": [4, 66, 67, 71, 78, 80], "x": [4, 28, 66, 67, 68, 84, 88, 89, 92, 97, 98, 101, 105, 107], "y": [4, 28, 84, 98, 101, 126], "z": [4, 28, 84, 88, 89, 98, 126], "auxiliari": [4, 66], "i3truthextractor": [4, 15, 17], "energy_track": [4, 96], "energy_cascad": [4, 96], "position_x": 4, "position_i": 4, "position_z": 4, "azimuth": [4, 96, 104], "zenith": [4, 96, 104], "pid": [4, 49, 113], "elast": 4, "sim_typ": 4, "interaction_typ": 4, "interaction_tim": [4, 96], "inelast": [4, 96], "stopped_muon": 4, "injection_energi": 4, "injection_typ": 4, "injection_interaction_typ": 4, "injection_zenith": 4, "injection_azimuth": 4, "injection_bjorkenx": 4, "injection_bjorkeni": 4, "injection_position_x": 4, "injection_position_i": 4, "injection_position_z": 4, "injection_column_depth": 4, "primary_lepton_1_typ": 4, "primary_hadron_1_typ": 4, "primary_lepton_1_position_x": 4, "primary_lepton_1_position_i": 4, "primary_lepton_1_position_z": 4, "primary_hadron_1_position_x": 4, "primary_hadron_1_position_i": 4, "primary_hadron_1_position_z": 4, "primary_lepton_1_direction_theta": 4, "primary_lepton_1_direction_phi": 4, "primary_hadron_1_direction_theta": 4, "primary_hadron_1_direction_phi": 4, "primary_lepton_1_energi": 4, "primary_hadron_1_energi": 4, "total_energi": 4, "i3_fil": [5, 18], "str": [5, 6, 7, 8, 10, 12, 14, 16, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 31, 32, 33, 34, 36, 37, 39, 41, 42, 44, 46, 47, 48, 49, 51, 52, 53, 55, 56, 60, 62, 67, 68, 70, 71, 72, 74, 76, 78, 80, 85, 86, 88, 89, 90, 93, 97, 100, 103, 104, 106, 107, 109, 111, 112, 113, 114, 115, 116, 118, 119, 121], "gcd_file": [5, 18, 60, 62], "paramet": [5, 6, 7, 8, 10, 12, 14, 16, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 31, 32, 33, 34, 36, 37, 39, 41, 42, 44, 46, 47, 48, 49, 51, 52, 53, 55, 56, 60, 62, 64, 66, 67, 68, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 89, 90, 92, 93, 95, 96, 97, 98, 100, 101, 103, 104, 105, 106, 107, 109, 111, 112, 113, 114, 115, 116, 118, 119, 120, 121, 122], "output_fold": [5, 55], "worker": [5, 6, 36, 37, 44, 47, 55, 109, 121], "i3deploy": [5, 54, 59], "list": [5, 6, 7, 8, 10, 12, 14, 20, 28, 31, 33, 34, 36, 37, 39, 41, 42, 44, 46, 47, 48, 49, 51, 52, 53, 55, 56, 60, 62, 64, 67, 68, 70, 74, 76, 78, 83, 84, 85, 86, 88, 89, 90, 92, 93, 97, 98, 101, 103, 106, 107, 113, 115, 116, 119, 121], "ani": [5, 6, 7, 8, 10, 12, 14, 31, 32, 33, 34, 41, 51, 52, 53, 60, 64, 67, 68, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 89, 90, 92, 93, 95, 96, 97, 98, 101, 103, 105, 107, 109, 111, 112, 113, 114, 115, 116, 121, 126], "output_fil": 6, "global_index": 6, "avail": [6, 20, 37, 95, 96, 97, 120], "pool": [6, 63, 64, 65, 74, 76, 78], "return": [6, 7, 8, 10, 12, 14, 16, 18, 31, 32, 34, 41, 42, 46, 47, 48, 49, 51, 52, 53, 55, 64, 66, 67, 68, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 89, 90, 92, 93, 95, 96, 97, 98, 100, 101, 103, 104, 105, 106, 107, 109, 111, 112, 113, 114, 115, 118, 119, 120, 121, 122], "none": [6, 7, 8, 10, 12, 14, 18, 20, 28, 32, 33, 34, 36, 37, 39, 41, 42, 44, 46, 48, 49, 51, 52, 53, 55, 56, 62, 67, 68, 74, 76, 78, 80, 84, 85, 86, 88, 90, 92, 93, 97, 100, 103, 105, 106, 107, 109, 111, 112, 113, 115, 119, 121], "synchron": 6, "file_read": 6, "save_method": 6, "outdir": [6, 36, 37, 39, 44, 46, 100], "index_column": [6, 10, 12, 14, 36, 39, 44, 48, 49, 100, 106, 107, 113], "num_work": [6, 7, 39, 106], "abc": [6, 10, 16, 37, 41, 51, 55, 90, 104, 107, 112, 113, 114], "logger": [6, 8, 10, 16, 33, 37, 41, 46, 49, 51, 52, 55, 56, 83, 90, 93, 104, 107, 108, 121, 126], "A": [6, 8, 10, 33, 37, 41, 42, 48, 53, 55, 56, 60, 68, 85, 86, 89, 90, 95, 97, 98, 100, 105, 107, 111, 113, 114, 116, 126], "convers": [6, 36, 44, 46, 126], "parallel": [6, 36, 39, 44], "extract": [6, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 32, 46, 47, 60, 62, 97], "also": [6, 10, 12, 14, 49, 74, 113], "assign": [6, 10, 12, 14, 46, 64, 68, 124], "id": [6, 8, 36, 39, 44, 46, 70, 85, 106], "exampl": [6, 31, 49, 64, 68, 89, 98, 105, 113, 114, 126], "initi": [6, 33, 42, 53, 55, 67, 74, 80, 84], "graphnetfileread": [6, 40, 41, 42], "method": [6, 8, 10, 12, 14, 16, 18, 30, 31, 32, 34, 35, 36, 41, 43, 44, 51, 53, 56, 67, 68, 70, 89, 96, 105, 107], "graphnetwrit": [6, 50, 51, 52, 53], "save": [6, 16, 18, 31, 36, 39, 44, 48, 50, 51, 53, 90, 100, 103, 105, 106, 107, 111, 112, 113, 114, 126], "interim": [6, 50, 51, 52, 53], "directori": [6, 36, 37, 39, 41, 42, 44, 46, 51, 52, 100, 103, 119], "i3extractor": [6, 15, 16, 17, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 36, 39, 41, 44], "input": [6, 10, 12, 14, 36, 37, 39, 41, 42, 44, 51, 52, 55, 60, 62, 66, 67, 71, 74, 75, 76, 77, 78, 79, 85, 86, 88, 92, 95, 97, 98, 111, 116, 118], "default": [6, 8, 10, 12, 14, 18, 20, 28, 31, 36, 37, 39, 42, 44, 46, 48, 53, 55, 56, 60, 62, 66, 67, 68, 74, 75, 76, 77, 78, 80, 83, 84, 85, 86, 88, 90, 92, 97, 98, 100, 101, 103, 104, 105, 107, 109, 111, 113, 119], "event_no": [6, 10, 12, 14, 36, 39, 44, 48, 49, 107, 113], "column": [6, 10, 12, 14, 16, 36, 39, 44, 48, 56, 62, 70, 74, 83, 85, 86, 88, 89, 92, 93, 95, 96, 97, 98, 100, 107], "ad": [6, 10, 12, 14, 19, 36, 39, 44, 66, 76, 80, 85, 88, 89, 100], "int": [6, 7, 8, 10, 12, 14, 22, 25, 33, 36, 37, 39, 41, 42, 44, 49, 51, 52, 53, 55, 66, 67, 68, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 89, 90, 92, 93, 95, 96, 97, 98, 100, 103, 105, 106, 107, 109, 113, 116, 121], "cpu": [6, 36, 39, 44, 56, 126], "multiprocess": [6, 36, 39, 44, 126], "get_map_funct": 6, "nb_file": 6, "map": [6, 10, 12, 14, 19, 20, 48, 71, 72, 85, 86, 97, 111, 113, 114, 116], "pure": [6, 16, 17, 20, 34], "tupl": [6, 10, 12, 14, 32, 34, 48, 67, 74, 76, 78, 89, 97, 98, 100, 101, 106, 109, 118], "option": [6, 8, 10, 12, 14, 18, 28, 37, 53, 56, 62, 67, 68, 74, 76, 78, 80, 84, 85, 86, 88, 90, 92, 97, 100, 101, 103, 107, 108, 109, 111, 113, 119, 126], "merge_fil": [6, 51, 52, 53], "merg": [6, 51, 52, 53, 105, 126], "call": [6, 20, 34, 66, 68, 97, 100, 103, 107, 121], "instanti": [6, 8, 114], "remov": [7, 36, 44, 85, 106, 109], "less": [7, 106], "two": [7, 76, 100, 103, 105, 106], "dom": [7, 10, 12, 14, 64, 68, 74, 88, 89, 92, 106], "hit": [7, 106], "should": [7, 10, 12, 14, 16, 18, 31, 49, 56, 67, 68, 74, 80, 85, 86, 92, 98, 105, 106, 111, 113, 114, 116, 124, 126], "occur": [7, 106], "product": [7, 67, 106], "selection_nam": 7, "check": [7, 32, 33, 34, 41, 48, 88, 109, 119, 120, 124, 126], "whether": [7, 32, 34, 48, 66, 67, 74, 76, 78, 80, 90, 105, 115, 119, 120], "shuffl": [7, 8, 47, 106], "select": [7, 8, 10, 12, 14, 25, 49, 106, 107, 113, 124], "bool": [7, 32, 33, 34, 48, 49, 51, 60, 66, 67, 74, 76, 78, 80, 85, 88, 89, 90, 93, 100, 103, 105, 106, 107, 109, 115, 118, 119, 120, 121], "batch_siz": [7, 37, 98, 106], "persistent_work": [7, 106], "prefetch_factor": 7, "kwarg": [7, 10, 12, 14, 33, 41, 51, 52, 64, 67, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 90, 92, 93, 95, 96, 97, 103, 105, 107, 111, 113, 114, 121], "construct": [7, 8, 10, 12, 14, 16, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 33, 41, 46, 49, 51, 52, 56, 64, 65, 66, 67, 70, 71, 72, 75, 76, 77, 78, 79, 80, 81, 82, 83, 85, 86, 87, 88, 89, 90, 92, 93, 95, 96, 97, 100, 103, 104, 105, 106, 107, 109, 112, 113, 114, 121], "t_co": 7, "callabl": [7, 10, 34, 67, 68, 70, 71, 72, 76, 85, 97, 106, 107, 111, 113, 114, 115, 120], "classmethod": [7, 10, 90, 105, 111, 112], "from_dataset_config": 7, "datasetconfig": [7, 10, 49, 110, 113], "dict": [7, 8, 10, 12, 14, 20, 31, 34, 37, 48, 56, 70, 71, 72, 80, 85, 86, 90, 93, 100, 101, 103, 106, 109, 111, 113, 114, 115, 116, 118], "dataset_refer": 8, "dataset_arg": 8, "test_select": [8, 113], "train_dataloader_kwarg": 8, "validation_dataloader_kwarg": 8, "test_dataloader_kwarg": 8, "train_val_split": 8, "0": [8, 10, 12, 14, 36, 39, 42, 44, 49, 60, 64, 67, 68, 74, 75, 76, 78, 83, 84, 86, 89, 92, 98, 100, 101, 105, 106, 113], "9": 8, "split_se": 8, "lightningdatamodul": 8, "creat": [8, 37, 48, 85, 88, 111, 112, 116, 124, 126], "sqlitedataset": [8, 13, 14], "parquetdataset": [8, 11, 12], "non": [8, 31, 34, 48, 74, 105], "refer": [8, 72, 113], "argument": [8, 46, 80, 85, 103, 107, 109, 111, 113, 114, 116], "valid": [8, 34, 49, 93, 97, 103, 105, 109, 111, 116], "test": [8, 49, 97, 106, 113, 120, 124], "ratio": [8, 67], "42": [8, 126], "seed": [8, 10, 12, 14, 49, 85, 86, 106, 113], "prepare_data": 8, "setup": [8, 103, 126], "stage": [8, 103], "lightn": [8, 103], "properti": [8, 10, 16, 23, 34, 41, 51, 68, 70, 79, 88, 89, 93, 97, 104, 112, 121], "train_dataload": [8, 93], "val_dataload": [8, 93], "test_dataload": 8, "teardown": 8, "cleanup": 8, "shutdown": 8, "procedur": 8, "close": 8, "after": [8, 67, 74, 76, 78, 103, 109, 113], "overrid": [8, 103], "parquet_dataset": [9, 11], "sqlite_dataset": [9, 13], "columnmissingexcept": [9, 10], "load_modul": [9, 10, 90], "parse_graph_definit": [9, 10], "parse_label": [9, 10], "ensembledataset": [9, 10, 113], "except": 10, "indic": [10, 49, 68, 74, 84, 89, 92, 103, 109, 124], "miss": 10, "class_nam": [10, 33, 41, 51, 52, 114, 121], "cfg": 10, "graphdefinit": [10, 12, 14, 81, 82, 85, 86, 87, 106, 124], "arg": [10, 12, 14, 33, 64, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 83, 84, 85, 86, 88, 90, 92, 93, 95, 96, 97, 105, 109, 111, 121], "path": [10, 12, 14, 18, 36, 39, 41, 42, 44, 47, 48, 53, 55, 60, 62, 67, 85, 90, 100, 101, 103, 106, 109, 111, 112, 113, 119, 126], "pulsemap": [10, 12, 14, 19, 60, 62, 106, 113], "puls": [10, 12, 14, 19, 20, 32, 34, 48, 60, 64, 68, 80, 85, 88, 89, 98], "seri": [10, 12, 14, 19, 20, 32, 34, 48, 60, 74, 88, 92], "node": [10, 12, 14, 63, 64, 68, 74, 75, 76, 78, 81, 82, 83, 85, 86, 92, 98], "multipl": [10, 12, 14, 89, 103, 113, 121], "store": [10, 12, 14, 37, 48, 51, 52, 53, 100, 104], "attribut": [10, 12, 14, 64, 97], "node_truth": [10, 12, 14, 106, 113], "uniqu": [10, 12, 14, 46, 48, 88, 98, 113], "indici": [10, 12, 14, 32, 49, 105], "tabl": [10, 12, 14, 16, 18, 37, 41, 48, 53, 70, 85, 100, 107], "truth_tabl": [10, 12, 14, 100, 106, 107, 113], "inform": [10, 12, 14, 16, 18, 20, 28, 85, 88, 89, 90, 101], "node_truth_t": [10, 12, 14, 106, 113], "string_select": [10, 12, 14, 106, 113], "subset": [10, 12, 14, 67, 74, 76, 78, 92], "given": [10, 12, 14, 18, 53, 68, 83, 97, 107, 109], "queri": [10, 12, 14, 48, 49, 53, 67], "pass": [10, 12, 14, 66, 67, 74, 75, 76, 77, 78, 79, 80, 85, 92, 93, 97, 103, 105, 107, 124], "dtype": [10, 12, 14, 85, 86, 122], "float32": [10, 12, 14, 85, 86], "tensor": [10, 12, 14, 56, 64, 66, 67, 68, 70, 74, 75, 76, 77, 78, 79, 80, 84, 88, 92, 93, 97, 98, 105, 118, 122], "loss_weight_t": [10, 12, 14, 106, 113], "per": [10, 12, 14, 20, 48, 67, 68, 74, 92, 97, 105, 107], "loss": [10, 12, 14, 85, 93, 97, 103, 105, 109], "weight": [10, 12, 14, 60, 62, 67, 80, 85, 97, 100, 105, 107, 114, 126], "loss_weight_column": [10, 12, 14, 85, 106, 113], "correspond": [10, 12, 14, 31, 34, 47, 76, 85, 89, 107, 111, 113, 114, 116, 119, 126], "loss_weight_default_valu": [10, 12, 14, 85, 113], "float": [10, 12, 14, 60, 67, 74, 75, 83, 84, 85, 86, 92, 93, 100, 101, 103, 105, 106, 113], "note": [10, 12, 14, 42, 53, 89, 101, 114], "valu": [10, 12, 14, 28, 31, 48, 67, 68, 84, 85, 86, 98, 101, 104, 105, 109, 111], "specifi": [10, 12, 14, 49, 64, 89, 97, 101, 103, 126], "case": [10, 12, 14, 20, 36, 39, 42, 44, 60, 68, 89, 97, 126], "That": [10, 12, 14, 76, 96, 104], "ignor": [10, 12, 14, 34], "resolv": [10, 12, 14, 49], "10000": [10, 12, 14, 49, 66], "5": [10, 12, 14, 49, 74, 92, 109, 126], "20": [10, 12, 14, 49, 121], "graph_definit": [10, 12, 14, 63, 81, 106, 113], "defin": [10, 12, 14, 49, 56, 60, 62, 68, 81, 82, 83, 85, 87, 89, 106, 111, 113, 114, 116], "represent": [10, 12, 14, 34, 66, 67, 68, 86, 90, 92], "dictionari": [10, 12, 14, 16, 31, 32, 34, 37, 41, 48, 85, 86, 90, 100, 101, 111, 113, 114, 116], "from_config": [10, 90, 112, 113, 114], "instanc": [10, 16, 18, 28, 34, 36, 39, 42, 44, 85, 90, 100, 104, 106, 112, 114, 126], "concaten": [10, 31, 76], "one": [10, 18, 48, 60, 68, 113, 114, 119, 124, 126], "query_t": [10, 12, 14], "sequential_index": [10, 12, 14], "some": [10, 12, 14, 36, 39, 42, 44, 85, 89], "out": [10, 76, 93, 94, 105, 121, 124, 126], "sequenti": 10, "len": [10, 89], "self": [10, 85, 100, 111, 116], "_may_": 10, "_indic": 10, "If": [10, 18, 20, 33, 37, 53, 67, 76, 80, 85, 88, 89, 90, 97, 100, 103, 107, 124, 126], "entir": [10, 90], "impos": 10, "befor": [10, 76, 84, 92, 97, 103], "scalar": [10, 16, 98, 105], "length": [10, 34, 89, 98, 103], "rais": [10, 18, 20, 52, 90, 111, 116], "element": [10, 16, 31, 34, 93, 98, 106, 115], "present": [10, 18, 33, 98, 109, 119, 120], "add_label": 10, "fn": [10, 34, 111, 115], "kei": [10, 20, 31, 32, 34, 48, 67, 68, 88, 104, 113, 114], "add": [10, 67, 76, 109, 118, 124, 126], "custom": [10, 41, 85, 103], "concatdataset": 10, "singl": [10, 51, 53, 68, 76, 89, 104, 113, 114], "collect": [10, 17, 30, 105, 122], "iter": 10, "backend": [11, 13, 50, 52], "pytorch": [12, 14, 103, 126], "databas": [14, 37, 46, 48, 53, 100, 107, 126], "i3genericextractor": [15, 17], "i3hybridrecoextractor": [15, 17], "i3ntmuonlabelsextractor": [15, 17], "i3particleextractor": [15, 17], "i3pisaextractor": [15, 17], "i3quesoextractor": [15, 17], "i3retroextractor": [15, 17], "i3splinempeextractor": [15, 17], "i3tumextractor": [15, 17], "extractor_nam": [16, 18, 20, 23], "inherit": [16, 18, 34, 41, 51, 70, 88, 105, 121], "__call__": [16, 18, 41, 56], "output": [16, 46, 53, 55, 56, 66, 67, 74, 75, 76, 77, 79, 88, 89, 92, 93, 95, 96, 97, 100, 107, 113, 114, 126], "var1": 16, "var_n": 16, "variabl": [16, 18, 20, 34, 41, 76, 88, 89, 98, 107, 121], "arrai": [16, 28, 31, 88, 89, 98], "like": [16, 34, 68, 84, 97, 98, 105, 122, 124], "shape": [16, 84, 85, 88, 98, 105], "n": [16, 64, 68, 84, 98, 105], "where": [16, 36, 39, 42, 44, 85, 86, 88, 89, 92, 98, 104], "denot": [16, 103], "conjunct": [16, 97], "fileread": [16, 41], "keep": [16, 18, 88], "proven": [16, 18], "mc_truth": 16, "get": [16, 32, 48, 70, 103, 106, 126], "i3fram": [17, 20, 32, 34, 60, 62], "frame": [17, 18, 20, 30, 33, 34, 62], "i3_filt": [17, 30, 36, 39, 42, 44], "i3featureextractoricecube86": [17, 19], "i3featureextractoricecubedeepcor": [17, 19], "i3featureextractoricecubeupgrad": [17, 19], "i3pulsenoisetruthflagicecubeupgrad": [17, 19], "i3galacticplanehybridrecoextractor": [17, 21], "i3ntmuonlabelextractor": [17, 22], "i3splinempeicextractor": [17, 27], "observatori": [18, 42], "set_gcd": 18, "gframe": 18, "cframe": 18, "gcd": [18, 32, 36, 39, 42, 44, 47, 60, 62, 119], "pair": [18, 36, 39, 42, 44, 66], "member": [18, 20, 34, 41, 88, 113, 114, 121], "being": [18, 60, 95, 97], "attempt": 18, "find": [18, 84, 119], "c": [18, 31, 68, 84, 105, 126], "instead": [18, 36, 39, 42, 44, 105], "those": 18, "runtimeerror": 18, "86": [19, 71], "nois": [19, 32, 60], "flag": [19, 60], "exclude_kei": 20, "dynam": [20, 67, 76, 77, 78], "pars": [20, 101, 108, 109, 110, 111, 116], "tri": [20, 34], "automat": [20, 85, 105, 124], "cast": [20, 34], "done": [20, 68, 121, 124], "recurs": [20, 34, 36, 39, 41, 42, 44, 90, 115, 119], "each": [20, 31, 34, 46, 47, 48, 53, 55, 56, 64, 66, 67, 68, 71, 72, 74, 76, 78, 83, 85, 86, 88, 89, 92, 95, 97, 98, 100, 101, 103, 106, 119], "look": [20, 126], "signatur": [20, 34], "similar": [20, 34, 126], "handl": [20, 105, 109, 118, 121], "hand": 20, "special": [20, 60, 92, 98], "mc": [20, 48], "tree": 20, "trigger": 20, "exclud": [20, 46, 126], "valueerror": [20, 90], "hybrid": 21, "galatict": 21, "plane": [21, 105], "tum": [22, 29], "dnn": [22, 29], "padding_valu": [22, 25, 98], "northeren": 22, "i3particl": 23, "other": [23, 48, 83, 105, 124], "algorithm": 23, "comparison": [23, 105], "quantiti": [24, 97, 98], "queso": 25, "retro": [26, 37], "splinemp": 27, "border": 28, "mctree": [28, 32], "ndarrai": [28, 85, 89, 107], "boundari": 28, "volum": 28, "coordin": [28, 70, 84, 88, 89, 98], "particl": [28, 48, 104], "start": [28, 124, 126], "stop": [28, 103, 109], "within": [28, 64, 67, 68, 76, 83], "hard": [28, 88], "i3mctre": 28, "flatten_nested_dictionari": [30, 31], "serialis": [30, 31], "transpose_list_of_dict": [30, 31], "frame_is_montecarlo": [30, 32], "frame_is_nois": [30, 32], "get_om_keys_and_pulseseri": [30, 32], "i3filt": [30, 33, 36, 39, 42, 44], "nullspliti3filt": [30, 33, 36, 39, 42, 44], "i3filtermask": [30, 33], "is_boost_enum": [30, 34], "is_boost_class": [30, 34], "is_icecube_class": [30, 34], "is_typ": [30, 34], "is_method": [30, 34], "break_cyclic_recurs": [30, 34], "get_member_vari": [30, 34], "cast_object_to_pure_python": [30, 34], "cast_pulse_series_to_pure_python": [30, 34], "manipul": [31, 81, 82, 87], "obj": [31, 34, 115], "parent_kei": 31, "separ": [31, 84, 103, 126], "flatten": 31, "nest": 31, "d": [31, 84, 85, 88, 98, 124], "b": [31, 64, 68, 98], "2": [31, 36, 44, 67, 68, 74, 76, 78, 83, 86, 89, 92, 96, 98, 100, 101, 105, 113, 126], "a__b": 31, "applic": 31, "combin": [31, 39, 74, 113], "parent": 31, "__": [31, 34], "nester": 31, "json": [31, 113], "therefor": [31, 42], "we": [31, 34, 49, 89, 124, 126], "outer": 31, "abl": [31, 126], "de": 31, "transpos": 31, "mont": 32, "carlo": 32, "simul": [32, 60], "icetrai": [32, 34, 36, 39, 42, 44, 56, 120], "pulseseri": 32, "calibr": [32, 34], "gcd_dict": [32, 34], "p": [32, 105], "om": [32, 34], "i3calibr": 32, "indicesfor": 32, "filter": [33, 36, 39, 42, 44, 121], "log_fold": [33, 41, 51, 52, 121], "skip": [33, 76], "null": [33, 48], "filter_nam": 33, "filter_ani": 33, "filtermask": 33, "true": [33, 48, 60, 74, 76, 78, 80, 85, 88, 90, 100, 103, 105, 107, 113, 114, 116, 119], "kept": 33, "fals": [33, 60, 66, 67, 76, 80, 85, 90, 100, 103, 105, 107, 113], "boost": 34, "enum": 34, "ensur": [34, 47, 105, 121, 124, 126], "isn": 34, "same": [34, 48, 64, 68, 89, 95, 98, 103, 115, 121], "return_discard": 34, "mangl": 34, "take": [34, 68, 89, 92, 124], "mainli": 34, "cannot": [34, 92, 111, 116], "trivial": [34, 97], "For": [34, 88, 103], "doe": [34, 95, 97, 114], "try": 34, "equival": 34, "its": [34, 92], "regular": [34, 67], "otherwis": [34, 105], "itself": [34, 97], "deem": 34, "wai": [34, 49, 124, 126], "optic": [34, 89], "found": [34, 36, 39, 42, 44, 89, 105], "deprec": [35, 36, 43, 44, 118], "parquetdataconvert": [35, 36], "gcd_rescu": [36, 39, 42, 44, 119], "i3toparquetconvert": [36, 38, 39], "subfold": [36, 39, 42, 44], "search": [36, 39, 41, 42, 44, 119], "convent": [36, 39, 42, 44], "folder": [36, 39, 42, 44, 55], "accompani": [36, 39, 42, 44], "howev": [36, 39, 42, 44], "broken": [36, 39, 42, 44], "In": [36, 39, 41, 42, 44, 51, 113, 114, 126], "icetray_verbos": [36, 39, 42, 44], "verbos": [36, 39, 42, 44, 93, 103], "pframe": [36, 39, 42, 44], "module_dict": 37, "devic": [37, 56], "retro_table_nam": 37, "n_worker": [37, 55, 100], "pipeline_nam": 37, "initialis": [37, 114], "gnn_module_for_energy_regress": 37, "modulelist": 37, "comput": [37, 56, 67, 84, 93, 97, 98, 105, 111, 113, 114, 116], "100": [37, 126], "size": [37, 53, 67, 68, 74, 76, 77, 78, 80, 98, 109], "alreadi": [37, 48, 126], "error": [37, 105, 121, 124], "prompt": 37, "avoid": [37, 121, 124], "overwrit": [37, 56, 103], "i3tosqliteconvert": [38, 39, 44], "preconfigur": 39, "must": [41, 42, 48, 51, 64, 103, 107, 124], "addit": [41, 51, 64, 67, 93, 105, 107], "accepted_file_extens": 41, "accepted_extractor": 41, "accept": [41, 124], "compat": [41, 49, 97], "extracor_nam": 41, "produc": [41, 66, 104, 107], "find_fil": [41, 42], "mai": [41, 49, 56, 88, 126], "overwritten": [41, 109, 111], "match": [41, 107, 119, 122], "set_extractor": 41, "validate_fil": 41, "input_fil": [41, 55], "reli": 42, "environ": [42, 126], "sqlitedataconvert": [43, 44, 126], "parquettosqliteconvert": [45, 46], "pairwise_shuffl": [45, 47], "database_exist": [45, 48], "query_databas": [45, 48], "get_primary_kei": [45, 48], "database_table_exist": [45, 48], "run_sql_cod": [45, 48], "save_to_sql": [45, 48], "attach_index": [45, 48], "create_t": [45, 48], "create_table_and_save_to_sql": [45, 48], "stringselectionresolv": [45, 49], "parquet_path": 46, "mc_truth_tabl": 46, "excluded_field": 46, "everi": [46, 126], "field": [46, 101, 104, 111, 113, 114, 116, 118], "One": [46, 101], "choos": 46, "certain": [46, 100], "exclude_field": 46, "database_nam": [46, 53], "rng": 47, "relat": [47, 119], "i3_list": [47, 119], "gcd_list": [47, 119], "correpond": 47, "handi": 47, "becaus": 47, "even": 47, "files_list": 47, "gcd_shuffl": 47, "i3_shuffl": 47, "database_path": [48, 100, 107], "execut": 48, "result": [48, 68, 89, 103, 105, 106, 115, 126], "datafram": [48, 49, 51, 70, 93, 100, 106, 107], "primari": 48, "splitinicepuls": 48, "table_nam": 48, "df": 48, "attach": 48, "default_typ": 48, "integer_primary_kei": 48, "NOT": [48, 105], "integ": [48, 74, 76, 77, 105], "Such": 48, "row": [48, 53, 89, 98], "appropri": [48, 97], "expect": [48, 49, 51, 60, 62, 85, 88], "doesn": 48, "use_cach": 49, "flexibl": 49, "below": [49, 88, 101, 107, 124, 126], "show": [49, 103], "involv": 49, "cover": 49, "current": [49, 92, 103, 124, 126], "yml": [49, 109, 113, 114], "50000": [49, 113], "ab": [49, 105, 113], "12": [49, 80, 113], "14": [49, 113], "16": [49, 66, 74, 113], "13": [49, 126], "panda": [49, 107], "syntax": [49, 105], "fix": 49, "randomli": [49, 85, 86, 114], "dataformat": [50, 53], "parquetwrit": [50, 52], "sqlitewrit": [50, 53], "graphnetfilesavemethod": [51, 53], "deep": [51, 53, 67, 78, 80], "save_fil": 51, "reciev": 51, "file_extens": 51, "output_dir": [51, 52, 53], "smaller": 51, "expects_merged_datafram": 51, "write": [52, 60, 62, 126], "notimplementederror": 52, "merged_database_nam": 53, "max_table_s": 53, "db": [53, 106], "maximum": [53, 68, 88, 89, 97, 109], "proceedur": 53, "partit": 53, "approxim": 53, "you": [53, 55, 66, 113, 114, 124, 126], "mani": 53, "exceed": 53, "400": 53, "million": 53, "tend": 53, "notic": [53, 98, 105], "slower": 53, "put": 53, "my_databas": 53, "cleaning_modul": [54, 59], "inference_modul": [54, 59], "deploymentmodul": [54, 55, 56, 62], "baseclass": 55, "thei": 55, "appear": 55, "Will": [55, 60, 62, 83], "independ": 55, "sequenc": [55, 66, 67, 89, 98, 106], "determin": [55, 74], "divid": 55, "written": 55, "model_config": [56, 60, 62, 108, 110, 111, 113, 116], "state_dict": [56, 60, 62, 90, 118], "prediction_column": [56, 62, 93, 106], "modelconfig": [56, 60, 62, 90, 110, 113, 114], "i3pulsecleanermodul": [59, 60], "i3inferencemodul": [59, 60, 62], "pulsemap_extractor": [60, 62], "model_nam": [60, 62, 100], "discard_empty_ev": 60, "clean": [60, 124, 126], "assum": [60, 70, 85, 89, 97, 98], "been": [60, 105, 124], "pulsmap": [60, 62], "summar": [60, 62, 88, 89], "help": [60, 62, 109, 124], "entri": [60, 62, 76, 98, 101, 109], "dynedg": [60, 62, 63, 73, 77, 78, 80], "associ": [60, 62, 85, 89, 96, 97, 105], "7": [60, 68, 100], "consid": [60, 74, 126], "posit": [60, 66, 67, 68, 80, 89, 96, 111, 116], "signal": 60, "els": 60, "elimin": 60, "whose": 60, "empti": 60, "speed": [60, 84], "especi": 60, "sinc": [60, 105], "further": 60, "calcul": [60, 66, 83, 86, 88, 93, 98, 104, 105], "energy_reco": 62, "embed": [63, 65, 74, 80, 92, 95, 97], "rnn_tito": [63, 73], "convnet": [63, 73], "dynedge_jinst": [63, 73], "dynedge_kaggle_tito": [63, 73], "icemix": [63, 73], "edg": [63, 67, 68, 76, 77, 78, 81, 84, 85, 86, 87, 88, 98], "node_rnn": [63, 74, 91], "unbatch_edge_index": [63, 64], "attributecoarsen": [63, 64], "domcoarsen": [63, 64], "customdomcoarsen": [63, 64], "domandtimewindowcoarsen": [63, 64], "standardmodel": [63, 93], "calculate_xyzt_homophili": [63, 98], "calculate_distance_matrix": [63, 98], "knn_graph_batch": [63, 98], "array_to_sequ": [63, 98], "oper": [64, 67, 73, 76], "cluster": [64, 67, 68, 74, 76, 78, 88, 89, 92], "local": [64, 71, 72, 88, 109], "edge_index": [64, 67, 98], "accord": [64, 68, 83, 85, 86, 89], "vector": [64, 67, 68, 105], "longtensor": [64, 68, 98], "mathbf": [64, 68], "ldot": [64, 68], "reduce_opt": 64, "avg": 64, "avg_pool": 64, "avg_pool_x": 64, "max": [64, 67, 76, 78, 105, 109], "max_pool": [64, 68], "max_pool_x": [64, 68], "min": [64, 68, 76, 78], "min_pool": [64, 65, 68], "min_pool_x": [64, 65, 68], "sum": [64, 68, 76, 78, 93], "sum_pool": [64, 65, 68], "sum_pool_x": [64, 65, 68], "forward": [64, 66, 67, 70, 74, 75, 76, 77, 78, 79, 80, 83, 85, 88, 92, 93, 97, 105], "simplecoarsen": 64, "window": 64, "time_window": 64, "sinusoidalposemb": [65, 66], "fourierencod": [65, 66], "spacetimeencod": [65, 66], "dynedgeconv": [65, 67, 76], "edgeconvtito": [65, 67], "dyntran": [65, 67, 74, 78], "droppath": [65, 67], "mlp": [65, 67, 76], "block_rel": [65, 67], "attention_rel": [65, 67], "sum_pool_and_distribut": [65, 68], "group_bi": [65, 68], "group_pulses_to_dom": [65, 68], "group_pulses_to_pmt": [65, 68], "std_pool_x": [65, 68], "std_pool": [65, 68], "dim": [66, 67], "n_freq": 66, "scale": [66, 67, 77, 80, 84, 85, 89, 97, 105], "lightningmodul": [66, 67, 90, 103, 121], "sinusoid": [66, 80], "competit": [66, 67, 71, 78, 80], "2nd": [66, 80], "place": [66, 80, 118, 124], "solut": [66, 67, 78, 80, 124], "see": [66, 74, 83, 85, 103, 124, 126], "arxiv": [66, 83, 105], "2310": 66, "15674": 66, "fourier": 66, "encod": 66, "attent": [66, 67, 80], "1706": 66, "03762": 66, "seen": 66, "soft": 66, "digit": 66, "dimens": [66, 67, 71, 72, 74, 75, 76, 78, 80, 89, 92, 97, 98, 105], "frequenc": 66, "seq_length": [66, 80, 98], "output_dim": 66, "incorpor": 66, "meaning": 66, "128": [66, 75, 76, 78, 80, 109], "dimension": [66, 67], "384": [66, 80], "spacetim": 66, "space": [66, 83, 84, 97, 107], "interv": 66, "between": [66, 81, 82, 83, 84, 87, 93, 97, 98, 103, 105, 113, 114], "32": [66, 80], "aggr": 67, "nb_neighbor": 67, "features_subset": [67, 74, 76, 78, 92], "edgeconv": 67, "convolut": [67, 75, 76, 77, 78], "aggreg": [67, 68], "8": [67, 68, 74, 76, 78, 86, 92, 105, 106, 124, 126], "neighbour": [67, 74, 76, 78, 83, 84, 86, 92, 98], "slice": [67, 76], "sparsetensor": 67, "messagepass": 67, "tito": [67, 74, 78], "reset_paramet": 67, "reset": 67, "learnabl": [67, 73, 74, 75, 76, 77, 78, 79, 80, 92, 97], "messag": [67, 103, 121], "x_i": 67, "x_j": 67, "layer_s": 67, "n_head": [67, 74, 78], "dyntrans1": 67, "head": [67, 74, 78, 80, 97], "multiheadattent": 67, "drop_prob": 67, "drop": [67, 75], "stochast": 67, "depth": [67, 80, 89], "probabl": [67, 105], "dure": [67, 80, 85, 97, 103], "extra_repr": [67, 90], "extra": [67, 126], "in_featur": 67, "hidden_featur": 67, "out_featur": 67, "activ": [67, 74, 76, 88, 92, 93, 97, 124, 126], "gelu": 67, "dropout_prob": 67, "multi": [67, 76], "perceptron": [67, 76], "hidden": [67, 74, 76, 77, 92], "dropout": [67, 74, 92], "input_dim": 67, "num_head": 67, "mlp_ratio": 67, "qkv_bia": 67, "qk_scale": 67, "attn_drop": 67, "drop_path": 67, "init_valu": 67, "norm_lay": 67, "normal": [67, 76, 89, 97], "layernorm": 67, "attn_head_dim": 67, "beitv2": 67, "4": [67, 77, 80, 96, 101], "feedforward": 67, "bia": 67, "term": [67, 105], "matric": 67, "factor": [67, 103], "dot": 67, "gamma_1": 67, "gamma_2": 67, "key_padding_mask": 67, "rel_pos_bia": 67, "kv": 67, "proj_drop": 67, "mechan": 67, "rel": [67, 80], "multipli": [67, 103], "head_dim": 67, "q": 67, "k": [67, 74, 76, 78, 83, 86, 92, 98, 105], "attn_mask": 67, "just": [68, 126], "negat": 68, "cluster_index": 68, "distribut": [68, 76, 96, 97, 105, 107], "ident": [68, 97], "pmt": [68, 89], "f1": 68, "f2": 68, "6": [68, 101], "groupbi": 68, "3": [68, 74, 75, 78, 84, 89, 92, 96, 98, 100, 101, 105, 124, 126], "matrix": [68, 83, 84, 98, 105], "mathbb": 68, "r": [68, 83, 126], "n_1": 68, "n_b": 68, "f": 68, "obtain": [68, 105], "wise": 68, "dens": 68, "fc": 68, "known": 68, "std": 68, "repres": [68, 74, 85, 86, 88, 89, 98, 111, 113, 114], "averag": [68, 105], "torch_geometr": [68, 98], "version": [68, 89, 97, 103, 124, 126], "standardis": 69, "icecubekaggl": [69, 71], "icecubedeepcor": [69, 71], "icecubeupgrad": [69, 71], "orca150": [69, 72], "ins": 70, "feature_map": [70, 71, 72], "input_featur": [70, 85], "input_feature_nam": [70, 85, 86, 88], "adjac": 70, "geometry_t": [70, 71, 72], "public": [70, 107], "retriev": 70, "geometri": [70, 85], "string_index_nam": 70, "sensor_position_nam": 70, "xyz": [70, 71, 72, 88, 89], "sensor_index_nam": 70, "sensor": [70, 85], "geometry_table_path": [71, 72], "home": [71, 72, 109, 126], "runner": [71, 72, 109], "lib": [71, 72, 109, 126], "python3": [71, 72, 109], "string_id_column": [71, 72], "sensor_id_column": [71, 72], "sensor_id": [71, 72], "icecube_upgrad": 71, "prototyp": 72, "orca_150": 72, "sensor_string_id": 72, "dynedgejinst": [73, 77], "dynedgetito": [73, 74, 78], "deepic": [73, 80], "rnn_dynedg": 74, "intend": [74, 92, 126], "amount": 74, "nb_input": [74, 75, 76, 77, 78, 79, 92, 95, 96, 97], "time_series_column": [74, 92], "treat": [74, 92], "nb_neighbour": [74, 76, 78, 92], "rnn_layer": 74, "rnn_hidden_s": 74, "64": [74, 126], "rnn_dropout": 74, "latent": [74, 76, 78, 80, 92, 95, 96, 97], "metric": [74, 76, 78, 84, 92, 103], "nearest": [74, 76, 78, 83, 84, 86, 92, 98], "dyntrans_layer_s": [74, 78], "post_processing_layer_s": [74, 76, 78], "post": [74, 76, 78], "readout_layer_s": [74, 76, 78], "readout": [74, 76, 78], "global_pooling_schem": [74, 76, 78], "scheme": [74, 76, 78], "embedding_dim": [74, 92], "ie": 74, "use_global_featur": [74, 78], "use_post_processing_lay": [74, 78], "author": [75, 77, 105], "martin": 75, "minh": 75, "nb_output": [75, 77, 79, 88, 95, 96, 97], "nb_intermedi": 75, "dropout_ratio": 75, "fraction": [75, 92, 106], "dynedge_layer_s": 76, "dimenion": [76, 78], "256": [76, 78], "336": [76, 78], "follow": [76, 93, 105, 107, 124, 126], "_and_": 76, "As": 76, "last": [76, 92, 95, 96, 97, 103, 106], "add_global_variables_after_pool": 76, "altern": [76, 105, 124], "activation_lay": 76, "add_norm_lay": 76, "linear": 76, "skip_readout": 76, "exact": [77, 105], "2209": 77, "03042": 77, "oerso": 77, "layer_size_scal": 77, "ic": [78, 80, 88], "univers": [78, 80], "south": [78, 80], "pole": [78, 80], "core": 79, "drhb": 80, "http": [80, 83, 85, 105, 124], "github": [80, 85, 105, 126], "com": [80, 85, 105, 126], "hidden_dim": 80, "head_siz": 80, "depth_rel": 80, "n_rel": 80, "scaled_emb": 80, "include_dynedg": 80, "dynedge_arg": 80, "impact": 80, "no_weight_decai": 80, "cls_tocken": 80, "subject": [80, 105], "decai": 80, "edgedefinit": [81, 82, 83, 84, 85, 87], "how": [81, 82, 87], "drawn": [81, 82, 86, 87], "minkowski": [81, 82], "knngraph": [81, 86], "lex_sort": [81, 89], "gather_cluster_sequ": [81, 89], "identify_indic": [81, 89], "cluster_summarize_with_percentil": [81, 89], "ice_transpar": [81, 89], "knnedg": [82, 83], "radialedg": [82, 83], "euclideanedg": [82, 83], "compute_minkowski_distance_mat": [82, 84], "minkowskiknnedg": [82, 84], "_construct_edg": 83, "definit": [83, 85, 86, 88, 90, 97, 124], "nb_nearest_neighbour": [83, 84, 86], "distanc": [83, 84, 86, 98], "sphere": 83, "chosen": [83, 89, 121], "radiu": 83, "centr": 83, "radial": 83, "center": 83, "euclidean": [83, 124], "org": [83, 105, 126], "pdf": 83, "1809": 83, "06166": 83, "space_coord": 84, "time_coord": 84, "pairwis": [84, 98], "second": 84, "m": [84, 89, 105], "light": [84, 126], "time_like_weight": 84, "prefer": [84, 126], "over": [84, 88], "time_lik": 84, "hold": 85, "alter": 85, "node_definit": [85, 86], "edge_definit": 85, "nodedefinit": [85, 86, 87, 88], "nodesaspuls": [85, 87, 88], "perturbation_dict": [85, 86], "deviat": [85, 86, 89], "perturb": [85, 86], "add_inactive_sensor": 85, "inact": 85, "append": 85, "pad": [85, 89, 98], "sensor_mask": 85, "mask": [85, 98], "string_mask": 85, "sort_bi": 85, "sort": [85, 89], "truth_dict": 85, "custom_label_funct": 85, "loss_weight": [85, 97], "data_path": 85, "num_row": 85, "team": [85, 124], "blob": [85, 105], "getting_start": 85, "md": 85, "your": [86, 124, 126], "percentileclust": [87, 88], "nodeasdomtimeseri": [87, 88], "icemixnod": [87, 88], "num_puls": 88, "node_feature_nam": 88, "new_features_nam": 88, "overridden": 88, "set_number_of_input": 88, "set_output_feature_nam": 88, "measur": [88, 89, 98], "cherenkov": [88, 89], "radiat": [88, 89], "percentil": [88, 89], "summari": [88, 89], "cluster_on": [88, 89], "50": [88, 89, 109], "90": [88, 89, 101], "add_count": [88, 89], "duplic": 88, "id_column": 88, "time_column": 88, "charge_column": 88, "max_activ": 88, "n_puls": 88, "limit": [88, 105], "minimum": [88, 97], "hlc": 88, "max_puls": 88, "768": 88, "z_name": 88, "hlc_name": 88, "coincid": 88, "cluster_column": 89, "numpi": 89, "along": 89, "backward": [89, 105], "feature_idx": 89, "turn": [89, 124], "gather": 89, "nan": 89, "n_cluster": 89, "l": [89, 98], "largest": 89, "suppos": 89, "n_pmt": 89, "three": [89, 105], "spatial": 89, "column_offset": 89, "feature_nam": 89, "summarization_indic": 89, "cluster_indic": 89, "interpol": [89, 103], "500": 89, "inaccur": 89, "scatter": 89, "f_absorpt": 89, "absorpt": 89, "f_scatter": 89, "verbose_print": 90, "save_state_dict": 90, "load_state_dict": 90, "karg": 90, "trust": 90, "enough": 90, "eval": [90, 126], "lambda": 90, "express": [90, 105], "consequ": 90, "set_verbose_print_recurs": 90, "descript": [90, 109], "print": [90, 103, 121], "about": [90, 111, 113, 114, 116], "extra_repr_recurs": 90, "indent": 90, "recurr": 91, "nodetimernn": 92, "standalon": 92, "pr": 92, "seper": 92, "hidden_s": [92, 95, 96, 97], "num_lay": 92, "clean_up_data_object": 92, "updat": [92, 98, 100, 103], "backbon": 93, "max_epoch": 93, "early_stopping_pati": [93, 116], "gpu": [93, 109, 126], "ckpt_path": 93, "log_every_n_step": 93, "gradient_clip_v": 93, "distribution_strategi": 93, "trainer_kwarg": 93, "pytorch_lightn": [93, 103, 121], "trainer": [93, 103, 106], "target_label": [93, 97], "target": [93, 95, 97, 105, 116], "prediction_label": [93, 97], "configure_optim": 93, "optim": [93, 103], "shared_step": 93, "batch_idx": [93, 98], "share": 93, "step": [93, 98, 103], "training_step": 93, "train_batch": 93, "validation_step": 93, "val_batch": 93, "compute_loss": [93, 97], "pred": [93, 97], "mode": [93, 97], "deactiv": [93, 97], "predict_as_datafram": 93, "additional_attribut": [93, 106], "multiclassclassificationtask": [94, 95], "binaryclassificationtask": [94, 95], "binaryclassificationtasklogit": [94, 95], "azimuthreconstructionwithkappa": [94, 96], "azimuthreconstruct": [94, 96], "directionreconstructionwithkappa": [94, 96], "zenithreconstruct": [94, 96], "zenithreconstructionwithkappa": [94, 96], "energyreconstruct": [94, 96], "energyreconstructionwithpow": [94, 96], "energytcreconstruct": [94, 96], "energyreconstructionwithuncertainti": [94, 96], "vertexreconstruct": [94, 96], "positionreconstruct": [94, 96], "timereconstruct": [94, 96], "inelasticityreconstruct": [94, 96], "learnedtask": [94, 97], "standardlearnedtask": [94, 95, 96, 97], "identitytask": [94, 95, 97], "standardflowtask": [94, 97], "classifi": 95, "untransform": 95, "interpret": 95, "logit": [95, 105], "binari": [95, 105], "default_target_label": [95, 96, 97], "default_prediction_label": [95, 96, 97], "target_pr": 95, "angl": [96, 104], "kappa": [96, 105], "var": 96, "azimuth_pr": 96, "azimuth_kappa": 96, "3d": [96, 105], "vmf": 96, "dir_x_pr": 96, "dir_y_pr": 96, "dir_z_pr": 96, "direction_kappa": 96, "zenith_pr": 96, "zenith_kappa": 96, "stabl": [96, 97], "energy_pr": 96, "cascad": 96, "energy_track_pr": 96, "energy_cascade_pr": 96, "uncertainti": 96, "energy_sigma": 96, "vertex": 96, "position_x_pr": 96, "position_y_pr": 96, "position_z_pr": 96, "interaction_time_pr": 96, "interact": 96, "hadron": 96, "inelasticity_pr": 96, "lossfunct": [97, 102, 105], "auto": 97, "matic": 97, "_pred": 97, "transform_prediction_and_target": 97, "numer": 97, "transform_target": 97, "log10": [97, 107], "rather": [97, 121], "transform_infer": 97, "invers": 97, "recov": 97, "transform_support": 97, "restrict": [97, 105], "invert": 97, "1e6": 97, "train_ev": 97, "act": [97, 105], "wrt": 97, "meet": 97, "come": [97, 124], "vast": 97, "major": 97, "supervis": 97, "grab": 97, "send": 97, "evalu": 97, "normalizingflow": 97, "jacobian": 97, "flow": 97, "xyzt": 98, "homophili": 98, "xyz_coord": 98, "nb_dom": 98, "excluding_valu": 98, "total": [98, 106], "belong": 98, "inf": 98, "masked_entri": 98, "config_updat": [99, 100], "weightfitt": [99, 100, 102, 107], "contourfitt": [99, 100], "read_entri": [99, 101], "plot_2d_contour": [99, 101], "plot_1d_contour": [99, 101], "contour": [100, 101], "config_path": 100, "new_config_path": 100, "dummy_sect": 100, "temp": 100, "dummi": 100, "section": 100, "header": 100, "configupdat": 100, "programat": 100, "statistical_fit": 100, "fit_weight": [100, 107], "config_outdir": 100, "weight_nam": [100, 107], "pisa_config_dict": 100, "add_to_databas": [100, 107], "flux": 100, "_database_path": 100, "statist": 100, "effect": [100, 103, 124], "account": 100, "systemat": 100, "hypersurfac": 100, "chang": [100, 105, 124], "assumpt": 100, "regard": 100, "pipeline_path": 100, "post_fix": 100, "include_retro": 100, "fit_1d_contour": 100, "run_nam": 100, "config_dict": 100, "grid_siz": 100, "theta23_minmax": 100, "36": 100, "54": 100, "dm31_minmax": 100, "1d": [100, 101], "fit_2d_contour": 100, "2d": [100, 101, 105], "content": 101, "contour_data": 101, "xlim": 101, "ylim": 101, "0023799999999999997": 101, "0025499999999999997": 101, "chi2_critical_valu": 101, "width": 101, "height": 101, "path_to_pisa_fit_result": 101, "name_of_my_model_in_fit": 101, "legend": 101, "color": 101, "linestyl": 101, "style": [101, 124], "line": [101, 103, 109], "upper": 101, "bound": 101, "axi": 101, "605": 101, "critic": [101, 121], "chi2": 101, "cl": 101, "right": [101, 105], "176": 101, "inch": 101, "388": 101, "706": 101, "abov": [101, 105, 107, 126], "352": 101, "piecewiselinearlr": [102, 103], "progressbar": [102, 103], "graphnetearlystop": [102, 103], "mseloss": [102, 105], "rmseloss": [102, 105], "logcoshloss": [102, 105], "crossentropyloss": [102, 105], "binarycrossentropyloss": [102, 105], "logcmk": [102, 105], "vonmisesfisherloss": [102, 105], "vonmisesfisher2dloss": [102, 105], "euclideandistanceloss": [102, 105], "vonmisesfisher3dloss": [102, 105], "collator_sequence_bucklet": [102, 106], "make_dataload": [102, 106], "make_train_validation_dataload": [102, 106], "get_predict": [102, 106], "save_result": [102, 106], "save_select": [102, 106], "uniform": [102, 107], "bjoernlow": [102, 107], "mileston": 103, "last_epoch": 103, "_lrschedul": 103, "linearli": 103, "closest": 103, "vice": 103, "versa": 103, "wrap": [103, 113, 114], "epoch": [103, 109], "stdout": 103, "get_lr": 103, "refresh_r": 103, "process_posit": 103, "tqdmprogressbar": 103, "progress": 103, "bar": 103, "customis": 103, "init_validation_tqdm": 103, "init_predict_tqdm": 103, "init_test_tqdm": 103, "init_train_tqdm": 103, "get_metr": 103, "on_train_epoch_start": 103, "previou": 103, "behaviour": 103, "on_train_epoch_end": 103, "don": [103, 126], "duplciat": 103, "save_dir": 103, "earlystop": 103, "earli": [103, 109], "keyword": [103, 111, 116], "graphnet_model": 103, "on_validation_end": 103, "on_fit_end": 103, "runtim": [104, 126], "azimuth_kei": 104, "zenith_kei": 104, "access": [104, 126], "azimiuth": 104, "return_el": 105, "elementwis": 105, "squar": 105, "root": [105, 126], "cosh": 105, "small": 105, "cross": 105, "entropi": 105, "num_class": 105, "softmax": 105, "ed": 105, "mit": 105, "licens": 105, "copyright": 105, "2019": 105, "ryabinin": 105, "permiss": 105, "herebi": 105, "person": 105, "copi": 105, "document": 105, "deal": 105, "modifi": 105, "publish": 105, "sublicens": 105, "sell": 105, "permit": 105, "whom": 105, "furnish": 105, "so": [105, 126], "condit": 105, "shall": 105, "substanti": 105, "portion": 105, "THE": 105, "AS": 105, "warranti": 105, "OF": 105, "kind": 105, "OR": 105, "impli": 105, "BUT": 105, "TO": 105, "merchant": 105, "FOR": 105, "particular": [105, 124], "AND": 105, "noninfring": 105, "IN": 105, "NO": 105, "holder": 105, "BE": 105, "liabl": 105, "claim": 105, "damag": 105, "liabil": 105, "action": 105, "contract": 105, "tort": 105, "aris": 105, "WITH": 105, "_____________________": 105, "mryab": 105, "vmf_loss": 105, "master": 105, "py": [105, 126], "bessel": 105, "exponenti": 105, "ditto": 105, "iv": 105, "1812": 105, "04616": 105, "spite": 105, "suggest": 105, "sec": 105, "paper": 105, "correct": 105, "static": [105, 124], "ctx": 105, "grad_output": 105, "von": 105, "mise": 105, "fisher": 105, "log_cmk_exact": 105, "c_": 105, "exactli": [105, 121], "log_cmk_approx": 105, "approx": 105, "minu": 105, "sign": 105, "log_cmk": 105, "kappa_switch": 105, "diverg": 105, "700": 105, "float64": 105, "precis": 105, "unaccur": 105, "switch": 105, "batch_split": 106, "bucket": 106, "cut": 106, "mini": 106, "explicitli": [106, 111, 116], "alwai": 106, "respect": 106, "database_indic": 106, "test_siz": 106, "node_level": 106, "tag": [106, 124, 126], "archiv": 106, "file_path": 106, "csv": [106, 113], "uniformweightfitt": 107, "bin": 107, "privat": 107, "_fit_weight": 107, "sql": 107, "desir": [107, 119], "np": 107, "happen": 107, "x_low": 107, "wherea": 107, "curv": 107, "base_config": [108, 110], "dataset_config": [108, 110], "training_config": [108, 110], "argumentpars": [108, 109], "rename_state_dict_entri": [108, 118], "is_gcd_fil": [108, 119], "is_i3_fil": [108, 119], "has_extens": [108, 119], "find_i3_fil": [108, 119], "has_icecube_packag": [108, 120], "has_torch_packag": [108, 120], "has_pisa_packag": [108, 120], "requires_icecub": [108, 120], "repeatfilt": [108, 121], "eps_lik": [108, 122], "consist": [109, 121, 124], "cli": 109, "pop_default": 109, "usag": 109, "command": [109, 126], "standard_argu": 109, "training_example_data_sqlit": 109, "patienc": 109, "narg": 109, "example_energy_reconstruction_model": 109, "num": 109, "fetch": 109, "with_standard_argu": 109, "baseconfig": [110, 111, 112, 113, 114, 116], "get_all_argument_valu": [110, 111], "save_dataset_config": [110, 113], "datasetconfigsavermeta": [110, 113], "datasetconfigsaverabcmeta": [110, 113], "save_model_config": [110, 114], "modelconfigsavermeta": [110, 114], "modelconfigsaverabc": [110, 114], "traverse_and_appli": [110, 115], "list_all_submodul": [110, 115], "get_all_grapnet_class": [110, 115], "is_graphnet_modul": [110, 115], "is_graphnet_class": [110, 115], "get_graphnet_class": [110, 115], "trainingconfig": [110, 116], "basemodel": [111, 113, 114], "validationerror": [111, 116], "pydantic_cor": [111, 116], "dump": [111, 113, 114], "yaml": [111, 112], "as_dict": [111, 113, 114], "model_computed_field": [111, 113, 114, 116], "classvar": [111, 113, 114, 116], "computedfieldinfo": [111, 113, 114, 116], "configdict": [111, 113, 114, 116], "conform": [111, 113, 114, 116], "pydant": [111, 113, 114, 116], "model_field": [111, 113, 114, 116], "fieldinfo": [111, 113, 114, 116], "metadata": [111, 113, 114, 116], "replac": [111, 113, 114, 116, 118], "__fields__": [111, 113, 114, 116], "v1": [111, 113, 114, 116, 126], "re": [112, 126], "save_config": 112, "dataconfig": 113, "transpar": [113, 114, 124], "reproduc": [113, 114], "session": [113, 114], "anoth": [113, 114], "still": 113, "train_select": 113, "unambigu": [113, 114], "annot": [113, 114, 116], "nonetyp": 113, "init_fn": [113, 114], "__init__": [113, 114, 126], "metaclass": [113, 114], "abcmeta": [113, 114], "datasetconfigsav": 113, "trainabl": 114, "hyperparamet": 114, "thu": 114, "modelconfigsav": 114, "fn_kwarg": 115, "structur": 115, "moduletyp": 115, "grapnet": 115, "lookup": 115, "transit": 118, "old_phras": 118, "new_phras": 118, "deepcopi": 118, "who": 118, "renam": 118, "phrase": 118, "system": [119, 126], "filenam": 119, "dir": 119, "test_funct": 120, "repeat": 121, "nb_repeats_allow": 121, "record": 121, "logrecord": 121, "clear": 121, "intuit": 121, "composit": 121, "loggeradapt": 121, "clash": 121, "setlevel": 121, "deleg": 121, "msg": 121, "warn": 121, "info": [121, 126], "debug": 121, "warning_onc": 121, "onc": 121, "handler": 121, "file_handl": 121, "filehandl": 121, "stream_handl": 121, "streamhandl": 121, "assort": 122, "ep": 122, "api": 123, "To": [124, 126], "sure": [124, 126], "smooth": 124, "guidelin": 124, "guid": 124, "encourag": 124, "contributor": 124, "discuss": 124, "bug": 124, "anyth": 124, "describ": 124, "would": 124, "yourself": 124, "ownership": 124, "prioriti": 124, "situat": 124, "lot": 124, "effort": 124, "go": 124, "outsid": 124, "scope": 124, "better": 124, "fork": 124, "repo": 124, "dedic": 124, "branch": [124, 126], "repositori": 124, "own": [124, 126], "autom": 124, "review": 124, "least": [124, 126], "pep8": 124, "docstr": 124, "googl": 124, "hint": 124, "adher": 124, "pep": 124, "pylint": 124, "flake8": 124, "black": 124, "well": 124, "recommend": [124, 126], "mypi": 124, "pydocstyl": 124, "docformatt": 124, "commit": 124, "hook": 124, "instal": 124, "pip": [124, 126], "Then": 124, "everytim": 124, "pep257": 124, "concept": 124, "ljvmiranda921": 124, "io": 124, "notebook": 124, "2018": 124, "06": 124, "21": 124, "precommit": 124, "virtual": 126, "anaconda": 126, "prove": 126, "instruct": 126, "want": 126, "part": 126, "achiev": 126, "bash": 126, "shell": 126, "cvmf": 126, "opensciencegrid": 126, "py3": 126, "v4": 126, "sh": 126, "rhel_7_x86_64": 126, "metaproject": 126, "env": 126, "alia": 126, "script": 126, "With": 126, "now": 126, "geometr": 126, "won": 126, "later": 126, "torch_cpu": 126, "txt": 126, "torch_gpu": 126, "unix": 126, "git": 126, "clone": 126, "usernam": 126, "cd": 126, "conda": 126, "gcc_linux": 126, "gxx_linux": 126, "libgcc": 126, "cudatoolkit": 126, "11": 126, "forg": 126, "box": 126, "compil": 126, "gcc": 126, "date": 126, "possibli": 126, "cuda": 126, "toolkit": 126, "recent": 126, "omit": 126, "newer": 126, "export": 126, "ld_library_path": 126, "anaconda3": 126, "miniconda3": 126, "bashrc": 126, "librari": 126, "rm": 126, "asogaard": 126, "latest": 126, "dc423315742c": 126, "01_icetrai": 126, "01_convert_i3_fil": 126, "2023": 126, "01": 126, "24": 126, "41": 126, "27": 126, "graphnet_20230124": 126, "134127": 126, "46": 126, "convert_i3_fil": 126, "ic86": 126, "thread": 126, "00": 126, "79": 126, "26": 126, "413": 126, "88it": 126, "specialis": 126, "ones": 126, "push": 126, "vx": 126}, "objects": {"": [[1, 0, 0, "-", "graphnet"]], "graphnet": [[2, 0, 0, "-", "constants"], [3, 0, 0, "-", "data"], [54, 0, 0, "-", "deployment"], [63, 0, 0, "-", "models"], [99, 0, 0, "-", "pisa"], [102, 0, 0, "-", "training"], [108, 0, 0, "-", "utilities"]], "graphnet.data": [[4, 0, 0, "-", "constants"], [5, 0, 0, "-", "dataclasses"], [6, 0, 0, "-", "dataconverter"], [7, 0, 0, "-", "dataloader"], [8, 0, 0, "-", "datamodule"], [9, 0, 0, "-", "dataset"], [15, 0, 0, "-", "extractors"], [35, 0, 0, "-", "parquet"], [37, 0, 0, "-", "pipeline"], [38, 0, 0, "-", "pre_configured"], [40, 0, 0, "-", "readers"], [43, 0, 0, "-", "sqlite"], [45, 0, 0, "-", "utilities"], [50, 0, 0, "-", "writers"]], "graphnet.data.constants": [[4, 1, 1, "", "FEATURES"], [4, 1, 1, "", "TRUTH"]], "graphnet.data.constants.FEATURES": [[4, 2, 1, "", "DEEPCORE"], [4, 2, 1, "", "ICECUBE86"], [4, 2, 1, "", "KAGGLE"], [4, 2, 1, "", "PROMETHEUS"], [4, 2, 1, "", "UPGRADE"]], "graphnet.data.constants.TRUTH": [[4, 2, 1, "", "DEEPCORE"], [4, 2, 1, "", "ICECUBE86"], [4, 2, 1, "", "KAGGLE"], [4, 2, 1, "", "PROMETHEUS"], [4, 2, 1, "", "UPGRADE"]], "graphnet.data.dataclasses": [[5, 1, 1, "", "I3FileSet"], [5, 1, 1, "", "Settings"]], "graphnet.data.dataclasses.I3FileSet": [[5, 2, 1, "", "gcd_file"], [5, 2, 1, "", "i3_file"]], "graphnet.data.dataclasses.Settings": [[5, 2, 1, "", "gcd_file"], [5, 2, 1, "", "i3_files"], [5, 2, 1, "", "modules"], [5, 2, 1, "", "output_folder"]], "graphnet.data.dataconverter": [[6, 1, 1, "", "DataConverter"], [6, 4, 1, "", "init_global_index"]], "graphnet.data.dataconverter.DataConverter": [[6, 3, 1, "", "get_map_function"], [6, 3, 1, "", "merge_files"]], "graphnet.data.dataloader": [[7, 1, 1, "", "DataLoader"], [7, 4, 1, "", "collate_fn"], [7, 4, 1, "", "do_shuffle"]], "graphnet.data.dataloader.DataLoader": [[7, 3, 1, "", "from_dataset_config"]], "graphnet.data.datamodule": [[8, 1, 1, "", "GraphNeTDataModule"]], "graphnet.data.datamodule.GraphNeTDataModule": [[8, 3, 1, "", "prepare_data"], [8, 3, 1, "", "setup"], [8, 3, 1, "", "teardown"], [8, 5, 1, "", "test_dataloader"], [8, 5, 1, "", "train_dataloader"], [8, 5, 1, "", "val_dataloader"]], "graphnet.data.dataset": [[10, 0, 0, "-", "dataset"], [11, 0, 0, "-", "parquet"], [13, 0, 0, "-", "sqlite"]], "graphnet.data.dataset.dataset": [[10, 6, 1, "", "ColumnMissingException"], [10, 1, 1, "", "Dataset"], [10, 1, 1, "", "EnsembleDataset"], [10, 4, 1, "", "load_module"], [10, 4, 1, "", "parse_graph_definition"], [10, 4, 1, "", "parse_labels"]], "graphnet.data.dataset.dataset.Dataset": [[10, 3, 1, "", "add_label"], [10, 3, 1, "", "concatenate"], [10, 3, 1, "", "from_config"], [10, 5, 1, "", "path"], [10, 3, 1, "", "query_table"], [10, 5, 1, "", "truth_table"]], "graphnet.data.dataset.parquet": [[12, 0, 0, "-", "parquet_dataset"]], "graphnet.data.dataset.parquet.parquet_dataset": [[12, 1, 1, "", "ParquetDataset"]], "graphnet.data.dataset.parquet.parquet_dataset.ParquetDataset": [[12, 3, 1, "", "query_table"]], "graphnet.data.dataset.sqlite": [[14, 0, 0, "-", "sqlite_dataset"]], "graphnet.data.dataset.sqlite.sqlite_dataset": [[14, 1, 1, "", "SQLiteDataset"]], "graphnet.data.dataset.sqlite.sqlite_dataset.SQLiteDataset": [[14, 3, 1, "", "query_table"]], "graphnet.data.extractors": [[16, 0, 0, "-", "extractor"], [17, 0, 0, "-", "icecube"]], "graphnet.data.extractors.extractor": [[16, 1, 1, "", "Extractor"]], "graphnet.data.extractors.extractor.Extractor": [[16, 5, 1, "", "name"]], "graphnet.data.extractors.icecube": [[18, 0, 0, "-", "i3extractor"], [19, 0, 0, "-", "i3featureextractor"], [20, 0, 0, "-", "i3genericextractor"], [21, 0, 0, "-", "i3hybridrecoextractor"], [22, 0, 0, "-", "i3ntmuonlabelsextractor"], [23, 0, 0, "-", "i3particleextractor"], [24, 0, 0, "-", "i3pisaextractor"], [25, 0, 0, "-", "i3quesoextractor"], [26, 0, 0, "-", "i3retroextractor"], [27, 0, 0, "-", "i3splinempeextractor"], [28, 0, 0, "-", "i3truthextractor"], [29, 0, 0, "-", "i3tumextractor"], [30, 0, 0, "-", "utilities"]], "graphnet.data.extractors.icecube.i3extractor": [[18, 1, 1, "", "I3Extractor"]], "graphnet.data.extractors.icecube.i3extractor.I3Extractor": [[18, 3, 1, "", "set_gcd"]], "graphnet.data.extractors.icecube.i3featureextractor": [[19, 1, 1, "", "I3FeatureExtractor"], [19, 1, 1, "", "I3FeatureExtractorIceCube86"], [19, 1, 1, "", "I3FeatureExtractorIceCubeDeepCore"], [19, 1, 1, "", "I3FeatureExtractorIceCubeUpgrade"], [19, 1, 1, "", "I3PulseNoiseTruthFlagIceCubeUpgrade"]], "graphnet.data.extractors.icecube.i3genericextractor": [[20, 1, 1, "", "I3GenericExtractor"]], "graphnet.data.extractors.icecube.i3hybridrecoextractor": [[21, 1, 1, "", "I3GalacticPlaneHybridRecoExtractor"]], "graphnet.data.extractors.icecube.i3ntmuonlabelsextractor": [[22, 1, 1, "", "I3NTMuonLabelExtractor"]], "graphnet.data.extractors.icecube.i3particleextractor": [[23, 1, 1, "", "I3ParticleExtractor"]], "graphnet.data.extractors.icecube.i3pisaextractor": [[24, 1, 1, "", "I3PISAExtractor"]], "graphnet.data.extractors.icecube.i3quesoextractor": [[25, 1, 1, "", "I3QUESOExtractor"]], "graphnet.data.extractors.icecube.i3retroextractor": [[26, 1, 1, "", "I3RetroExtractor"]], "graphnet.data.extractors.icecube.i3splinempeextractor": [[27, 1, 1, "", "I3SplineMPEICExtractor"]], "graphnet.data.extractors.icecube.i3truthextractor": [[28, 1, 1, "", "I3TruthExtractor"]], "graphnet.data.extractors.icecube.i3tumextractor": [[29, 1, 1, "", "I3TUMExtractor"]], "graphnet.data.extractors.icecube.utilities": [[31, 0, 0, "-", "collections"], [32, 0, 0, "-", "frames"], [33, 0, 0, "-", "i3_filters"], [34, 0, 0, "-", "types"]], "graphnet.data.extractors.icecube.utilities.collections": [[31, 4, 1, "", "flatten_nested_dictionary"], [31, 4, 1, "", "serialise"], [31, 4, 1, "", "transpose_list_of_dicts"]], "graphnet.data.extractors.icecube.utilities.frames": [[32, 4, 1, "", "frame_is_montecarlo"], [32, 4, 1, "", "frame_is_noise"], [32, 4, 1, "", "get_om_keys_and_pulseseries"]], "graphnet.data.extractors.icecube.utilities.i3_filters": [[33, 1, 1, "", "I3Filter"], [33, 1, 1, "", "I3FilterMask"], [33, 1, 1, "", "NullSplitI3Filter"]], "graphnet.data.extractors.icecube.utilities.types": [[34, 4, 1, "", "break_cyclic_recursion"], [34, 4, 1, "", "cast_object_to_pure_python"], [34, 4, 1, "", "cast_pulse_series_to_pure_python"], [34, 4, 1, "", "get_member_variables"], [34, 4, 1, "", "is_boost_class"], [34, 4, 1, "", "is_boost_enum"], [34, 4, 1, "", "is_icecube_class"], [34, 4, 1, "", "is_method"], [34, 4, 1, "", "is_type"]], "graphnet.data.parquet": [[36, 0, 0, "-", "deprecated_methods"]], "graphnet.data.parquet.deprecated_methods": [[36, 1, 1, "", "ParquetDataConverter"]], "graphnet.data.pipeline": [[37, 1, 1, "", "InSQLitePipeline"]], "graphnet.data.pre_configured": [[39, 0, 0, "-", "dataconverters"]], "graphnet.data.pre_configured.dataconverters": [[39, 1, 1, "", "I3ToParquetConverter"], [39, 1, 1, "", "I3ToSQLiteConverter"]], "graphnet.data.readers": [[41, 0, 0, "-", "graphnet_file_reader"], [42, 0, 0, "-", "i3reader"]], "graphnet.data.readers.graphnet_file_reader": [[41, 1, 1, "", "GraphNeTFileReader"]], "graphnet.data.readers.graphnet_file_reader.GraphNeTFileReader": [[41, 5, 1, "", "accepted_extractors"], [41, 5, 1, "", "accepted_file_extensions"], [41, 5, 1, "", "extracor_names"], [41, 3, 1, "", "find_files"], [41, 3, 1, "", "set_extractors"], [41, 3, 1, "", "validate_files"]], "graphnet.data.readers.i3reader": [[42, 1, 1, "", "I3Reader"]], "graphnet.data.readers.i3reader.I3Reader": [[42, 3, 1, "", "find_files"]], "graphnet.data.sqlite": [[44, 0, 0, "-", "deprecated_methods"]], "graphnet.data.sqlite.deprecated_methods": [[44, 1, 1, "", "SQLiteDataConverter"]], "graphnet.data.utilities": [[46, 0, 0, "-", "parquet_to_sqlite"], [47, 0, 0, "-", "random"], [48, 0, 0, "-", "sqlite_utilities"], [49, 0, 0, "-", "string_selection_resolver"]], "graphnet.data.utilities.parquet_to_sqlite": [[46, 1, 1, "", "ParquetToSQLiteConverter"]], "graphnet.data.utilities.parquet_to_sqlite.ParquetToSQLiteConverter": [[46, 3, 1, "", "run"]], "graphnet.data.utilities.random": [[47, 4, 1, "", "pairwise_shuffle"]], "graphnet.data.utilities.sqlite_utilities": [[48, 4, 1, "", "attach_index"], [48, 4, 1, "", "create_table"], [48, 4, 1, "", "create_table_and_save_to_sql"], [48, 4, 1, "", "database_exists"], [48, 4, 1, "", "database_table_exists"], [48, 4, 1, "", "get_primary_keys"], [48, 4, 1, "", "query_database"], [48, 4, 1, "", "run_sql_code"], [48, 4, 1, "", "save_to_sql"]], "graphnet.data.utilities.string_selection_resolver": [[49, 1, 1, "", "StringSelectionResolver"]], "graphnet.data.utilities.string_selection_resolver.StringSelectionResolver": [[49, 3, 1, "", "resolve"]], "graphnet.data.writers": [[51, 0, 0, "-", "graphnet_writer"], [52, 0, 0, "-", "parquet_writer"], [53, 0, 0, "-", "sqlite_writer"]], "graphnet.data.writers.graphnet_writer": [[51, 1, 1, "", "GraphNeTWriter"]], "graphnet.data.writers.graphnet_writer.GraphNeTWriter": [[51, 5, 1, "", "expects_merged_dataframes"], [51, 5, 1, "", "file_extension"], [51, 3, 1, "", "merge_files"]], "graphnet.data.writers.parquet_writer": [[52, 1, 1, "", "ParquetWriter"]], "graphnet.data.writers.parquet_writer.ParquetWriter": [[52, 3, 1, "", "merge_files"]], "graphnet.data.writers.sqlite_writer": [[53, 1, 1, "", "SQLiteWriter"]], "graphnet.data.writers.sqlite_writer.SQLiteWriter": [[53, 3, 1, "", "merge_files"]], "graphnet.deployment": [[55, 0, 0, "-", "deployer"], [56, 0, 0, "-", "deployment_module"]], "graphnet.deployment.deployer": [[55, 1, 1, "", "Deployer"]], "graphnet.deployment.deployer.Deployer": [[55, 3, 1, "", "run"]], "graphnet.deployment.deployment_module": [[56, 1, 1, "", "DeploymentModule"]], "graphnet.deployment.icecube": [[60, 0, 0, "-", "cleaning_module"], [62, 0, 0, "-", "inference_module"]], "graphnet.deployment.icecube.cleaning_module": [[60, 1, 1, "", "I3PulseCleanerModule"]], "graphnet.deployment.icecube.inference_module": [[62, 1, 1, "", "I3InferenceModule"]], "graphnet.models": [[64, 0, 0, "-", "coarsening"], [65, 0, 0, "-", "components"], [69, 0, 0, "-", "detector"], [73, 0, 0, "-", "gnn"], [81, 0, 0, "-", "graphs"], [90, 0, 0, "-", "model"], [91, 0, 0, "-", "rnn"], [93, 0, 0, "-", "standard_model"], [94, 0, 0, "-", "task"], [98, 0, 0, "-", "utils"]], "graphnet.models.coarsening": [[64, 1, 1, "", "AttributeCoarsening"], [64, 1, 1, "", "Coarsening"], [64, 1, 1, "", "CustomDOMCoarsening"], [64, 1, 1, "", "DOMAndTimeWindowCoarsening"], [64, 1, 1, "", "DOMCoarsening"], [64, 4, 1, "", "unbatch_edge_index"]], "graphnet.models.coarsening.Coarsening": [[64, 3, 1, "", "forward"], [64, 2, 1, "", "reduce_options"]], "graphnet.models.components": [[66, 0, 0, "-", "embedding"], [67, 0, 0, "-", "layers"], [68, 0, 0, "-", "pool"]], "graphnet.models.components.embedding": [[66, 1, 1, "", "FourierEncoder"], [66, 1, 1, "", "SinusoidalPosEmb"], [66, 1, 1, "", "SpacetimeEncoder"]], "graphnet.models.components.embedding.FourierEncoder": [[66, 3, 1, "", "forward"]], "graphnet.models.components.embedding.SinusoidalPosEmb": [[66, 3, 1, "", "forward"]], "graphnet.models.components.embedding.SpacetimeEncoder": [[66, 3, 1, "", "forward"]], "graphnet.models.components.layers": [[67, 1, 1, "", "Attention_rel"], [67, 1, 1, "", "Block"], [67, 1, 1, "", "Block_rel"], [67, 1, 1, "", "DropPath"], [67, 1, 1, "", "DynEdgeConv"], [67, 1, 1, "", "DynTrans"], [67, 1, 1, "", "EdgeConvTito"], [67, 1, 1, "", "Mlp"]], "graphnet.models.components.layers.Attention_rel": [[67, 3, 1, "", "forward"]], "graphnet.models.components.layers.Block": [[67, 3, 1, "", "forward"]], "graphnet.models.components.layers.Block_rel": [[67, 3, 1, "", "forward"]], "graphnet.models.components.layers.DropPath": [[67, 3, 1, "", "extra_repr"], [67, 3, 1, "", "forward"]], "graphnet.models.components.layers.DynEdgeConv": [[67, 3, 1, "", "forward"]], "graphnet.models.components.layers.DynTrans": [[67, 3, 1, "", "forward"]], "graphnet.models.components.layers.EdgeConvTito": [[67, 3, 1, "", "forward"], [67, 3, 1, "", "message"], [67, 3, 1, "", "reset_parameters"]], "graphnet.models.components.layers.Mlp": [[67, 3, 1, "", "forward"]], "graphnet.models.components.pool": [[68, 4, 1, "", "group_by"], [68, 4, 1, "", "group_pulses_to_dom"], [68, 4, 1, "", "group_pulses_to_pmt"], [68, 4, 1, "", "min_pool"], [68, 4, 1, "", "min_pool_x"], [68, 4, 1, "", "std_pool"], [68, 4, 1, "", "std_pool_x"], [68, 4, 1, "", "sum_pool"], [68, 4, 1, "", "sum_pool_and_distribute"], [68, 4, 1, "", "sum_pool_x"]], "graphnet.models.detector": [[70, 0, 0, "-", "detector"], [71, 0, 0, "-", "icecube"], [72, 0, 0, "-", "prometheus"]], "graphnet.models.detector.detector": [[70, 1, 1, "", "Detector"]], "graphnet.models.detector.detector.Detector": [[70, 3, 1, "", "feature_map"], [70, 3, 1, "", "forward"], [70, 5, 1, "", "geometry_table"], [70, 5, 1, "", "sensor_index_name"], [70, 5, 1, "", "sensor_position_names"], [70, 5, 1, "", "string_index_name"]], "graphnet.models.detector.icecube": [[71, 1, 1, "", "IceCube86"], [71, 1, 1, "", "IceCubeDeepCore"], [71, 1, 1, "", "IceCubeKaggle"], [71, 1, 1, "", "IceCubeUpgrade"]], "graphnet.models.detector.icecube.IceCube86": [[71, 3, 1, "", "feature_map"], [71, 2, 1, "", "geometry_table_path"], [71, 2, 1, "", "sensor_id_column"], [71, 2, 1, "", "string_id_column"], [71, 2, 1, "", "xyz"]], "graphnet.models.detector.icecube.IceCubeDeepCore": [[71, 3, 1, "", "feature_map"]], "graphnet.models.detector.icecube.IceCubeKaggle": [[71, 3, 1, "", "feature_map"]], "graphnet.models.detector.icecube.IceCubeUpgrade": [[71, 3, 1, "", "feature_map"], [71, 2, 1, "", "geometry_table_path"], [71, 2, 1, "", "sensor_id_column"], [71, 2, 1, "", "string_id_column"], [71, 2, 1, "", "xyz"]], "graphnet.models.detector.prometheus": [[72, 1, 1, "", "ORCA150"], [72, 1, 1, "", "Prometheus"]], "graphnet.models.detector.prometheus.ORCA150": [[72, 3, 1, "", "feature_map"], [72, 2, 1, "", "geometry_table_path"], [72, 2, 1, "", "sensor_id_column"], [72, 2, 1, "", "string_id_column"], [72, 2, 1, "", "xyz"]], "graphnet.models.gnn": [[74, 0, 0, "-", "RNN_tito"], [75, 0, 0, "-", "convnet"], [76, 0, 0, "-", "dynedge"], [77, 0, 0, "-", "dynedge_jinst"], [78, 0, 0, "-", "dynedge_kaggle_tito"], [79, 0, 0, "-", "gnn"], [80, 0, 0, "-", "icemix"]], "graphnet.models.gnn.RNN_tito": [[74, 1, 1, "", "RNN_TITO"]], "graphnet.models.gnn.RNN_tito.RNN_TITO": [[74, 3, 1, "", "forward"]], "graphnet.models.gnn.convnet": [[75, 1, 1, "", "ConvNet"]], "graphnet.models.gnn.convnet.ConvNet": [[75, 3, 1, "", "forward"]], "graphnet.models.gnn.dynedge": [[76, 1, 1, "", "DynEdge"]], "graphnet.models.gnn.dynedge.DynEdge": [[76, 3, 1, "", "forward"]], "graphnet.models.gnn.dynedge_jinst": [[77, 1, 1, "", "DynEdgeJINST"]], "graphnet.models.gnn.dynedge_jinst.DynEdgeJINST": [[77, 3, 1, "", "forward"]], "graphnet.models.gnn.dynedge_kaggle_tito": [[78, 1, 1, "", "DynEdgeTITO"]], "graphnet.models.gnn.dynedge_kaggle_tito.DynEdgeTITO": [[78, 3, 1, "", "forward"]], "graphnet.models.gnn.gnn": [[79, 1, 1, "", "GNN"]], "graphnet.models.gnn.gnn.GNN": [[79, 3, 1, "", "forward"], [79, 5, 1, "", "nb_inputs"], [79, 5, 1, "", "nb_outputs"]], "graphnet.models.gnn.icemix": [[80, 1, 1, "", "DeepIce"]], "graphnet.models.gnn.icemix.DeepIce": [[80, 3, 1, "", "forward"], [80, 3, 1, "", "no_weight_decay"]], "graphnet.models.graphs": [[82, 0, 0, "-", "edges"], [85, 0, 0, "-", "graph_definition"], [86, 0, 0, "-", "graphs"], [87, 0, 0, "-", "nodes"], [89, 0, 0, "-", "utils"]], "graphnet.models.graphs.edges": [[83, 0, 0, "-", "edges"], [84, 0, 0, "-", "minkowski"]], "graphnet.models.graphs.edges.edges": [[83, 1, 1, "", "EdgeDefinition"], [83, 1, 1, "", "EuclideanEdges"], [83, 1, 1, "", "KNNEdges"], [83, 1, 1, "", "RadialEdges"]], "graphnet.models.graphs.edges.edges.EdgeDefinition": [[83, 3, 1, "", "forward"]], "graphnet.models.graphs.edges.minkowski": [[84, 1, 1, "", "MinkowskiKNNEdges"], [84, 4, 1, "", "compute_minkowski_distance_mat"]], "graphnet.models.graphs.graph_definition": [[85, 1, 1, "", "GraphDefinition"]], "graphnet.models.graphs.graph_definition.GraphDefinition": [[85, 3, 1, "", "forward"]], "graphnet.models.graphs.graphs": [[86, 1, 1, "", "KNNGraph"]], "graphnet.models.graphs.nodes": [[88, 0, 0, "-", "nodes"]], "graphnet.models.graphs.nodes.nodes": [[88, 1, 1, "", "IceMixNodes"], [88, 1, 1, "", "NodeAsDOMTimeSeries"], [88, 1, 1, "", "NodeDefinition"], [88, 1, 1, "", "NodesAsPulses"], [88, 1, 1, "", "PercentileClusters"]], "graphnet.models.graphs.nodes.nodes.NodeDefinition": [[88, 3, 1, "", "forward"], [88, 5, 1, "", "nb_outputs"], [88, 3, 1, "", "set_number_of_inputs"], [88, 3, 1, "", "set_output_feature_names"]], "graphnet.models.graphs.utils": [[89, 4, 1, "", "cluster_summarize_with_percentiles"], [89, 4, 1, "", "gather_cluster_sequence"], [89, 4, 1, "", "ice_transparency"], [89, 4, 1, "", "identify_indices"], [89, 4, 1, "", "lex_sort"]], "graphnet.models.model": [[90, 1, 1, "", "Model"]], "graphnet.models.model.Model": [[90, 3, 1, "", "extra_repr"], [90, 3, 1, "", "extra_repr_recursive"], [90, 3, 1, "", "from_config"], [90, 3, 1, "", "load"], [90, 3, 1, "", "load_state_dict"], [90, 3, 1, "", "save"], [90, 3, 1, "", "save_state_dict"], [90, 3, 1, "", "set_verbose_print_recursively"], [90, 2, 1, "", "verbose_print"]], "graphnet.models.rnn": [[92, 0, 0, "-", "node_rnn"]], "graphnet.models.rnn.node_rnn": [[92, 1, 1, "", "Node_RNN"]], "graphnet.models.rnn.node_rnn.Node_RNN": [[92, 3, 1, "", "clean_up_data_object"], [92, 3, 1, "", "forward"]], "graphnet.models.standard_model": [[93, 1, 1, "", "StandardModel"]], "graphnet.models.standard_model.StandardModel": [[93, 3, 1, "", "compute_loss"], [93, 3, 1, "", "configure_optimizers"], [93, 3, 1, "", "fit"], [93, 3, 1, "", "forward"], [93, 3, 1, "", "inference"], [93, 3, 1, "", "predict"], [93, 3, 1, "", "predict_as_dataframe"], [93, 5, 1, "", "prediction_labels"], [93, 3, 1, "", "shared_step"], [93, 5, 1, "", "target_labels"], [93, 3, 1, "", "train"], [93, 3, 1, "", "training_step"], [93, 3, 1, "", "validation_step"]], "graphnet.models.task": [[95, 0, 0, "-", "classification"], [96, 0, 0, "-", "reconstruction"], [97, 0, 0, "-", "task"]], "graphnet.models.task.classification": [[95, 1, 1, "", "BinaryClassificationTask"], [95, 1, 1, "", "BinaryClassificationTaskLogits"], [95, 1, 1, "", "MulticlassClassificationTask"]], "graphnet.models.task.classification.BinaryClassificationTask": [[95, 2, 1, "", "default_prediction_labels"], [95, 2, 1, "", "default_target_labels"], [95, 2, 1, "", "nb_inputs"]], "graphnet.models.task.classification.BinaryClassificationTaskLogits": [[95, 2, 1, "", "default_prediction_labels"], [95, 2, 1, "", "default_target_labels"], [95, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction": [[96, 1, 1, "", "AzimuthReconstruction"], [96, 1, 1, "", "AzimuthReconstructionWithKappa"], [96, 1, 1, "", "DirectionReconstructionWithKappa"], [96, 1, 1, "", "EnergyReconstruction"], [96, 1, 1, "", "EnergyReconstructionWithPower"], [96, 1, 1, "", "EnergyReconstructionWithUncertainty"], [96, 1, 1, "", "EnergyTCReconstruction"], [96, 1, 1, "", "InelasticityReconstruction"], [96, 1, 1, "", "PositionReconstruction"], [96, 1, 1, "", "TimeReconstruction"], [96, 1, 1, "", "VertexReconstruction"], [96, 1, 1, "", "ZenithReconstruction"], [96, 1, 1, "", "ZenithReconstructionWithKappa"]], "graphnet.models.task.reconstruction.AzimuthReconstruction": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.AzimuthReconstructionWithKappa": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.DirectionReconstructionWithKappa": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.EnergyReconstruction": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.EnergyReconstructionWithPower": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.EnergyReconstructionWithUncertainty": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.EnergyTCReconstruction": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.InelasticityReconstruction": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.PositionReconstruction": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.TimeReconstruction": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.VertexReconstruction": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.ZenithReconstruction": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.reconstruction.ZenithReconstructionWithKappa": [[96, 2, 1, "", "default_prediction_labels"], [96, 2, 1, "", "default_target_labels"], [96, 2, 1, "", "nb_inputs"]], "graphnet.models.task.task": [[97, 1, 1, "", "IdentityTask"], [97, 1, 1, "", "LearnedTask"], [97, 1, 1, "", "StandardFlowTask"], [97, 1, 1, "", "StandardLearnedTask"], [97, 1, 1, "", "Task"]], "graphnet.models.task.task.IdentityTask": [[97, 5, 1, "", "default_prediction_labels"], [97, 5, 1, "", "default_target_labels"], [97, 5, 1, "", "nb_inputs"]], "graphnet.models.task.task.LearnedTask": [[97, 3, 1, "", "compute_loss"], [97, 3, 1, "", "forward"], [97, 5, 1, "", "nb_inputs"]], "graphnet.models.task.task.StandardFlowTask": [[97, 3, 1, "", "compute_loss"], [97, 3, 1, "", "forward"], [97, 3, 1, "", "nb_inputs"]], "graphnet.models.task.task.StandardLearnedTask": [[97, 3, 1, "", "compute_loss"], [97, 5, 1, "", "nb_inputs"]], "graphnet.models.task.task.Task": [[97, 5, 1, "", "default_prediction_labels"], [97, 5, 1, "", "default_target_labels"], [97, 3, 1, "", "inference"], [97, 5, 1, "", "nb_inputs"], [97, 3, 1, "", "train_eval"]], "graphnet.models.utils": [[98, 4, 1, "", "array_to_sequence"], [98, 4, 1, "", "calculate_distance_matrix"], [98, 4, 1, "", "calculate_xyzt_homophily"], [98, 4, 1, "", "knn_graph_batch"]], "graphnet.pisa": [[100, 0, 0, "-", "fitting"], [101, 0, 0, "-", "plotting"]], "graphnet.pisa.fitting": [[100, 1, 1, "", "ContourFitter"], [100, 1, 1, "", "WeightFitter"], [100, 4, 1, "", "config_updater"]], "graphnet.pisa.fitting.ContourFitter": [[100, 3, 1, "", "fit_1d_contour"], [100, 3, 1, "", "fit_2d_contour"]], "graphnet.pisa.fitting.WeightFitter": [[100, 3, 1, "", "fit_weights"]], "graphnet.pisa.plotting": [[101, 4, 1, "", "plot_1D_contour"], [101, 4, 1, "", "plot_2D_contour"], [101, 4, 1, "", "read_entry"]], "graphnet.training": [[103, 0, 0, "-", "callbacks"], [104, 0, 0, "-", "labels"], [105, 0, 0, "-", "loss_functions"], [106, 0, 0, "-", "utils"], [107, 0, 0, "-", "weight_fitting"]], "graphnet.training.callbacks": [[103, 1, 1, "", "GraphnetEarlyStopping"], [103, 1, 1, "", "PiecewiseLinearLR"], [103, 1, 1, "", "ProgressBar"]], "graphnet.training.callbacks.GraphnetEarlyStopping": [[103, 3, 1, "", "on_fit_end"], [103, 3, 1, "", "on_train_epoch_end"], [103, 3, 1, "", "on_validation_end"], [103, 3, 1, "", "setup"]], "graphnet.training.callbacks.PiecewiseLinearLR": [[103, 3, 1, "", "get_lr"]], "graphnet.training.callbacks.ProgressBar": [[103, 3, 1, "", "get_metrics"], [103, 3, 1, "", "init_predict_tqdm"], [103, 3, 1, "", "init_test_tqdm"], [103, 3, 1, "", "init_train_tqdm"], [103, 3, 1, "", "init_validation_tqdm"], [103, 3, 1, "", "on_train_epoch_end"], [103, 3, 1, "", "on_train_epoch_start"]], "graphnet.training.labels": [[104, 1, 1, "", "Direction"], [104, 1, 1, "", "Label"]], "graphnet.training.labels.Label": [[104, 5, 1, "", "key"]], "graphnet.training.loss_functions": [[105, 1, 1, "", "BinaryCrossEntropyLoss"], [105, 1, 1, "", "CrossEntropyLoss"], [105, 1, 1, "", "EuclideanDistanceLoss"], [105, 1, 1, "", "LogCMK"], [105, 1, 1, "", "LogCoshLoss"], [105, 1, 1, "", "LossFunction"], [105, 1, 1, "", "MSELoss"], [105, 1, 1, "", "RMSELoss"], [105, 1, 1, "", "VonMisesFisher2DLoss"], [105, 1, 1, "", "VonMisesFisher3DLoss"], [105, 1, 1, "", "VonMisesFisherLoss"]], "graphnet.training.loss_functions.LogCMK": [[105, 3, 1, "", "backward"], [105, 3, 1, "", "forward"]], "graphnet.training.loss_functions.LossFunction": [[105, 3, 1, "", "forward"]], "graphnet.training.loss_functions.VonMisesFisherLoss": [[105, 3, 1, "", "log_cmk"], [105, 3, 1, "", "log_cmk_approx"], [105, 3, 1, "", "log_cmk_exact"]], "graphnet.training.utils": [[106, 4, 1, "", "collate_fn"], [106, 1, 1, "", "collator_sequence_buckleting"], [106, 4, 1, "", "get_predictions"], [106, 4, 1, "", "make_dataloader"], [106, 4, 1, "", "make_train_validation_dataloader"], [106, 4, 1, "", "save_results"], [106, 4, 1, "", "save_selection"]], "graphnet.training.weight_fitting": [[107, 1, 1, "", "BjoernLow"], [107, 1, 1, "", "Uniform"], [107, 1, 1, "", "WeightFitter"]], "graphnet.training.weight_fitting.WeightFitter": [[107, 3, 1, "", "fit"]], "graphnet.utilities": [[109, 0, 0, "-", "argparse"], [110, 0, 0, "-", "config"], [117, 0, 0, "-", "decorators"], [118, 0, 0, "-", "deprecation_tools"], [119, 0, 0, "-", "filesys"], [120, 0, 0, "-", "imports"], [121, 0, 0, "-", "logging"], [122, 0, 0, "-", "maths"]], "graphnet.utilities.argparse": [[109, 1, 1, "", "ArgumentParser"], [109, 1, 1, "", "Options"]], "graphnet.utilities.argparse.ArgumentParser": [[109, 2, 1, "", "standard_arguments"], [109, 3, 1, "", "with_standard_arguments"]], "graphnet.utilities.argparse.Options": [[109, 3, 1, "", "contains"], [109, 3, 1, "", "pop_default"]], "graphnet.utilities.config": [[111, 0, 0, "-", "base_config"], [112, 0, 0, "-", "configurable"], [113, 0, 0, "-", "dataset_config"], [114, 0, 0, "-", "model_config"], [115, 0, 0, "-", "parsing"], [116, 0, 0, "-", "training_config"]], "graphnet.utilities.config.base_config": [[111, 1, 1, "", "BaseConfig"], [111, 4, 1, "", "get_all_argument_values"]], "graphnet.utilities.config.base_config.BaseConfig": [[111, 3, 1, "", "as_dict"], [111, 3, 1, "", "dump"], [111, 3, 1, "", "load"], [111, 2, 1, "", "model_computed_fields"], [111, 2, 1, "", "model_config"], [111, 2, 1, "", "model_fields"]], "graphnet.utilities.config.configurable": [[112, 1, 1, "", "Configurable"]], "graphnet.utilities.config.configurable.Configurable": [[112, 5, 1, "", "config"], [112, 3, 1, "", "from_config"], [112, 3, 1, "", "save_config"]], "graphnet.utilities.config.dataset_config": [[113, 1, 1, "", "DatasetConfig"], [113, 1, 1, "", "DatasetConfigSaverABCMeta"], [113, 1, 1, "", "DatasetConfigSaverMeta"], [113, 4, 1, "", "save_dataset_config"]], "graphnet.utilities.config.dataset_config.DatasetConfig": [[113, 3, 1, "", "as_dict"], [113, 2, 1, "", "features"], [113, 2, 1, "", "graph_definition"], [113, 2, 1, "", "index_column"], [113, 2, 1, "", "labels"], [113, 2, 1, "", "loss_weight_column"], [113, 2, 1, "", "loss_weight_default_value"], [113, 2, 1, "", "loss_weight_table"], [113, 2, 1, "", "model_computed_fields"], [113, 2, 1, "", "model_config"], [113, 2, 1, "", "model_fields"], [113, 2, 1, "", "node_truth"], [113, 2, 1, "", "node_truth_table"], [113, 2, 1, "", "path"], [113, 2, 1, "", "pulsemaps"], [113, 2, 1, "", "seed"], [113, 2, 1, "", "selection"], [113, 2, 1, "", "string_selection"], [113, 2, 1, "", "truth"], [113, 2, 1, "", "truth_table"]], "graphnet.utilities.config.model_config": [[114, 1, 1, "", "ModelConfig"], [114, 1, 1, "", "ModelConfigSaverABC"], [114, 1, 1, "", "ModelConfigSaverMeta"], [114, 4, 1, "", "save_model_config"]], "graphnet.utilities.config.model_config.ModelConfig": [[114, 2, 1, "", "arguments"], [114, 3, 1, "", "as_dict"], [114, 2, 1, "", "class_name"], [114, 2, 1, "", "model_computed_fields"], [114, 2, 1, "", "model_config"], [114, 2, 1, "", "model_fields"]], "graphnet.utilities.config.parsing": [[115, 4, 1, "", "get_all_grapnet_classes"], [115, 4, 1, "", "get_graphnet_classes"], [115, 4, 1, "", "is_graphnet_class"], [115, 4, 1, "", "is_graphnet_module"], [115, 4, 1, "", "list_all_submodules"], [115, 4, 1, "", "traverse_and_apply"]], "graphnet.utilities.config.training_config": [[116, 1, 1, "", "TrainingConfig"]], "graphnet.utilities.config.training_config.TrainingConfig": [[116, 2, 1, "", "dataloader"], [116, 2, 1, "", "early_stopping_patience"], [116, 2, 1, "", "fit"], [116, 2, 1, "", "model_computed_fields"], [116, 2, 1, "", "model_config"], [116, 2, 1, "", "model_fields"], [116, 2, 1, "", "target"]], "graphnet.utilities.deprecation_tools": [[118, 4, 1, "", "rename_state_dict_entries"]], "graphnet.utilities.filesys": [[119, 4, 1, "", "find_i3_files"], [119, 4, 1, "", "has_extension"], [119, 4, 1, "", "is_gcd_file"], [119, 4, 1, "", "is_i3_file"]], "graphnet.utilities.imports": [[120, 4, 1, "", "has_icecube_package"], [120, 4, 1, "", "has_pisa_package"], [120, 4, 1, "", "has_torch_package"], [120, 4, 1, "", "requires_icecube"]], "graphnet.utilities.logging": [[121, 1, 1, "", "Logger"], [121, 1, 1, "", "RepeatFilter"]], "graphnet.utilities.logging.Logger": [[121, 3, 1, "", "critical"], [121, 3, 1, "", "debug"], [121, 3, 1, "", "error"], [121, 5, 1, "", "file_handlers"], [121, 5, 1, "", "handlers"], [121, 3, 1, "", "info"], [121, 3, 1, "", "setLevel"], [121, 5, 1, "", "stream_handlers"], [121, 3, 1, "", "warning"], [121, 3, 1, "", "warning_once"]], "graphnet.utilities.logging.RepeatFilter": [[121, 3, 1, "", "filter"], [121, 2, 1, "", "nb_repeats_allowed"]], "graphnet.utilities.maths": [[122, 4, 1, "", "eps_like"]]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:attribute", "3": "py:method", "4": "py:function", "5": "py:property", "6": "py:exception"}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "attribute", "Python attribute"], "3": ["py", "method", "Python method"], "4": ["py", "function", "Python function"], "5": ["py", "property", "Python property"], "6": ["py", "exception", "Python exception"]}, "titleterms": {"about": [0, 125], "impact": [0, 125], "usag": [0, 125], "acknowledg": [0, 125], "api": 1, "constant": [2, 4], "data": 3, "dataclass": 5, "dataconvert": [6, 39], "dataload": 7, "datamodul": 8, "dataset": [9, 10], "parquet": [11, 35], "parquet_dataset": 12, "sqlite": [13, 43], "sqlite_dataset": 14, "extractor": [15, 16], "icecub": [17, 59, 71], "i3extractor": 18, "i3featureextractor": 19, "i3genericextractor": 20, "i3hybridrecoextractor": 21, "i3ntmuonlabelsextractor": 22, "i3particleextractor": 23, "i3pisaextractor": 24, "i3quesoextractor": 25, "i3retroextractor": 26, "i3splinempeextractor": 27, "i3truthextractor": 28, "i3tumextractor": 29, "util": [30, 45, 89, 98, 106, 108], "collect": 31, "frame": 32, "i3_filt": 33, "type": 34, "deprecated_method": [36, 44, 58], "pipelin": 37, "pre_configur": 38, "reader": 40, "graphnet_file_read": 41, "i3read": 42, "parquet_to_sqlit": 46, "random": 47, "sqlite_util": 48, "string_selection_resolv": 49, "writer": 50, "graphnet_writ": 51, "parquet_writ": 52, "sqlite_writ": 53, "deploy": [54, 55], "deployment_modul": 56, "i3modul": 57, "cleaning_modul": 60, "i3deploy": 61, "inference_modul": 62, "model": [63, 90], "coarsen": 64, "compon": 65, "embed": 66, "layer": 67, "pool": 68, "detector": [69, 70], "prometheu": 72, "gnn": [73, 79], "rnn_tito": 74, "convnet": 75, "dynedg": 76, "dynedge_jinst": 77, "dynedge_kaggle_tito": 78, "icemix": 80, "graph": [81, 86], "edg": [82, 83], "minkowski": 84, "graph_definit": 85, "node": [87, 88], "rnn": 91, "node_rnn": 92, "standard_model": 93, "task": [94, 97], "classif": 95, "reconstruct": 96, "pisa": 99, "fit": 100, "plot": 101, "train": 102, "callback": 103, "label": 104, "loss_funct": 105, "weight_fit": 107, "argpars": 109, "config": 110, "base_config": 111, "configur": 112, "dataset_config": 113, "model_config": 114, "pars": 115, "training_config": 116, "decor": 117, "deprecation_tool": 118, "filesi": 119, "import": 120, "log": 121, "math": 122, "src": 123, "contribut": 124, "github": 124, "issu": 124, "pull": 124, "request": 124, "convent": 124, "code": 124, "qualiti": 124, "instal": 126, "icetrai": 126, "stand": 126, "alon": 126, "run": 126, "docker": 126}, "envversion": {"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, "sphinx": 60}, "alltitles": {"About": [[0, "about"], [125, "about"]], "Impact": [[0, "impact"], [125, "impact"]], "Usage": [[0, "usage"], [125, "usage"]], "Acknowledgements": [[0, "acknowledgements"], [125, "acknowledgements"]], "API": [[1, "module-graphnet"]], "constants": [[2, "module-graphnet.constants"], [4, "module-graphnet.data.constants"]], "data": [[3, "module-graphnet.data"]], "dataclasses": [[5, "module-graphnet.data.dataclasses"]], "dataconverter": [[6, "module-graphnet.data.dataconverter"]], "dataloader": [[7, "module-graphnet.data.dataloader"]], "datamodule": [[8, "module-graphnet.data.datamodule"]], "dataset": [[9, "module-graphnet.data.dataset"], [10, "module-graphnet.data.dataset.dataset"]], "parquet": [[11, "module-graphnet.data.dataset.parquet"], [35, "module-graphnet.data.parquet"]], "parquet_dataset": [[12, "module-graphnet.data.dataset.parquet.parquet_dataset"]], "sqlite": [[13, "module-graphnet.data.dataset.sqlite"], [43, "module-graphnet.data.sqlite"]], "sqlite_dataset": [[14, "module-graphnet.data.dataset.sqlite.sqlite_dataset"]], "extractors": [[15, "module-graphnet.data.extractors"]], "extractor": [[16, "module-graphnet.data.extractors.extractor"]], "icecube": [[17, "module-graphnet.data.extractors.icecube"], [59, "icecube"], [71, "module-graphnet.models.detector.icecube"]], "i3extractor": [[18, "module-graphnet.data.extractors.icecube.i3extractor"]], "i3featureextractor": [[19, "module-graphnet.data.extractors.icecube.i3featureextractor"]], "i3genericextractor": [[20, "module-graphnet.data.extractors.icecube.i3genericextractor"]], "i3hybridrecoextractor": [[21, "module-graphnet.data.extractors.icecube.i3hybridrecoextractor"]], "i3ntmuonlabelsextractor": [[22, "module-graphnet.data.extractors.icecube.i3ntmuonlabelsextractor"]], "i3particleextractor": [[23, "module-graphnet.data.extractors.icecube.i3particleextractor"]], "i3pisaextractor": [[24, "module-graphnet.data.extractors.icecube.i3pisaextractor"]], "i3quesoextractor": [[25, "module-graphnet.data.extractors.icecube.i3quesoextractor"]], "i3retroextractor": [[26, "module-graphnet.data.extractors.icecube.i3retroextractor"]], "i3splinempeextractor": [[27, "module-graphnet.data.extractors.icecube.i3splinempeextractor"]], "i3truthextractor": [[28, "module-graphnet.data.extractors.icecube.i3truthextractor"]], "i3tumextractor": [[29, "module-graphnet.data.extractors.icecube.i3tumextractor"]], "utilities": [[30, "module-graphnet.data.extractors.icecube.utilities"], [45, "module-graphnet.data.utilities"], [108, "module-graphnet.utilities"]], "collections": [[31, "module-graphnet.data.extractors.icecube.utilities.collections"]], "frames": [[32, "module-graphnet.data.extractors.icecube.utilities.frames"]], "i3_filters": [[33, "module-graphnet.data.extractors.icecube.utilities.i3_filters"]], "types": [[34, "module-graphnet.data.extractors.icecube.utilities.types"]], "deprecated_methods": [[36, "module-graphnet.data.parquet.deprecated_methods"], [44, "module-graphnet.data.sqlite.deprecated_methods"], [58, "deprecated-methods"]], "pipeline": [[37, "module-graphnet.data.pipeline"]], "pre_configured": [[38, "module-graphnet.data.pre_configured"]], "dataconverters": [[39, "module-graphnet.data.pre_configured.dataconverters"]], "readers": [[40, "module-graphnet.data.readers"]], "graphnet_file_reader": [[41, "module-graphnet.data.readers.graphnet_file_reader"]], "i3reader": [[42, "module-graphnet.data.readers.i3reader"]], "parquet_to_sqlite": [[46, "module-graphnet.data.utilities.parquet_to_sqlite"]], "random": [[47, "module-graphnet.data.utilities.random"]], "sqlite_utilities": [[48, "module-graphnet.data.utilities.sqlite_utilities"]], "string_selection_resolver": [[49, "module-graphnet.data.utilities.string_selection_resolver"]], "writers": [[50, "module-graphnet.data.writers"]], "graphnet_writer": [[51, "module-graphnet.data.writers.graphnet_writer"]], "parquet_writer": [[52, "module-graphnet.data.writers.parquet_writer"]], "sqlite_writer": [[53, "module-graphnet.data.writers.sqlite_writer"]], "deployment": [[54, "module-graphnet.deployment"]], "deployer": [[55, "module-graphnet.deployment.deployer"]], "deployment_module": [[56, "module-graphnet.deployment.deployment_module"]], "i3modules": [[57, "i3modules"]], "cleaning_module": [[60, "module-graphnet.deployment.icecube.cleaning_module"]], "i3deployer": [[61, "i3deployer"]], "inference_module": [[62, "module-graphnet.deployment.icecube.inference_module"]], "models": [[63, "module-graphnet.models"]], "coarsening": [[64, "module-graphnet.models.coarsening"]], "components": [[65, "module-graphnet.models.components"]], "embedding": [[66, "module-graphnet.models.components.embedding"]], "layers": [[67, "module-graphnet.models.components.layers"]], "pool": [[68, "module-graphnet.models.components.pool"]], "detector": [[69, "module-graphnet.models.detector"], [70, "module-graphnet.models.detector.detector"]], "prometheus": [[72, "module-graphnet.models.detector.prometheus"]], "gnn": [[73, "module-graphnet.models.gnn"], [79, "module-graphnet.models.gnn.gnn"]], "RNN_tito": [[74, "module-graphnet.models.gnn.RNN_tito"]], "convnet": [[75, "module-graphnet.models.gnn.convnet"]], "dynedge": [[76, "module-graphnet.models.gnn.dynedge"]], "dynedge_jinst": [[77, "module-graphnet.models.gnn.dynedge_jinst"]], "dynedge_kaggle_tito": [[78, "module-graphnet.models.gnn.dynedge_kaggle_tito"]], "icemix": [[80, "module-graphnet.models.gnn.icemix"]], "graphs": [[81, "module-graphnet.models.graphs"], [86, "module-graphnet.models.graphs.graphs"]], "edges": [[82, "module-graphnet.models.graphs.edges"], [83, "module-graphnet.models.graphs.edges.edges"]], "minkowski": [[84, "module-graphnet.models.graphs.edges.minkowski"]], "graph_definition": [[85, "module-graphnet.models.graphs.graph_definition"]], "nodes": [[87, "module-graphnet.models.graphs.nodes"], [88, "module-graphnet.models.graphs.nodes.nodes"]], "utils": [[89, "module-graphnet.models.graphs.utils"], [98, "module-graphnet.models.utils"], [106, "module-graphnet.training.utils"]], "model": [[90, "module-graphnet.models.model"]], "rnn": [[91, "module-graphnet.models.rnn"]], "node_rnn": [[92, "module-graphnet.models.rnn.node_rnn"]], "standard_model": [[93, "module-graphnet.models.standard_model"]], "task": [[94, "module-graphnet.models.task"], [97, "module-graphnet.models.task.task"]], "classification": [[95, "module-graphnet.models.task.classification"]], "reconstruction": [[96, "module-graphnet.models.task.reconstruction"]], "pisa": [[99, "module-graphnet.pisa"]], "fitting": [[100, "module-graphnet.pisa.fitting"]], "plotting": [[101, "module-graphnet.pisa.plotting"]], "training": [[102, "module-graphnet.training"]], "callbacks": [[103, "module-graphnet.training.callbacks"]], "labels": [[104, "module-graphnet.training.labels"]], "loss_functions": [[105, "module-graphnet.training.loss_functions"]], "weight_fitting": [[107, "module-graphnet.training.weight_fitting"]], "argparse": [[109, "module-graphnet.utilities.argparse"]], "config": [[110, "module-graphnet.utilities.config"]], "base_config": [[111, "module-graphnet.utilities.config.base_config"]], "configurable": [[112, "module-graphnet.utilities.config.configurable"]], "dataset_config": [[113, "module-graphnet.utilities.config.dataset_config"]], "model_config": [[114, "module-graphnet.utilities.config.model_config"]], "parsing": [[115, "module-graphnet.utilities.config.parsing"]], "training_config": [[116, "module-graphnet.utilities.config.training_config"]], "decorators": [[117, "module-graphnet.utilities.decorators"]], "deprecation_tools": [[118, "module-graphnet.utilities.deprecation_tools"]], "filesys": [[119, "module-graphnet.utilities.filesys"]], "imports": [[120, "module-graphnet.utilities.imports"]], "logging": [[121, "module-graphnet.utilities.logging"]], "maths": [[122, "module-graphnet.utilities.maths"]], "src": [[123, "src"]], "Contribute": [[124, "contribute"]], "GitHub issues": [[124, "github-issues"]], "Pull requests": [[124, "pull-requests"]], "Conventions": [[124, "conventions"]], "Code quality": [[124, "code-quality"]], "Install": [[126, "install"]], "Installing with IceTray": [[126, "installing-with-icetray"]], "Installing stand-alone": [[126, "installing-stand-alone"]], "Running in Docker": [[126, "running-in-docker"]]}, "indexentries": {"graphnet": [[1, "module-graphnet"]], "module": [[1, "module-graphnet"], [2, "module-graphnet.constants"], [3, "module-graphnet.data"], [4, "module-graphnet.data.constants"], [5, "module-graphnet.data.dataclasses"], [6, "module-graphnet.data.dataconverter"], [7, "module-graphnet.data.dataloader"], [8, "module-graphnet.data.datamodule"], [9, "module-graphnet.data.dataset"], [10, "module-graphnet.data.dataset.dataset"], [11, "module-graphnet.data.dataset.parquet"], [12, "module-graphnet.data.dataset.parquet.parquet_dataset"], [13, "module-graphnet.data.dataset.sqlite"], [14, "module-graphnet.data.dataset.sqlite.sqlite_dataset"], [15, "module-graphnet.data.extractors"], [16, "module-graphnet.data.extractors.extractor"], [17, "module-graphnet.data.extractors.icecube"], [18, "module-graphnet.data.extractors.icecube.i3extractor"], [19, "module-graphnet.data.extractors.icecube.i3featureextractor"], [20, "module-graphnet.data.extractors.icecube.i3genericextractor"], [21, "module-graphnet.data.extractors.icecube.i3hybridrecoextractor"], [22, "module-graphnet.data.extractors.icecube.i3ntmuonlabelsextractor"], [23, "module-graphnet.data.extractors.icecube.i3particleextractor"], [24, "module-graphnet.data.extractors.icecube.i3pisaextractor"], [25, "module-graphnet.data.extractors.icecube.i3quesoextractor"], [26, "module-graphnet.data.extractors.icecube.i3retroextractor"], [27, "module-graphnet.data.extractors.icecube.i3splinempeextractor"], [28, "module-graphnet.data.extractors.icecube.i3truthextractor"], [29, "module-graphnet.data.extractors.icecube.i3tumextractor"], [30, "module-graphnet.data.extractors.icecube.utilities"], [31, "module-graphnet.data.extractors.icecube.utilities.collections"], [32, "module-graphnet.data.extractors.icecube.utilities.frames"], [33, "module-graphnet.data.extractors.icecube.utilities.i3_filters"], [34, "module-graphnet.data.extractors.icecube.utilities.types"], [35, "module-graphnet.data.parquet"], [36, "module-graphnet.data.parquet.deprecated_methods"], [37, "module-graphnet.data.pipeline"], [38, "module-graphnet.data.pre_configured"], [39, "module-graphnet.data.pre_configured.dataconverters"], [40, "module-graphnet.data.readers"], [41, "module-graphnet.data.readers.graphnet_file_reader"], [42, "module-graphnet.data.readers.i3reader"], [43, "module-graphnet.data.sqlite"], [44, "module-graphnet.data.sqlite.deprecated_methods"], [45, "module-graphnet.data.utilities"], [46, "module-graphnet.data.utilities.parquet_to_sqlite"], [47, "module-graphnet.data.utilities.random"], [48, "module-graphnet.data.utilities.sqlite_utilities"], [49, "module-graphnet.data.utilities.string_selection_resolver"], [50, "module-graphnet.data.writers"], [51, "module-graphnet.data.writers.graphnet_writer"], [52, "module-graphnet.data.writers.parquet_writer"], [53, "module-graphnet.data.writers.sqlite_writer"], [54, "module-graphnet.deployment"], [55, "module-graphnet.deployment.deployer"], [56, "module-graphnet.deployment.deployment_module"], [60, "module-graphnet.deployment.icecube.cleaning_module"], [62, "module-graphnet.deployment.icecube.inference_module"], [63, "module-graphnet.models"], [64, "module-graphnet.models.coarsening"], [65, "module-graphnet.models.components"], [66, "module-graphnet.models.components.embedding"], [67, "module-graphnet.models.components.layers"], [68, "module-graphnet.models.components.pool"], [69, "module-graphnet.models.detector"], [70, "module-graphnet.models.detector.detector"], [71, "module-graphnet.models.detector.icecube"], [72, "module-graphnet.models.detector.prometheus"], [73, "module-graphnet.models.gnn"], [74, "module-graphnet.models.gnn.RNN_tito"], [75, "module-graphnet.models.gnn.convnet"], [76, "module-graphnet.models.gnn.dynedge"], [77, "module-graphnet.models.gnn.dynedge_jinst"], [78, "module-graphnet.models.gnn.dynedge_kaggle_tito"], [79, "module-graphnet.models.gnn.gnn"], [80, "module-graphnet.models.gnn.icemix"], [81, "module-graphnet.models.graphs"], [82, "module-graphnet.models.graphs.edges"], [83, "module-graphnet.models.graphs.edges.edges"], [84, "module-graphnet.models.graphs.edges.minkowski"], [85, "module-graphnet.models.graphs.graph_definition"], [86, "module-graphnet.models.graphs.graphs"], [87, "module-graphnet.models.graphs.nodes"], [88, "module-graphnet.models.graphs.nodes.nodes"], [89, "module-graphnet.models.graphs.utils"], [90, "module-graphnet.models.model"], [91, "module-graphnet.models.rnn"], [92, "module-graphnet.models.rnn.node_rnn"], [93, "module-graphnet.models.standard_model"], [94, "module-graphnet.models.task"], [95, "module-graphnet.models.task.classification"], [96, "module-graphnet.models.task.reconstruction"], [97, "module-graphnet.models.task.task"], [98, "module-graphnet.models.utils"], [99, "module-graphnet.pisa"], [100, "module-graphnet.pisa.fitting"], [101, "module-graphnet.pisa.plotting"], [102, "module-graphnet.training"], [103, "module-graphnet.training.callbacks"], [104, "module-graphnet.training.labels"], [105, "module-graphnet.training.loss_functions"], [106, "module-graphnet.training.utils"], [107, "module-graphnet.training.weight_fitting"], [108, "module-graphnet.utilities"], [109, "module-graphnet.utilities.argparse"], [110, "module-graphnet.utilities.config"], [111, "module-graphnet.utilities.config.base_config"], [112, "module-graphnet.utilities.config.configurable"], [113, "module-graphnet.utilities.config.dataset_config"], [114, "module-graphnet.utilities.config.model_config"], [115, "module-graphnet.utilities.config.parsing"], [116, "module-graphnet.utilities.config.training_config"], [117, "module-graphnet.utilities.decorators"], [118, "module-graphnet.utilities.deprecation_tools"], [119, "module-graphnet.utilities.filesys"], [120, "module-graphnet.utilities.imports"], [121, "module-graphnet.utilities.logging"], [122, "module-graphnet.utilities.maths"]], "graphnet.constants": [[2, "module-graphnet.constants"]], "graphnet.data": [[3, "module-graphnet.data"]], "deepcore (graphnet.data.constants.features attribute)": [[4, "graphnet.data.constants.FEATURES.DEEPCORE"]], "deepcore (graphnet.data.constants.truth attribute)": [[4, "graphnet.data.constants.TRUTH.DEEPCORE"]], "features (class in graphnet.data.constants)": [[4, "graphnet.data.constants.FEATURES"]], "icecube86 (graphnet.data.constants.features attribute)": [[4, "graphnet.data.constants.FEATURES.ICECUBE86"]], "icecube86 (graphnet.data.constants.truth attribute)": [[4, "graphnet.data.constants.TRUTH.ICECUBE86"]], "kaggle (graphnet.data.constants.features attribute)": [[4, "graphnet.data.constants.FEATURES.KAGGLE"]], "kaggle (graphnet.data.constants.truth attribute)": [[4, "graphnet.data.constants.TRUTH.KAGGLE"]], "prometheus (graphnet.data.constants.features attribute)": [[4, "graphnet.data.constants.FEATURES.PROMETHEUS"]], "prometheus (graphnet.data.constants.truth attribute)": [[4, "graphnet.data.constants.TRUTH.PROMETHEUS"]], "truth (class in graphnet.data.constants)": [[4, "graphnet.data.constants.TRUTH"]], "upgrade (graphnet.data.constants.features attribute)": [[4, "graphnet.data.constants.FEATURES.UPGRADE"]], "upgrade (graphnet.data.constants.truth attribute)": [[4, "graphnet.data.constants.TRUTH.UPGRADE"]], "graphnet.data.constants": [[4, "module-graphnet.data.constants"]], "i3fileset (class in graphnet.data.dataclasses)": [[5, "graphnet.data.dataclasses.I3FileSet"]], "settings (class in graphnet.data.dataclasses)": [[5, "graphnet.data.dataclasses.Settings"]], "gcd_file (graphnet.data.dataclasses.i3fileset attribute)": [[5, "graphnet.data.dataclasses.I3FileSet.gcd_file"]], "gcd_file (graphnet.data.dataclasses.settings attribute)": [[5, "graphnet.data.dataclasses.Settings.gcd_file"]], "graphnet.data.dataclasses": [[5, "module-graphnet.data.dataclasses"]], "i3_file (graphnet.data.dataclasses.i3fileset attribute)": [[5, "graphnet.data.dataclasses.I3FileSet.i3_file"]], "i3_files (graphnet.data.dataclasses.settings attribute)": [[5, "graphnet.data.dataclasses.Settings.i3_files"]], "modules (graphnet.data.dataclasses.settings attribute)": [[5, "graphnet.data.dataclasses.Settings.modules"]], "output_folder (graphnet.data.dataclasses.settings attribute)": [[5, "graphnet.data.dataclasses.Settings.output_folder"]], "dataconverter (class in graphnet.data.dataconverter)": [[6, "graphnet.data.dataconverter.DataConverter"]], "get_map_function() (graphnet.data.dataconverter.dataconverter method)": [[6, "graphnet.data.dataconverter.DataConverter.get_map_function"]], "graphnet.data.dataconverter": [[6, "module-graphnet.data.dataconverter"]], "init_global_index() (in module graphnet.data.dataconverter)": [[6, "graphnet.data.dataconverter.init_global_index"]], "merge_files() (graphnet.data.dataconverter.dataconverter method)": [[6, "graphnet.data.dataconverter.DataConverter.merge_files"]], "dataloader (class in graphnet.data.dataloader)": [[7, "graphnet.data.dataloader.DataLoader"]], "collate_fn() (in module graphnet.data.dataloader)": [[7, "graphnet.data.dataloader.collate_fn"]], "do_shuffle() (in module graphnet.data.dataloader)": [[7, "graphnet.data.dataloader.do_shuffle"]], "from_dataset_config() (graphnet.data.dataloader.dataloader class method)": [[7, "graphnet.data.dataloader.DataLoader.from_dataset_config"]], "graphnet.data.dataloader": [[7, "module-graphnet.data.dataloader"]], "graphnetdatamodule (class in graphnet.data.datamodule)": [[8, "graphnet.data.datamodule.GraphNeTDataModule"]], "graphnet.data.datamodule": [[8, "module-graphnet.data.datamodule"]], "prepare_data() (graphnet.data.datamodule.graphnetdatamodule method)": [[8, "graphnet.data.datamodule.GraphNeTDataModule.prepare_data"]], "setup() (graphnet.data.datamodule.graphnetdatamodule method)": [[8, "graphnet.data.datamodule.GraphNeTDataModule.setup"]], "teardown() (graphnet.data.datamodule.graphnetdatamodule method)": [[8, "graphnet.data.datamodule.GraphNeTDataModule.teardown"]], "test_dataloader (graphnet.data.datamodule.graphnetdatamodule property)": [[8, "graphnet.data.datamodule.GraphNeTDataModule.test_dataloader"]], "train_dataloader (graphnet.data.datamodule.graphnetdatamodule property)": [[8, "graphnet.data.datamodule.GraphNeTDataModule.train_dataloader"]], "val_dataloader (graphnet.data.datamodule.graphnetdatamodule property)": [[8, "graphnet.data.datamodule.GraphNeTDataModule.val_dataloader"]], "graphnet.data.dataset": [[9, "module-graphnet.data.dataset"]], "columnmissingexception": [[10, "graphnet.data.dataset.dataset.ColumnMissingException"]], "dataset (class in graphnet.data.dataset.dataset)": [[10, "graphnet.data.dataset.dataset.Dataset"]], "ensembledataset (class in graphnet.data.dataset.dataset)": [[10, "graphnet.data.dataset.dataset.EnsembleDataset"]], "add_label() (graphnet.data.dataset.dataset.dataset method)": [[10, "graphnet.data.dataset.dataset.Dataset.add_label"]], "concatenate() (graphnet.data.dataset.dataset.dataset class method)": [[10, "graphnet.data.dataset.dataset.Dataset.concatenate"]], "from_config() (graphnet.data.dataset.dataset.dataset class method)": [[10, "graphnet.data.dataset.dataset.Dataset.from_config"]], "graphnet.data.dataset.dataset": [[10, "module-graphnet.data.dataset.dataset"]], "load_module() (in module graphnet.data.dataset.dataset)": [[10, "graphnet.data.dataset.dataset.load_module"]], "parse_graph_definition() (in module graphnet.data.dataset.dataset)": [[10, "graphnet.data.dataset.dataset.parse_graph_definition"]], "parse_labels() (in module graphnet.data.dataset.dataset)": [[10, "graphnet.data.dataset.dataset.parse_labels"]], "path (graphnet.data.dataset.dataset.dataset property)": [[10, "graphnet.data.dataset.dataset.Dataset.path"]], "query_table() (graphnet.data.dataset.dataset.dataset method)": [[10, "graphnet.data.dataset.dataset.Dataset.query_table"]], "truth_table (graphnet.data.dataset.dataset.dataset property)": [[10, "graphnet.data.dataset.dataset.Dataset.truth_table"]], "graphnet.data.dataset.parquet": [[11, "module-graphnet.data.dataset.parquet"]], "parquetdataset (class in graphnet.data.dataset.parquet.parquet_dataset)": [[12, "graphnet.data.dataset.parquet.parquet_dataset.ParquetDataset"]], "graphnet.data.dataset.parquet.parquet_dataset": [[12, "module-graphnet.data.dataset.parquet.parquet_dataset"]], "query_table() (graphnet.data.dataset.parquet.parquet_dataset.parquetdataset method)": [[12, "graphnet.data.dataset.parquet.parquet_dataset.ParquetDataset.query_table"]], "graphnet.data.dataset.sqlite": [[13, "module-graphnet.data.dataset.sqlite"]], "sqlitedataset (class in graphnet.data.dataset.sqlite.sqlite_dataset)": [[14, "graphnet.data.dataset.sqlite.sqlite_dataset.SQLiteDataset"]], "graphnet.data.dataset.sqlite.sqlite_dataset": [[14, "module-graphnet.data.dataset.sqlite.sqlite_dataset"]], "query_table() (graphnet.data.dataset.sqlite.sqlite_dataset.sqlitedataset method)": [[14, "graphnet.data.dataset.sqlite.sqlite_dataset.SQLiteDataset.query_table"]], "graphnet.data.extractors": [[15, "module-graphnet.data.extractors"]], "extractor (class in graphnet.data.extractors.extractor)": [[16, "graphnet.data.extractors.extractor.Extractor"]], "graphnet.data.extractors.extractor": [[16, "module-graphnet.data.extractors.extractor"]], "name (graphnet.data.extractors.extractor.extractor property)": [[16, "graphnet.data.extractors.extractor.Extractor.name"]], "graphnet.data.extractors.icecube": [[17, "module-graphnet.data.extractors.icecube"]], "i3extractor (class in graphnet.data.extractors.icecube.i3extractor)": [[18, "graphnet.data.extractors.icecube.i3extractor.I3Extractor"]], "graphnet.data.extractors.icecube.i3extractor": [[18, "module-graphnet.data.extractors.icecube.i3extractor"]], "set_gcd() (graphnet.data.extractors.icecube.i3extractor.i3extractor method)": [[18, "graphnet.data.extractors.icecube.i3extractor.I3Extractor.set_gcd"]], "i3featureextractor (class in graphnet.data.extractors.icecube.i3featureextractor)": [[19, "graphnet.data.extractors.icecube.i3featureextractor.I3FeatureExtractor"]], "i3featureextractoricecube86 (class in graphnet.data.extractors.icecube.i3featureextractor)": [[19, "graphnet.data.extractors.icecube.i3featureextractor.I3FeatureExtractorIceCube86"]], "i3featureextractoricecubedeepcore (class in graphnet.data.extractors.icecube.i3featureextractor)": [[19, "graphnet.data.extractors.icecube.i3featureextractor.I3FeatureExtractorIceCubeDeepCore"]], "i3featureextractoricecubeupgrade (class in graphnet.data.extractors.icecube.i3featureextractor)": [[19, "graphnet.data.extractors.icecube.i3featureextractor.I3FeatureExtractorIceCubeUpgrade"]], "i3pulsenoisetruthflagicecubeupgrade (class in graphnet.data.extractors.icecube.i3featureextractor)": [[19, "graphnet.data.extractors.icecube.i3featureextractor.I3PulseNoiseTruthFlagIceCubeUpgrade"]], "graphnet.data.extractors.icecube.i3featureextractor": [[19, "module-graphnet.data.extractors.icecube.i3featureextractor"]], "i3genericextractor (class in graphnet.data.extractors.icecube.i3genericextractor)": [[20, "graphnet.data.extractors.icecube.i3genericextractor.I3GenericExtractor"]], "graphnet.data.extractors.icecube.i3genericextractor": [[20, "module-graphnet.data.extractors.icecube.i3genericextractor"]], "i3galacticplanehybridrecoextractor (class in graphnet.data.extractors.icecube.i3hybridrecoextractor)": [[21, "graphnet.data.extractors.icecube.i3hybridrecoextractor.I3GalacticPlaneHybridRecoExtractor"]], "graphnet.data.extractors.icecube.i3hybridrecoextractor": [[21, "module-graphnet.data.extractors.icecube.i3hybridrecoextractor"]], "i3ntmuonlabelextractor (class in graphnet.data.extractors.icecube.i3ntmuonlabelsextractor)": [[22, "graphnet.data.extractors.icecube.i3ntmuonlabelsextractor.I3NTMuonLabelExtractor"]], "graphnet.data.extractors.icecube.i3ntmuonlabelsextractor": [[22, "module-graphnet.data.extractors.icecube.i3ntmuonlabelsextractor"]], "i3particleextractor (class in graphnet.data.extractors.icecube.i3particleextractor)": [[23, "graphnet.data.extractors.icecube.i3particleextractor.I3ParticleExtractor"]], "graphnet.data.extractors.icecube.i3particleextractor": [[23, "module-graphnet.data.extractors.icecube.i3particleextractor"]], "i3pisaextractor (class in graphnet.data.extractors.icecube.i3pisaextractor)": [[24, "graphnet.data.extractors.icecube.i3pisaextractor.I3PISAExtractor"]], "graphnet.data.extractors.icecube.i3pisaextractor": [[24, "module-graphnet.data.extractors.icecube.i3pisaextractor"]], "i3quesoextractor (class in graphnet.data.extractors.icecube.i3quesoextractor)": [[25, "graphnet.data.extractors.icecube.i3quesoextractor.I3QUESOExtractor"]], "graphnet.data.extractors.icecube.i3quesoextractor": [[25, "module-graphnet.data.extractors.icecube.i3quesoextractor"]], "i3retroextractor (class in graphnet.data.extractors.icecube.i3retroextractor)": [[26, "graphnet.data.extractors.icecube.i3retroextractor.I3RetroExtractor"]], "graphnet.data.extractors.icecube.i3retroextractor": [[26, "module-graphnet.data.extractors.icecube.i3retroextractor"]], "i3splinempeicextractor (class in graphnet.data.extractors.icecube.i3splinempeextractor)": [[27, "graphnet.data.extractors.icecube.i3splinempeextractor.I3SplineMPEICExtractor"]], "graphnet.data.extractors.icecube.i3splinempeextractor": [[27, "module-graphnet.data.extractors.icecube.i3splinempeextractor"]], "i3truthextractor (class in graphnet.data.extractors.icecube.i3truthextractor)": [[28, "graphnet.data.extractors.icecube.i3truthextractor.I3TruthExtractor"]], "graphnet.data.extractors.icecube.i3truthextractor": [[28, "module-graphnet.data.extractors.icecube.i3truthextractor"]], "i3tumextractor (class in graphnet.data.extractors.icecube.i3tumextractor)": [[29, "graphnet.data.extractors.icecube.i3tumextractor.I3TUMExtractor"]], "graphnet.data.extractors.icecube.i3tumextractor": [[29, "module-graphnet.data.extractors.icecube.i3tumextractor"]], "graphnet.data.extractors.icecube.utilities": [[30, "module-graphnet.data.extractors.icecube.utilities"]], "flatten_nested_dictionary() (in module graphnet.data.extractors.icecube.utilities.collections)": [[31, "graphnet.data.extractors.icecube.utilities.collections.flatten_nested_dictionary"]], "graphnet.data.extractors.icecube.utilities.collections": [[31, "module-graphnet.data.extractors.icecube.utilities.collections"]], "serialise() (in module graphnet.data.extractors.icecube.utilities.collections)": [[31, "graphnet.data.extractors.icecube.utilities.collections.serialise"]], "transpose_list_of_dicts() (in module graphnet.data.extractors.icecube.utilities.collections)": [[31, "graphnet.data.extractors.icecube.utilities.collections.transpose_list_of_dicts"]], "frame_is_montecarlo() (in module graphnet.data.extractors.icecube.utilities.frames)": [[32, "graphnet.data.extractors.icecube.utilities.frames.frame_is_montecarlo"]], "frame_is_noise() (in module graphnet.data.extractors.icecube.utilities.frames)": [[32, "graphnet.data.extractors.icecube.utilities.frames.frame_is_noise"]], "get_om_keys_and_pulseseries() (in module graphnet.data.extractors.icecube.utilities.frames)": [[32, "graphnet.data.extractors.icecube.utilities.frames.get_om_keys_and_pulseseries"]], "graphnet.data.extractors.icecube.utilities.frames": [[32, "module-graphnet.data.extractors.icecube.utilities.frames"]], "i3filter (class in graphnet.data.extractors.icecube.utilities.i3_filters)": [[33, "graphnet.data.extractors.icecube.utilities.i3_filters.I3Filter"]], "i3filtermask (class in graphnet.data.extractors.icecube.utilities.i3_filters)": [[33, "graphnet.data.extractors.icecube.utilities.i3_filters.I3FilterMask"]], "nullspliti3filter (class in graphnet.data.extractors.icecube.utilities.i3_filters)": [[33, "graphnet.data.extractors.icecube.utilities.i3_filters.NullSplitI3Filter"]], "graphnet.data.extractors.icecube.utilities.i3_filters": [[33, "module-graphnet.data.extractors.icecube.utilities.i3_filters"]], "break_cyclic_recursion() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.break_cyclic_recursion"]], "cast_object_to_pure_python() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.cast_object_to_pure_python"]], "cast_pulse_series_to_pure_python() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.cast_pulse_series_to_pure_python"]], "get_member_variables() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.get_member_variables"]], "graphnet.data.extractors.icecube.utilities.types": [[34, "module-graphnet.data.extractors.icecube.utilities.types"]], "is_boost_class() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.is_boost_class"]], "is_boost_enum() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.is_boost_enum"]], "is_icecube_class() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.is_icecube_class"]], "is_method() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.is_method"]], "is_type() (in module graphnet.data.extractors.icecube.utilities.types)": [[34, "graphnet.data.extractors.icecube.utilities.types.is_type"]], "graphnet.data.parquet": [[35, "module-graphnet.data.parquet"]], "parquetdataconverter (class in graphnet.data.parquet.deprecated_methods)": [[36, "graphnet.data.parquet.deprecated_methods.ParquetDataConverter"]], "graphnet.data.parquet.deprecated_methods": [[36, "module-graphnet.data.parquet.deprecated_methods"]], "insqlitepipeline (class in graphnet.data.pipeline)": [[37, "graphnet.data.pipeline.InSQLitePipeline"]], "graphnet.data.pipeline": [[37, "module-graphnet.data.pipeline"]], "graphnet.data.pre_configured": [[38, "module-graphnet.data.pre_configured"]], "i3toparquetconverter (class in graphnet.data.pre_configured.dataconverters)": [[39, "graphnet.data.pre_configured.dataconverters.I3ToParquetConverter"]], "i3tosqliteconverter (class in graphnet.data.pre_configured.dataconverters)": [[39, "graphnet.data.pre_configured.dataconverters.I3ToSQLiteConverter"]], "graphnet.data.pre_configured.dataconverters": [[39, "module-graphnet.data.pre_configured.dataconverters"]], "graphnet.data.readers": [[40, "module-graphnet.data.readers"]], "graphnetfilereader (class in graphnet.data.readers.graphnet_file_reader)": [[41, "graphnet.data.readers.graphnet_file_reader.GraphNeTFileReader"]], "accepted_extractors (graphnet.data.readers.graphnet_file_reader.graphnetfilereader property)": [[41, "graphnet.data.readers.graphnet_file_reader.GraphNeTFileReader.accepted_extractors"]], "accepted_file_extensions (graphnet.data.readers.graphnet_file_reader.graphnetfilereader property)": [[41, "graphnet.data.readers.graphnet_file_reader.GraphNeTFileReader.accepted_file_extensions"]], "extracor_names (graphnet.data.readers.graphnet_file_reader.graphnetfilereader property)": [[41, "graphnet.data.readers.graphnet_file_reader.GraphNeTFileReader.extracor_names"]], "find_files() (graphnet.data.readers.graphnet_file_reader.graphnetfilereader method)": [[41, "graphnet.data.readers.graphnet_file_reader.GraphNeTFileReader.find_files"]], "graphnet.data.readers.graphnet_file_reader": [[41, "module-graphnet.data.readers.graphnet_file_reader"]], "set_extractors() (graphnet.data.readers.graphnet_file_reader.graphnetfilereader method)": [[41, "graphnet.data.readers.graphnet_file_reader.GraphNeTFileReader.set_extractors"]], "validate_files() (graphnet.data.readers.graphnet_file_reader.graphnetfilereader method)": [[41, "graphnet.data.readers.graphnet_file_reader.GraphNeTFileReader.validate_files"]], "i3reader (class in graphnet.data.readers.i3reader)": [[42, "graphnet.data.readers.i3reader.I3Reader"]], "find_files() (graphnet.data.readers.i3reader.i3reader method)": [[42, "graphnet.data.readers.i3reader.I3Reader.find_files"]], "graphnet.data.readers.i3reader": [[42, "module-graphnet.data.readers.i3reader"]], "graphnet.data.sqlite": [[43, "module-graphnet.data.sqlite"]], "sqlitedataconverter (class in graphnet.data.sqlite.deprecated_methods)": [[44, "graphnet.data.sqlite.deprecated_methods.SQLiteDataConverter"]], "graphnet.data.sqlite.deprecated_methods": [[44, "module-graphnet.data.sqlite.deprecated_methods"]], "graphnet.data.utilities": [[45, "module-graphnet.data.utilities"]], "parquettosqliteconverter (class in graphnet.data.utilities.parquet_to_sqlite)": [[46, "graphnet.data.utilities.parquet_to_sqlite.ParquetToSQLiteConverter"]], "graphnet.data.utilities.parquet_to_sqlite": [[46, "module-graphnet.data.utilities.parquet_to_sqlite"]], "run() (graphnet.data.utilities.parquet_to_sqlite.parquettosqliteconverter method)": [[46, "graphnet.data.utilities.parquet_to_sqlite.ParquetToSQLiteConverter.run"]], "graphnet.data.utilities.random": [[47, "module-graphnet.data.utilities.random"]], "pairwise_shuffle() (in module graphnet.data.utilities.random)": [[47, "graphnet.data.utilities.random.pairwise_shuffle"]], "attach_index() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.attach_index"]], "create_table() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.create_table"]], "create_table_and_save_to_sql() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.create_table_and_save_to_sql"]], "database_exists() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.database_exists"]], "database_table_exists() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.database_table_exists"]], "get_primary_keys() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.get_primary_keys"]], "graphnet.data.utilities.sqlite_utilities": [[48, "module-graphnet.data.utilities.sqlite_utilities"]], "query_database() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.query_database"]], "run_sql_code() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.run_sql_code"]], "save_to_sql() (in module graphnet.data.utilities.sqlite_utilities)": [[48, "graphnet.data.utilities.sqlite_utilities.save_to_sql"]], "stringselectionresolver (class in graphnet.data.utilities.string_selection_resolver)": [[49, "graphnet.data.utilities.string_selection_resolver.StringSelectionResolver"]], "graphnet.data.utilities.string_selection_resolver": [[49, "module-graphnet.data.utilities.string_selection_resolver"]], "resolve() (graphnet.data.utilities.string_selection_resolver.stringselectionresolver method)": [[49, "graphnet.data.utilities.string_selection_resolver.StringSelectionResolver.resolve"]], "graphnet.data.writers": [[50, "module-graphnet.data.writers"]], "graphnetwriter (class in graphnet.data.writers.graphnet_writer)": [[51, "graphnet.data.writers.graphnet_writer.GraphNeTWriter"]], "expects_merged_dataframes (graphnet.data.writers.graphnet_writer.graphnetwriter property)": [[51, "graphnet.data.writers.graphnet_writer.GraphNeTWriter.expects_merged_dataframes"]], "file_extension (graphnet.data.writers.graphnet_writer.graphnetwriter property)": [[51, "graphnet.data.writers.graphnet_writer.GraphNeTWriter.file_extension"]], "graphnet.data.writers.graphnet_writer": [[51, "module-graphnet.data.writers.graphnet_writer"]], "merge_files() (graphnet.data.writers.graphnet_writer.graphnetwriter method)": [[51, "graphnet.data.writers.graphnet_writer.GraphNeTWriter.merge_files"]], "parquetwriter (class in graphnet.data.writers.parquet_writer)": [[52, "graphnet.data.writers.parquet_writer.ParquetWriter"]], "graphnet.data.writers.parquet_writer": [[52, "module-graphnet.data.writers.parquet_writer"]], "merge_files() (graphnet.data.writers.parquet_writer.parquetwriter method)": [[52, "graphnet.data.writers.parquet_writer.ParquetWriter.merge_files"]], "sqlitewriter (class in graphnet.data.writers.sqlite_writer)": [[53, "graphnet.data.writers.sqlite_writer.SQLiteWriter"]], "graphnet.data.writers.sqlite_writer": [[53, "module-graphnet.data.writers.sqlite_writer"]], "merge_files() (graphnet.data.writers.sqlite_writer.sqlitewriter method)": [[53, "graphnet.data.writers.sqlite_writer.SQLiteWriter.merge_files"]], "graphnet.deployment": [[54, "module-graphnet.deployment"]], "deployer (class in graphnet.deployment.deployer)": [[55, "graphnet.deployment.deployer.Deployer"]], "graphnet.deployment.deployer": [[55, "module-graphnet.deployment.deployer"]], "run() (graphnet.deployment.deployer.deployer method)": [[55, "graphnet.deployment.deployer.Deployer.run"]], "deploymentmodule (class in graphnet.deployment.deployment_module)": [[56, "graphnet.deployment.deployment_module.DeploymentModule"]], "graphnet.deployment.deployment_module": [[56, "module-graphnet.deployment.deployment_module"]], "i3pulsecleanermodule (class in graphnet.deployment.icecube.cleaning_module)": [[60, "graphnet.deployment.icecube.cleaning_module.I3PulseCleanerModule"]], "graphnet.deployment.icecube.cleaning_module": [[60, "module-graphnet.deployment.icecube.cleaning_module"]], "i3inferencemodule (class in graphnet.deployment.icecube.inference_module)": [[62, "graphnet.deployment.icecube.inference_module.I3InferenceModule"]], "graphnet.deployment.icecube.inference_module": [[62, "module-graphnet.deployment.icecube.inference_module"]], "graphnet.models": [[63, "module-graphnet.models"]], "attributecoarsening (class in graphnet.models.coarsening)": [[64, "graphnet.models.coarsening.AttributeCoarsening"]], "coarsening (class in graphnet.models.coarsening)": [[64, "graphnet.models.coarsening.Coarsening"]], "customdomcoarsening (class in graphnet.models.coarsening)": [[64, "graphnet.models.coarsening.CustomDOMCoarsening"]], "domandtimewindowcoarsening (class in graphnet.models.coarsening)": [[64, "graphnet.models.coarsening.DOMAndTimeWindowCoarsening"]], "domcoarsening (class in graphnet.models.coarsening)": [[64, "graphnet.models.coarsening.DOMCoarsening"]], "forward() (graphnet.models.coarsening.coarsening method)": [[64, "graphnet.models.coarsening.Coarsening.forward"]], "graphnet.models.coarsening": [[64, "module-graphnet.models.coarsening"]], "reduce_options (graphnet.models.coarsening.coarsening attribute)": [[64, "graphnet.models.coarsening.Coarsening.reduce_options"]], "unbatch_edge_index() (in module graphnet.models.coarsening)": [[64, "graphnet.models.coarsening.unbatch_edge_index"]], "graphnet.models.components": [[65, "module-graphnet.models.components"]], "fourierencoder (class in graphnet.models.components.embedding)": [[66, "graphnet.models.components.embedding.FourierEncoder"]], "sinusoidalposemb (class in graphnet.models.components.embedding)": [[66, "graphnet.models.components.embedding.SinusoidalPosEmb"]], "spacetimeencoder (class in graphnet.models.components.embedding)": [[66, "graphnet.models.components.embedding.SpacetimeEncoder"]], "forward() (graphnet.models.components.embedding.fourierencoder method)": [[66, "graphnet.models.components.embedding.FourierEncoder.forward"]], "forward() (graphnet.models.components.embedding.sinusoidalposemb method)": [[66, "graphnet.models.components.embedding.SinusoidalPosEmb.forward"]], "forward() (graphnet.models.components.embedding.spacetimeencoder method)": [[66, "graphnet.models.components.embedding.SpacetimeEncoder.forward"]], "graphnet.models.components.embedding": [[66, "module-graphnet.models.components.embedding"]], "attention_rel (class in graphnet.models.components.layers)": [[67, "graphnet.models.components.layers.Attention_rel"]], "block (class in graphnet.models.components.layers)": [[67, "graphnet.models.components.layers.Block"]], "block_rel (class in graphnet.models.components.layers)": [[67, "graphnet.models.components.layers.Block_rel"]], "droppath (class in graphnet.models.components.layers)": [[67, "graphnet.models.components.layers.DropPath"]], "dynedgeconv (class in graphnet.models.components.layers)": [[67, "graphnet.models.components.layers.DynEdgeConv"]], "dyntrans (class in graphnet.models.components.layers)": [[67, "graphnet.models.components.layers.DynTrans"]], "edgeconvtito (class in graphnet.models.components.layers)": [[67, "graphnet.models.components.layers.EdgeConvTito"]], "mlp (class in graphnet.models.components.layers)": [[67, "graphnet.models.components.layers.Mlp"]], "extra_repr() (graphnet.models.components.layers.droppath method)": [[67, "graphnet.models.components.layers.DropPath.extra_repr"]], "forward() (graphnet.models.components.layers.attention_rel method)": [[67, "graphnet.models.components.layers.Attention_rel.forward"]], "forward() (graphnet.models.components.layers.block method)": [[67, "graphnet.models.components.layers.Block.forward"]], "forward() (graphnet.models.components.layers.block_rel method)": [[67, "graphnet.models.components.layers.Block_rel.forward"]], "forward() (graphnet.models.components.layers.droppath method)": [[67, "graphnet.models.components.layers.DropPath.forward"]], "forward() (graphnet.models.components.layers.dynedgeconv method)": [[67, "graphnet.models.components.layers.DynEdgeConv.forward"]], "forward() (graphnet.models.components.layers.dyntrans method)": [[67, "graphnet.models.components.layers.DynTrans.forward"]], "forward() (graphnet.models.components.layers.edgeconvtito method)": [[67, "graphnet.models.components.layers.EdgeConvTito.forward"]], "forward() (graphnet.models.components.layers.mlp method)": [[67, "graphnet.models.components.layers.Mlp.forward"]], "graphnet.models.components.layers": [[67, "module-graphnet.models.components.layers"]], "message() (graphnet.models.components.layers.edgeconvtito method)": [[67, "graphnet.models.components.layers.EdgeConvTito.message"]], "reset_parameters() (graphnet.models.components.layers.edgeconvtito method)": [[67, "graphnet.models.components.layers.EdgeConvTito.reset_parameters"]], "graphnet.models.components.pool": [[68, "module-graphnet.models.components.pool"]], "group_by() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.group_by"]], "group_pulses_to_dom() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.group_pulses_to_dom"]], "group_pulses_to_pmt() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.group_pulses_to_pmt"]], "min_pool() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.min_pool"]], "min_pool_x() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.min_pool_x"]], "std_pool() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.std_pool"]], "std_pool_x() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.std_pool_x"]], "sum_pool() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.sum_pool"]], "sum_pool_and_distribute() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.sum_pool_and_distribute"]], "sum_pool_x() (in module graphnet.models.components.pool)": [[68, "graphnet.models.components.pool.sum_pool_x"]], "graphnet.models.detector": [[69, "module-graphnet.models.detector"]], "detector (class in graphnet.models.detector.detector)": [[70, "graphnet.models.detector.detector.Detector"]], "feature_map() (graphnet.models.detector.detector.detector method)": [[70, "graphnet.models.detector.detector.Detector.feature_map"]], "forward() (graphnet.models.detector.detector.detector method)": [[70, "graphnet.models.detector.detector.Detector.forward"]], "geometry_table (graphnet.models.detector.detector.detector property)": [[70, "graphnet.models.detector.detector.Detector.geometry_table"]], "graphnet.models.detector.detector": [[70, "module-graphnet.models.detector.detector"]], "sensor_index_name (graphnet.models.detector.detector.detector property)": [[70, "graphnet.models.detector.detector.Detector.sensor_index_name"]], "sensor_position_names (graphnet.models.detector.detector.detector property)": [[70, "graphnet.models.detector.detector.Detector.sensor_position_names"]], "string_index_name (graphnet.models.detector.detector.detector property)": [[70, "graphnet.models.detector.detector.Detector.string_index_name"]], "icecube86 (class in graphnet.models.detector.icecube)": [[71, "graphnet.models.detector.icecube.IceCube86"]], "icecubedeepcore (class in graphnet.models.detector.icecube)": [[71, "graphnet.models.detector.icecube.IceCubeDeepCore"]], "icecubekaggle (class in graphnet.models.detector.icecube)": [[71, "graphnet.models.detector.icecube.IceCubeKaggle"]], "icecubeupgrade (class in graphnet.models.detector.icecube)": [[71, "graphnet.models.detector.icecube.IceCubeUpgrade"]], "feature_map() (graphnet.models.detector.icecube.icecube86 method)": [[71, "graphnet.models.detector.icecube.IceCube86.feature_map"]], "feature_map() (graphnet.models.detector.icecube.icecubedeepcore method)": [[71, "graphnet.models.detector.icecube.IceCubeDeepCore.feature_map"]], "feature_map() (graphnet.models.detector.icecube.icecubekaggle method)": [[71, "graphnet.models.detector.icecube.IceCubeKaggle.feature_map"]], "feature_map() (graphnet.models.detector.icecube.icecubeupgrade method)": [[71, "graphnet.models.detector.icecube.IceCubeUpgrade.feature_map"]], "geometry_table_path (graphnet.models.detector.icecube.icecube86 attribute)": [[71, "graphnet.models.detector.icecube.IceCube86.geometry_table_path"]], "geometry_table_path (graphnet.models.detector.icecube.icecubeupgrade attribute)": [[71, "graphnet.models.detector.icecube.IceCubeUpgrade.geometry_table_path"]], "graphnet.models.detector.icecube": [[71, "module-graphnet.models.detector.icecube"]], "sensor_id_column (graphnet.models.detector.icecube.icecube86 attribute)": [[71, "graphnet.models.detector.icecube.IceCube86.sensor_id_column"]], "sensor_id_column (graphnet.models.detector.icecube.icecubeupgrade attribute)": [[71, "graphnet.models.detector.icecube.IceCubeUpgrade.sensor_id_column"]], "string_id_column (graphnet.models.detector.icecube.icecube86 attribute)": [[71, "graphnet.models.detector.icecube.IceCube86.string_id_column"]], "string_id_column (graphnet.models.detector.icecube.icecubeupgrade attribute)": [[71, "graphnet.models.detector.icecube.IceCubeUpgrade.string_id_column"]], "xyz (graphnet.models.detector.icecube.icecube86 attribute)": [[71, "graphnet.models.detector.icecube.IceCube86.xyz"]], "xyz (graphnet.models.detector.icecube.icecubeupgrade attribute)": [[71, "graphnet.models.detector.icecube.IceCubeUpgrade.xyz"]], "orca150 (class in graphnet.models.detector.prometheus)": [[72, "graphnet.models.detector.prometheus.ORCA150"]], "prometheus (class in graphnet.models.detector.prometheus)": [[72, "graphnet.models.detector.prometheus.Prometheus"]], "feature_map() (graphnet.models.detector.prometheus.orca150 method)": [[72, "graphnet.models.detector.prometheus.ORCA150.feature_map"]], "geometry_table_path (graphnet.models.detector.prometheus.orca150 attribute)": [[72, "graphnet.models.detector.prometheus.ORCA150.geometry_table_path"]], "graphnet.models.detector.prometheus": [[72, "module-graphnet.models.detector.prometheus"]], "sensor_id_column (graphnet.models.detector.prometheus.orca150 attribute)": [[72, "graphnet.models.detector.prometheus.ORCA150.sensor_id_column"]], "string_id_column (graphnet.models.detector.prometheus.orca150 attribute)": [[72, "graphnet.models.detector.prometheus.ORCA150.string_id_column"]], "xyz (graphnet.models.detector.prometheus.orca150 attribute)": [[72, "graphnet.models.detector.prometheus.ORCA150.xyz"]], "graphnet.models.gnn": [[73, "module-graphnet.models.gnn"]], "rnn_tito (class in graphnet.models.gnn.rnn_tito)": [[74, "graphnet.models.gnn.RNN_tito.RNN_TITO"]], "forward() (graphnet.models.gnn.rnn_tito.rnn_tito method)": [[74, "graphnet.models.gnn.RNN_tito.RNN_TITO.forward"]], "graphnet.models.gnn.rnn_tito": [[74, "module-graphnet.models.gnn.RNN_tito"]], "convnet (class in graphnet.models.gnn.convnet)": [[75, "graphnet.models.gnn.convnet.ConvNet"]], "forward() (graphnet.models.gnn.convnet.convnet method)": [[75, "graphnet.models.gnn.convnet.ConvNet.forward"]], "graphnet.models.gnn.convnet": [[75, "module-graphnet.models.gnn.convnet"]], "dynedge (class in graphnet.models.gnn.dynedge)": [[76, "graphnet.models.gnn.dynedge.DynEdge"]], "forward() (graphnet.models.gnn.dynedge.dynedge method)": [[76, "graphnet.models.gnn.dynedge.DynEdge.forward"]], "graphnet.models.gnn.dynedge": [[76, "module-graphnet.models.gnn.dynedge"]], "dynedgejinst (class in graphnet.models.gnn.dynedge_jinst)": [[77, "graphnet.models.gnn.dynedge_jinst.DynEdgeJINST"]], "forward() (graphnet.models.gnn.dynedge_jinst.dynedgejinst method)": [[77, "graphnet.models.gnn.dynedge_jinst.DynEdgeJINST.forward"]], "graphnet.models.gnn.dynedge_jinst": [[77, "module-graphnet.models.gnn.dynedge_jinst"]], "dynedgetito (class in graphnet.models.gnn.dynedge_kaggle_tito)": [[78, "graphnet.models.gnn.dynedge_kaggle_tito.DynEdgeTITO"]], "forward() (graphnet.models.gnn.dynedge_kaggle_tito.dynedgetito method)": [[78, "graphnet.models.gnn.dynedge_kaggle_tito.DynEdgeTITO.forward"]], "graphnet.models.gnn.dynedge_kaggle_tito": [[78, "module-graphnet.models.gnn.dynedge_kaggle_tito"]], "gnn (class in graphnet.models.gnn.gnn)": [[79, "graphnet.models.gnn.gnn.GNN"]], "forward() (graphnet.models.gnn.gnn.gnn method)": [[79, "graphnet.models.gnn.gnn.GNN.forward"]], "graphnet.models.gnn.gnn": [[79, "module-graphnet.models.gnn.gnn"]], "nb_inputs (graphnet.models.gnn.gnn.gnn property)": [[79, "graphnet.models.gnn.gnn.GNN.nb_inputs"]], "nb_outputs (graphnet.models.gnn.gnn.gnn property)": [[79, "graphnet.models.gnn.gnn.GNN.nb_outputs"]], "deepice (class in graphnet.models.gnn.icemix)": [[80, "graphnet.models.gnn.icemix.DeepIce"]], "forward() (graphnet.models.gnn.icemix.deepice method)": [[80, "graphnet.models.gnn.icemix.DeepIce.forward"]], "graphnet.models.gnn.icemix": [[80, "module-graphnet.models.gnn.icemix"]], "no_weight_decay() (graphnet.models.gnn.icemix.deepice method)": [[80, "graphnet.models.gnn.icemix.DeepIce.no_weight_decay"]], "graphnet.models.graphs": [[81, "module-graphnet.models.graphs"]], "graphnet.models.graphs.edges": [[82, "module-graphnet.models.graphs.edges"]], "edgedefinition (class in graphnet.models.graphs.edges.edges)": [[83, "graphnet.models.graphs.edges.edges.EdgeDefinition"]], "euclideanedges (class in graphnet.models.graphs.edges.edges)": [[83, "graphnet.models.graphs.edges.edges.EuclideanEdges"]], "knnedges (class in graphnet.models.graphs.edges.edges)": [[83, "graphnet.models.graphs.edges.edges.KNNEdges"]], "radialedges (class in graphnet.models.graphs.edges.edges)": [[83, "graphnet.models.graphs.edges.edges.RadialEdges"]], "forward() (graphnet.models.graphs.edges.edges.edgedefinition method)": [[83, "graphnet.models.graphs.edges.edges.EdgeDefinition.forward"]], "graphnet.models.graphs.edges.edges": [[83, "module-graphnet.models.graphs.edges.edges"]], "minkowskiknnedges (class in graphnet.models.graphs.edges.minkowski)": [[84, "graphnet.models.graphs.edges.minkowski.MinkowskiKNNEdges"]], "compute_minkowski_distance_mat() (in module graphnet.models.graphs.edges.minkowski)": [[84, "graphnet.models.graphs.edges.minkowski.compute_minkowski_distance_mat"]], "graphnet.models.graphs.edges.minkowski": [[84, "module-graphnet.models.graphs.edges.minkowski"]], "graphdefinition (class in graphnet.models.graphs.graph_definition)": [[85, "graphnet.models.graphs.graph_definition.GraphDefinition"]], "forward() (graphnet.models.graphs.graph_definition.graphdefinition method)": [[85, "graphnet.models.graphs.graph_definition.GraphDefinition.forward"]], "graphnet.models.graphs.graph_definition": [[85, "module-graphnet.models.graphs.graph_definition"]], "knngraph (class in graphnet.models.graphs.graphs)": [[86, "graphnet.models.graphs.graphs.KNNGraph"]], "graphnet.models.graphs.graphs": [[86, "module-graphnet.models.graphs.graphs"]], "graphnet.models.graphs.nodes": [[87, "module-graphnet.models.graphs.nodes"]], "icemixnodes (class in graphnet.models.graphs.nodes.nodes)": [[88, "graphnet.models.graphs.nodes.nodes.IceMixNodes"]], "nodeasdomtimeseries (class in graphnet.models.graphs.nodes.nodes)": [[88, "graphnet.models.graphs.nodes.nodes.NodeAsDOMTimeSeries"]], "nodedefinition (class in graphnet.models.graphs.nodes.nodes)": [[88, "graphnet.models.graphs.nodes.nodes.NodeDefinition"]], "nodesaspulses (class in graphnet.models.graphs.nodes.nodes)": [[88, "graphnet.models.graphs.nodes.nodes.NodesAsPulses"]], "percentileclusters (class in graphnet.models.graphs.nodes.nodes)": [[88, "graphnet.models.graphs.nodes.nodes.PercentileClusters"]], "forward() (graphnet.models.graphs.nodes.nodes.nodedefinition method)": [[88, "graphnet.models.graphs.nodes.nodes.NodeDefinition.forward"]], "graphnet.models.graphs.nodes.nodes": [[88, "module-graphnet.models.graphs.nodes.nodes"]], "nb_outputs (graphnet.models.graphs.nodes.nodes.nodedefinition property)": [[88, "graphnet.models.graphs.nodes.nodes.NodeDefinition.nb_outputs"]], "set_number_of_inputs() (graphnet.models.graphs.nodes.nodes.nodedefinition method)": [[88, "graphnet.models.graphs.nodes.nodes.NodeDefinition.set_number_of_inputs"]], "set_output_feature_names() (graphnet.models.graphs.nodes.nodes.nodedefinition method)": [[88, "graphnet.models.graphs.nodes.nodes.NodeDefinition.set_output_feature_names"]], "cluster_summarize_with_percentiles() (in module graphnet.models.graphs.utils)": [[89, "graphnet.models.graphs.utils.cluster_summarize_with_percentiles"]], "gather_cluster_sequence() (in module graphnet.models.graphs.utils)": [[89, "graphnet.models.graphs.utils.gather_cluster_sequence"]], "graphnet.models.graphs.utils": [[89, "module-graphnet.models.graphs.utils"]], "ice_transparency() (in module graphnet.models.graphs.utils)": [[89, "graphnet.models.graphs.utils.ice_transparency"]], "identify_indices() (in module graphnet.models.graphs.utils)": [[89, "graphnet.models.graphs.utils.identify_indices"]], "lex_sort() (in module graphnet.models.graphs.utils)": [[89, "graphnet.models.graphs.utils.lex_sort"]], "model (class in graphnet.models.model)": [[90, "graphnet.models.model.Model"]], "extra_repr() (graphnet.models.model.model method)": [[90, "graphnet.models.model.Model.extra_repr"]], "extra_repr_recursive() (graphnet.models.model.model method)": [[90, "graphnet.models.model.Model.extra_repr_recursive"]], "from_config() (graphnet.models.model.model class method)": [[90, "graphnet.models.model.Model.from_config"]], "graphnet.models.model": [[90, "module-graphnet.models.model"]], "load() (graphnet.models.model.model class method)": [[90, "graphnet.models.model.Model.load"]], "load_state_dict() (graphnet.models.model.model method)": [[90, "graphnet.models.model.Model.load_state_dict"]], "save() (graphnet.models.model.model method)": [[90, "graphnet.models.model.Model.save"]], "save_state_dict() (graphnet.models.model.model method)": [[90, "graphnet.models.model.Model.save_state_dict"]], "set_verbose_print_recursively() (graphnet.models.model.model method)": [[90, "graphnet.models.model.Model.set_verbose_print_recursively"]], "verbose_print (graphnet.models.model.model attribute)": [[90, "graphnet.models.model.Model.verbose_print"]], "graphnet.models.rnn": [[91, "module-graphnet.models.rnn"]], "node_rnn (class in graphnet.models.rnn.node_rnn)": [[92, "graphnet.models.rnn.node_rnn.Node_RNN"]], "clean_up_data_object() (graphnet.models.rnn.node_rnn.node_rnn method)": [[92, "graphnet.models.rnn.node_rnn.Node_RNN.clean_up_data_object"]], "forward() (graphnet.models.rnn.node_rnn.node_rnn method)": [[92, "graphnet.models.rnn.node_rnn.Node_RNN.forward"]], "graphnet.models.rnn.node_rnn": [[92, "module-graphnet.models.rnn.node_rnn"]], "standardmodel (class in graphnet.models.standard_model)": [[93, "graphnet.models.standard_model.StandardModel"]], "compute_loss() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.compute_loss"]], "configure_optimizers() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.configure_optimizers"]], "fit() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.fit"]], "forward() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.forward"]], "graphnet.models.standard_model": [[93, "module-graphnet.models.standard_model"]], "inference() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.inference"]], "predict() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.predict"]], "predict_as_dataframe() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.predict_as_dataframe"]], "prediction_labels (graphnet.models.standard_model.standardmodel property)": [[93, "graphnet.models.standard_model.StandardModel.prediction_labels"]], "shared_step() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.shared_step"]], "target_labels (graphnet.models.standard_model.standardmodel property)": [[93, "graphnet.models.standard_model.StandardModel.target_labels"]], "train() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.train"]], "training_step() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.training_step"]], "validation_step() (graphnet.models.standard_model.standardmodel method)": [[93, "graphnet.models.standard_model.StandardModel.validation_step"]], "graphnet.models.task": [[94, "module-graphnet.models.task"]], "binaryclassificationtask (class in graphnet.models.task.classification)": [[95, "graphnet.models.task.classification.BinaryClassificationTask"]], "binaryclassificationtasklogits (class in graphnet.models.task.classification)": [[95, "graphnet.models.task.classification.BinaryClassificationTaskLogits"]], "multiclassclassificationtask (class in graphnet.models.task.classification)": [[95, "graphnet.models.task.classification.MulticlassClassificationTask"]], "default_prediction_labels (graphnet.models.task.classification.binaryclassificationtask attribute)": [[95, "graphnet.models.task.classification.BinaryClassificationTask.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.classification.binaryclassificationtasklogits attribute)": [[95, "graphnet.models.task.classification.BinaryClassificationTaskLogits.default_prediction_labels"]], "default_target_labels (graphnet.models.task.classification.binaryclassificationtask attribute)": [[95, "graphnet.models.task.classification.BinaryClassificationTask.default_target_labels"]], "default_target_labels (graphnet.models.task.classification.binaryclassificationtasklogits attribute)": [[95, "graphnet.models.task.classification.BinaryClassificationTaskLogits.default_target_labels"]], "graphnet.models.task.classification": [[95, "module-graphnet.models.task.classification"]], "nb_inputs (graphnet.models.task.classification.binaryclassificationtask attribute)": [[95, "graphnet.models.task.classification.BinaryClassificationTask.nb_inputs"]], "nb_inputs (graphnet.models.task.classification.binaryclassificationtasklogits attribute)": [[95, "graphnet.models.task.classification.BinaryClassificationTaskLogits.nb_inputs"]], "azimuthreconstruction (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.AzimuthReconstruction"]], "azimuthreconstructionwithkappa (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.AzimuthReconstructionWithKappa"]], "directionreconstructionwithkappa (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.DirectionReconstructionWithKappa"]], "energyreconstruction (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.EnergyReconstruction"]], "energyreconstructionwithpower (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.EnergyReconstructionWithPower"]], "energyreconstructionwithuncertainty (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.EnergyReconstructionWithUncertainty"]], "energytcreconstruction (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.EnergyTCReconstruction"]], "inelasticityreconstruction (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.InelasticityReconstruction"]], "positionreconstruction (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.PositionReconstruction"]], "timereconstruction (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.TimeReconstruction"]], "vertexreconstruction (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.VertexReconstruction"]], "zenithreconstruction (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.ZenithReconstruction"]], "zenithreconstructionwithkappa (class in graphnet.models.task.reconstruction)": [[96, "graphnet.models.task.reconstruction.ZenithReconstructionWithKappa"]], "default_prediction_labels (graphnet.models.task.reconstruction.azimuthreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.AzimuthReconstruction.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.azimuthreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.AzimuthReconstructionWithKappa.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.directionreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.DirectionReconstructionWithKappa.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.energyreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstruction.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.energyreconstructionwithpower attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstructionWithPower.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.energyreconstructionwithuncertainty attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstructionWithUncertainty.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.energytcreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.EnergyTCReconstruction.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.inelasticityreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.InelasticityReconstruction.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.positionreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.PositionReconstruction.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.timereconstruction attribute)": [[96, "graphnet.models.task.reconstruction.TimeReconstruction.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.vertexreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.VertexReconstruction.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.zenithreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.ZenithReconstruction.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.reconstruction.zenithreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.ZenithReconstructionWithKappa.default_prediction_labels"]], "default_target_labels (graphnet.models.task.reconstruction.azimuthreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.AzimuthReconstruction.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.azimuthreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.AzimuthReconstructionWithKappa.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.directionreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.DirectionReconstructionWithKappa.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.energyreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstruction.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.energyreconstructionwithpower attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstructionWithPower.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.energyreconstructionwithuncertainty attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstructionWithUncertainty.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.energytcreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.EnergyTCReconstruction.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.inelasticityreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.InelasticityReconstruction.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.positionreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.PositionReconstruction.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.timereconstruction attribute)": [[96, "graphnet.models.task.reconstruction.TimeReconstruction.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.vertexreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.VertexReconstruction.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.zenithreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.ZenithReconstruction.default_target_labels"]], "default_target_labels (graphnet.models.task.reconstruction.zenithreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.ZenithReconstructionWithKappa.default_target_labels"]], "graphnet.models.task.reconstruction": [[96, "module-graphnet.models.task.reconstruction"]], "nb_inputs (graphnet.models.task.reconstruction.azimuthreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.AzimuthReconstruction.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.azimuthreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.AzimuthReconstructionWithKappa.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.directionreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.DirectionReconstructionWithKappa.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.energyreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstruction.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.energyreconstructionwithpower attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstructionWithPower.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.energyreconstructionwithuncertainty attribute)": [[96, "graphnet.models.task.reconstruction.EnergyReconstructionWithUncertainty.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.energytcreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.EnergyTCReconstruction.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.inelasticityreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.InelasticityReconstruction.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.positionreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.PositionReconstruction.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.timereconstruction attribute)": [[96, "graphnet.models.task.reconstruction.TimeReconstruction.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.vertexreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.VertexReconstruction.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.zenithreconstruction attribute)": [[96, "graphnet.models.task.reconstruction.ZenithReconstruction.nb_inputs"]], "nb_inputs (graphnet.models.task.reconstruction.zenithreconstructionwithkappa attribute)": [[96, "graphnet.models.task.reconstruction.ZenithReconstructionWithKappa.nb_inputs"]], "identitytask (class in graphnet.models.task.task)": [[97, "graphnet.models.task.task.IdentityTask"]], "learnedtask (class in graphnet.models.task.task)": [[97, "graphnet.models.task.task.LearnedTask"]], "standardflowtask (class in graphnet.models.task.task)": [[97, "graphnet.models.task.task.StandardFlowTask"]], "standardlearnedtask (class in graphnet.models.task.task)": [[97, "graphnet.models.task.task.StandardLearnedTask"]], "task (class in graphnet.models.task.task)": [[97, "graphnet.models.task.task.Task"]], "compute_loss() (graphnet.models.task.task.learnedtask method)": [[97, "graphnet.models.task.task.LearnedTask.compute_loss"]], "compute_loss() (graphnet.models.task.task.standardflowtask method)": [[97, "graphnet.models.task.task.StandardFlowTask.compute_loss"]], "compute_loss() (graphnet.models.task.task.standardlearnedtask method)": [[97, "graphnet.models.task.task.StandardLearnedTask.compute_loss"]], "default_prediction_labels (graphnet.models.task.task.identitytask property)": [[97, "graphnet.models.task.task.IdentityTask.default_prediction_labels"]], "default_prediction_labels (graphnet.models.task.task.task property)": [[97, "graphnet.models.task.task.Task.default_prediction_labels"]], "default_target_labels (graphnet.models.task.task.identitytask property)": [[97, "graphnet.models.task.task.IdentityTask.default_target_labels"]], "default_target_labels (graphnet.models.task.task.task property)": [[97, "graphnet.models.task.task.Task.default_target_labels"]], "forward() (graphnet.models.task.task.learnedtask method)": [[97, "graphnet.models.task.task.LearnedTask.forward"]], "forward() (graphnet.models.task.task.standardflowtask method)": [[97, "graphnet.models.task.task.StandardFlowTask.forward"]], "graphnet.models.task.task": [[97, "module-graphnet.models.task.task"]], "inference() (graphnet.models.task.task.task method)": [[97, "graphnet.models.task.task.Task.inference"]], "nb_inputs (graphnet.models.task.task.identitytask property)": [[97, "graphnet.models.task.task.IdentityTask.nb_inputs"]], "nb_inputs (graphnet.models.task.task.learnedtask property)": [[97, "graphnet.models.task.task.LearnedTask.nb_inputs"]], "nb_inputs (graphnet.models.task.task.standardlearnedtask property)": [[97, "graphnet.models.task.task.StandardLearnedTask.nb_inputs"]], "nb_inputs (graphnet.models.task.task.task property)": [[97, "graphnet.models.task.task.Task.nb_inputs"]], "nb_inputs() (graphnet.models.task.task.standardflowtask method)": [[97, "graphnet.models.task.task.StandardFlowTask.nb_inputs"]], "train_eval() (graphnet.models.task.task.task method)": [[97, "graphnet.models.task.task.Task.train_eval"]], "array_to_sequence() (in module graphnet.models.utils)": [[98, "graphnet.models.utils.array_to_sequence"]], "calculate_distance_matrix() (in module graphnet.models.utils)": [[98, "graphnet.models.utils.calculate_distance_matrix"]], "calculate_xyzt_homophily() (in module graphnet.models.utils)": [[98, "graphnet.models.utils.calculate_xyzt_homophily"]], "graphnet.models.utils": [[98, "module-graphnet.models.utils"]], "knn_graph_batch() (in module graphnet.models.utils)": [[98, "graphnet.models.utils.knn_graph_batch"]], "graphnet.pisa": [[99, "module-graphnet.pisa"]], "contourfitter (class in graphnet.pisa.fitting)": [[100, "graphnet.pisa.fitting.ContourFitter"]], "weightfitter (class in graphnet.pisa.fitting)": [[100, "graphnet.pisa.fitting.WeightFitter"]], "config_updater() (in module graphnet.pisa.fitting)": [[100, "graphnet.pisa.fitting.config_updater"]], "fit_1d_contour() (graphnet.pisa.fitting.contourfitter method)": [[100, "graphnet.pisa.fitting.ContourFitter.fit_1d_contour"]], "fit_2d_contour() (graphnet.pisa.fitting.contourfitter method)": [[100, "graphnet.pisa.fitting.ContourFitter.fit_2d_contour"]], "fit_weights() (graphnet.pisa.fitting.weightfitter method)": [[100, "graphnet.pisa.fitting.WeightFitter.fit_weights"]], "graphnet.pisa.fitting": [[100, "module-graphnet.pisa.fitting"]], "graphnet.pisa.plotting": [[101, "module-graphnet.pisa.plotting"]], "plot_1d_contour() (in module graphnet.pisa.plotting)": [[101, "graphnet.pisa.plotting.plot_1D_contour"]], "plot_2d_contour() (in module graphnet.pisa.plotting)": [[101, "graphnet.pisa.plotting.plot_2D_contour"]], "read_entry() (in module graphnet.pisa.plotting)": [[101, "graphnet.pisa.plotting.read_entry"]], "graphnet.training": [[102, "module-graphnet.training"]], "graphnetearlystopping (class in graphnet.training.callbacks)": [[103, "graphnet.training.callbacks.GraphnetEarlyStopping"]], "piecewiselinearlr (class in graphnet.training.callbacks)": [[103, "graphnet.training.callbacks.PiecewiseLinearLR"]], "progressbar (class in graphnet.training.callbacks)": [[103, "graphnet.training.callbacks.ProgressBar"]], "get_lr() (graphnet.training.callbacks.piecewiselinearlr method)": [[103, "graphnet.training.callbacks.PiecewiseLinearLR.get_lr"]], "get_metrics() (graphnet.training.callbacks.progressbar method)": [[103, "graphnet.training.callbacks.ProgressBar.get_metrics"]], "graphnet.training.callbacks": [[103, "module-graphnet.training.callbacks"]], "init_predict_tqdm() (graphnet.training.callbacks.progressbar method)": [[103, "graphnet.training.callbacks.ProgressBar.init_predict_tqdm"]], "init_test_tqdm() (graphnet.training.callbacks.progressbar method)": [[103, "graphnet.training.callbacks.ProgressBar.init_test_tqdm"]], "init_train_tqdm() (graphnet.training.callbacks.progressbar method)": [[103, "graphnet.training.callbacks.ProgressBar.init_train_tqdm"]], "init_validation_tqdm() (graphnet.training.callbacks.progressbar method)": [[103, "graphnet.training.callbacks.ProgressBar.init_validation_tqdm"]], "on_fit_end() (graphnet.training.callbacks.graphnetearlystopping method)": [[103, "graphnet.training.callbacks.GraphnetEarlyStopping.on_fit_end"]], "on_train_epoch_end() (graphnet.training.callbacks.graphnetearlystopping method)": [[103, "graphnet.training.callbacks.GraphnetEarlyStopping.on_train_epoch_end"]], "on_train_epoch_end() (graphnet.training.callbacks.progressbar method)": [[103, "graphnet.training.callbacks.ProgressBar.on_train_epoch_end"]], "on_train_epoch_start() (graphnet.training.callbacks.progressbar method)": [[103, "graphnet.training.callbacks.ProgressBar.on_train_epoch_start"]], "on_validation_end() (graphnet.training.callbacks.graphnetearlystopping method)": [[103, "graphnet.training.callbacks.GraphnetEarlyStopping.on_validation_end"]], "setup() (graphnet.training.callbacks.graphnetearlystopping method)": [[103, "graphnet.training.callbacks.GraphnetEarlyStopping.setup"]], "direction (class in graphnet.training.labels)": [[104, "graphnet.training.labels.Direction"]], "label (class in graphnet.training.labels)": [[104, "graphnet.training.labels.Label"]], "graphnet.training.labels": [[104, "module-graphnet.training.labels"]], "key (graphnet.training.labels.label property)": [[104, "graphnet.training.labels.Label.key"]], "binarycrossentropyloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.BinaryCrossEntropyLoss"]], "crossentropyloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.CrossEntropyLoss"]], "euclideandistanceloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.EuclideanDistanceLoss"]], "logcmk (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.LogCMK"]], "logcoshloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.LogCoshLoss"]], "lossfunction (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.LossFunction"]], "mseloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.MSELoss"]], "rmseloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.RMSELoss"]], "vonmisesfisher2dloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.VonMisesFisher2DLoss"]], "vonmisesfisher3dloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.VonMisesFisher3DLoss"]], "vonmisesfisherloss (class in graphnet.training.loss_functions)": [[105, "graphnet.training.loss_functions.VonMisesFisherLoss"]], "backward() (graphnet.training.loss_functions.logcmk static method)": [[105, "graphnet.training.loss_functions.LogCMK.backward"]], "forward() (graphnet.training.loss_functions.logcmk static method)": [[105, "graphnet.training.loss_functions.LogCMK.forward"]], "forward() (graphnet.training.loss_functions.lossfunction method)": [[105, "graphnet.training.loss_functions.LossFunction.forward"]], "graphnet.training.loss_functions": [[105, "module-graphnet.training.loss_functions"]], "log_cmk() (graphnet.training.loss_functions.vonmisesfisherloss class method)": [[105, "graphnet.training.loss_functions.VonMisesFisherLoss.log_cmk"]], "log_cmk_approx() (graphnet.training.loss_functions.vonmisesfisherloss class method)": [[105, "graphnet.training.loss_functions.VonMisesFisherLoss.log_cmk_approx"]], "log_cmk_exact() (graphnet.training.loss_functions.vonmisesfisherloss class method)": [[105, "graphnet.training.loss_functions.VonMisesFisherLoss.log_cmk_exact"]], "collate_fn() (in module graphnet.training.utils)": [[106, "graphnet.training.utils.collate_fn"]], "collator_sequence_buckleting (class in graphnet.training.utils)": [[106, "graphnet.training.utils.collator_sequence_buckleting"]], "get_predictions() (in module graphnet.training.utils)": [[106, "graphnet.training.utils.get_predictions"]], "graphnet.training.utils": [[106, "module-graphnet.training.utils"]], "make_dataloader() (in module graphnet.training.utils)": [[106, "graphnet.training.utils.make_dataloader"]], "make_train_validation_dataloader() (in module graphnet.training.utils)": [[106, "graphnet.training.utils.make_train_validation_dataloader"]], "save_results() (in module graphnet.training.utils)": [[106, "graphnet.training.utils.save_results"]], "save_selection() (in module graphnet.training.utils)": [[106, "graphnet.training.utils.save_selection"]], "bjoernlow (class in graphnet.training.weight_fitting)": [[107, "graphnet.training.weight_fitting.BjoernLow"]], "uniform (class in graphnet.training.weight_fitting)": [[107, "graphnet.training.weight_fitting.Uniform"]], "weightfitter (class in graphnet.training.weight_fitting)": [[107, "graphnet.training.weight_fitting.WeightFitter"]], "fit() (graphnet.training.weight_fitting.weightfitter method)": [[107, "graphnet.training.weight_fitting.WeightFitter.fit"]], "graphnet.training.weight_fitting": [[107, "module-graphnet.training.weight_fitting"]], "graphnet.utilities": [[108, "module-graphnet.utilities"]], "argumentparser (class in graphnet.utilities.argparse)": [[109, "graphnet.utilities.argparse.ArgumentParser"]], "options (class in graphnet.utilities.argparse)": [[109, "graphnet.utilities.argparse.Options"]], "contains() (graphnet.utilities.argparse.options method)": [[109, "graphnet.utilities.argparse.Options.contains"]], "graphnet.utilities.argparse": [[109, "module-graphnet.utilities.argparse"]], "pop_default() (graphnet.utilities.argparse.options method)": [[109, "graphnet.utilities.argparse.Options.pop_default"]], "standard_arguments (graphnet.utilities.argparse.argumentparser attribute)": [[109, "graphnet.utilities.argparse.ArgumentParser.standard_arguments"]], "with_standard_arguments() (graphnet.utilities.argparse.argumentparser method)": [[109, "graphnet.utilities.argparse.ArgumentParser.with_standard_arguments"]], "graphnet.utilities.config": [[110, "module-graphnet.utilities.config"]], "baseconfig (class in graphnet.utilities.config.base_config)": [[111, "graphnet.utilities.config.base_config.BaseConfig"]], "as_dict() (graphnet.utilities.config.base_config.baseconfig method)": [[111, "graphnet.utilities.config.base_config.BaseConfig.as_dict"]], "dump() (graphnet.utilities.config.base_config.baseconfig method)": [[111, "graphnet.utilities.config.base_config.BaseConfig.dump"]], "get_all_argument_values() (in module graphnet.utilities.config.base_config)": [[111, "graphnet.utilities.config.base_config.get_all_argument_values"]], "graphnet.utilities.config.base_config": [[111, "module-graphnet.utilities.config.base_config"]], "load() (graphnet.utilities.config.base_config.baseconfig class method)": [[111, "graphnet.utilities.config.base_config.BaseConfig.load"]], "model_computed_fields (graphnet.utilities.config.base_config.baseconfig attribute)": [[111, "graphnet.utilities.config.base_config.BaseConfig.model_computed_fields"]], "model_config (graphnet.utilities.config.base_config.baseconfig attribute)": [[111, "graphnet.utilities.config.base_config.BaseConfig.model_config"]], "model_fields (graphnet.utilities.config.base_config.baseconfig attribute)": [[111, "graphnet.utilities.config.base_config.BaseConfig.model_fields"]], "configurable (class in graphnet.utilities.config.configurable)": [[112, "graphnet.utilities.config.configurable.Configurable"]], "config (graphnet.utilities.config.configurable.configurable property)": [[112, "graphnet.utilities.config.configurable.Configurable.config"]], "from_config() (graphnet.utilities.config.configurable.configurable class method)": [[112, "graphnet.utilities.config.configurable.Configurable.from_config"]], "graphnet.utilities.config.configurable": [[112, "module-graphnet.utilities.config.configurable"]], "save_config() (graphnet.utilities.config.configurable.configurable method)": [[112, "graphnet.utilities.config.configurable.Configurable.save_config"]], "datasetconfig (class in graphnet.utilities.config.dataset_config)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig"]], "datasetconfigsaverabcmeta (class in graphnet.utilities.config.dataset_config)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfigSaverABCMeta"]], "datasetconfigsavermeta (class in graphnet.utilities.config.dataset_config)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfigSaverMeta"]], "as_dict() (graphnet.utilities.config.dataset_config.datasetconfig method)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.as_dict"]], "features (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.features"]], "graph_definition (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.graph_definition"]], "graphnet.utilities.config.dataset_config": [[113, "module-graphnet.utilities.config.dataset_config"]], "index_column (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.index_column"]], "labels (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.labels"]], "loss_weight_column (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.loss_weight_column"]], "loss_weight_default_value (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.loss_weight_default_value"]], "loss_weight_table (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.loss_weight_table"]], "model_computed_fields (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.model_computed_fields"]], "model_config (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.model_config"]], "model_fields (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.model_fields"]], "node_truth (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.node_truth"]], "node_truth_table (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.node_truth_table"]], "path (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.path"]], "pulsemaps (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.pulsemaps"]], "save_dataset_config() (in module graphnet.utilities.config.dataset_config)": [[113, "graphnet.utilities.config.dataset_config.save_dataset_config"]], "seed (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.seed"]], "selection (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.selection"]], "string_selection (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.string_selection"]], "truth (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.truth"]], "truth_table (graphnet.utilities.config.dataset_config.datasetconfig attribute)": [[113, "graphnet.utilities.config.dataset_config.DatasetConfig.truth_table"]], "modelconfig (class in graphnet.utilities.config.model_config)": [[114, "graphnet.utilities.config.model_config.ModelConfig"]], "modelconfigsaverabc (class in graphnet.utilities.config.model_config)": [[114, "graphnet.utilities.config.model_config.ModelConfigSaverABC"]], "modelconfigsavermeta (class in graphnet.utilities.config.model_config)": [[114, "graphnet.utilities.config.model_config.ModelConfigSaverMeta"]], "arguments (graphnet.utilities.config.model_config.modelconfig attribute)": [[114, "graphnet.utilities.config.model_config.ModelConfig.arguments"]], "as_dict() (graphnet.utilities.config.model_config.modelconfig method)": [[114, "graphnet.utilities.config.model_config.ModelConfig.as_dict"]], "class_name (graphnet.utilities.config.model_config.modelconfig attribute)": [[114, "graphnet.utilities.config.model_config.ModelConfig.class_name"]], "graphnet.utilities.config.model_config": [[114, "module-graphnet.utilities.config.model_config"]], "model_computed_fields (graphnet.utilities.config.model_config.modelconfig attribute)": [[114, "graphnet.utilities.config.model_config.ModelConfig.model_computed_fields"]], "model_config (graphnet.utilities.config.model_config.modelconfig attribute)": [[114, "graphnet.utilities.config.model_config.ModelConfig.model_config"]], "model_fields (graphnet.utilities.config.model_config.modelconfig attribute)": [[114, "graphnet.utilities.config.model_config.ModelConfig.model_fields"]], "save_model_config() (in module graphnet.utilities.config.model_config)": [[114, "graphnet.utilities.config.model_config.save_model_config"]], "get_all_grapnet_classes() (in module graphnet.utilities.config.parsing)": [[115, "graphnet.utilities.config.parsing.get_all_grapnet_classes"]], "get_graphnet_classes() (in module graphnet.utilities.config.parsing)": [[115, "graphnet.utilities.config.parsing.get_graphnet_classes"]], "graphnet.utilities.config.parsing": [[115, "module-graphnet.utilities.config.parsing"]], "is_graphnet_class() (in module graphnet.utilities.config.parsing)": [[115, "graphnet.utilities.config.parsing.is_graphnet_class"]], "is_graphnet_module() (in module graphnet.utilities.config.parsing)": [[115, "graphnet.utilities.config.parsing.is_graphnet_module"]], "list_all_submodules() (in module graphnet.utilities.config.parsing)": [[115, "graphnet.utilities.config.parsing.list_all_submodules"]], "traverse_and_apply() (in module graphnet.utilities.config.parsing)": [[115, "graphnet.utilities.config.parsing.traverse_and_apply"]], "trainingconfig (class in graphnet.utilities.config.training_config)": [[116, "graphnet.utilities.config.training_config.TrainingConfig"]], "dataloader (graphnet.utilities.config.training_config.trainingconfig attribute)": [[116, "graphnet.utilities.config.training_config.TrainingConfig.dataloader"]], "early_stopping_patience (graphnet.utilities.config.training_config.trainingconfig attribute)": [[116, "graphnet.utilities.config.training_config.TrainingConfig.early_stopping_patience"]], "fit (graphnet.utilities.config.training_config.trainingconfig attribute)": [[116, "graphnet.utilities.config.training_config.TrainingConfig.fit"]], "graphnet.utilities.config.training_config": [[116, "module-graphnet.utilities.config.training_config"]], "model_computed_fields (graphnet.utilities.config.training_config.trainingconfig attribute)": [[116, "graphnet.utilities.config.training_config.TrainingConfig.model_computed_fields"]], "model_config (graphnet.utilities.config.training_config.trainingconfig attribute)": [[116, "graphnet.utilities.config.training_config.TrainingConfig.model_config"]], "model_fields (graphnet.utilities.config.training_config.trainingconfig attribute)": [[116, "graphnet.utilities.config.training_config.TrainingConfig.model_fields"]], "target (graphnet.utilities.config.training_config.trainingconfig attribute)": [[116, "graphnet.utilities.config.training_config.TrainingConfig.target"]], "graphnet.utilities.decorators": [[117, "module-graphnet.utilities.decorators"]], "graphnet.utilities.deprecation_tools": [[118, "module-graphnet.utilities.deprecation_tools"]], "rename_state_dict_entries() (in module graphnet.utilities.deprecation_tools)": [[118, "graphnet.utilities.deprecation_tools.rename_state_dict_entries"]], "find_i3_files() (in module graphnet.utilities.filesys)": [[119, "graphnet.utilities.filesys.find_i3_files"]], "graphnet.utilities.filesys": [[119, "module-graphnet.utilities.filesys"]], "has_extension() (in module graphnet.utilities.filesys)": [[119, "graphnet.utilities.filesys.has_extension"]], "is_gcd_file() (in module graphnet.utilities.filesys)": [[119, "graphnet.utilities.filesys.is_gcd_file"]], "is_i3_file() (in module graphnet.utilities.filesys)": [[119, "graphnet.utilities.filesys.is_i3_file"]], "graphnet.utilities.imports": [[120, "module-graphnet.utilities.imports"]], "has_icecube_package() (in module graphnet.utilities.imports)": [[120, "graphnet.utilities.imports.has_icecube_package"]], "has_pisa_package() (in module graphnet.utilities.imports)": [[120, "graphnet.utilities.imports.has_pisa_package"]], "has_torch_package() (in module graphnet.utilities.imports)": [[120, "graphnet.utilities.imports.has_torch_package"]], "requires_icecube() (in module graphnet.utilities.imports)": [[120, "graphnet.utilities.imports.requires_icecube"]], "logger (class in graphnet.utilities.logging)": [[121, "graphnet.utilities.logging.Logger"]], "repeatfilter (class in graphnet.utilities.logging)": [[121, "graphnet.utilities.logging.RepeatFilter"]], "critical() (graphnet.utilities.logging.logger method)": [[121, "graphnet.utilities.logging.Logger.critical"]], "debug() (graphnet.utilities.logging.logger method)": [[121, "graphnet.utilities.logging.Logger.debug"]], "error() (graphnet.utilities.logging.logger method)": [[121, "graphnet.utilities.logging.Logger.error"]], "file_handlers (graphnet.utilities.logging.logger property)": [[121, "graphnet.utilities.logging.Logger.file_handlers"]], "filter() (graphnet.utilities.logging.repeatfilter method)": [[121, "graphnet.utilities.logging.RepeatFilter.filter"]], "graphnet.utilities.logging": [[121, "module-graphnet.utilities.logging"]], "handlers (graphnet.utilities.logging.logger property)": [[121, "graphnet.utilities.logging.Logger.handlers"]], "info() (graphnet.utilities.logging.logger method)": [[121, "graphnet.utilities.logging.Logger.info"]], "nb_repeats_allowed (graphnet.utilities.logging.repeatfilter attribute)": [[121, "graphnet.utilities.logging.RepeatFilter.nb_repeats_allowed"]], "setlevel() (graphnet.utilities.logging.logger method)": [[121, "graphnet.utilities.logging.Logger.setLevel"]], "stream_handlers (graphnet.utilities.logging.logger property)": [[121, "graphnet.utilities.logging.Logger.stream_handlers"]], "warning() (graphnet.utilities.logging.logger method)": [[121, "graphnet.utilities.logging.Logger.warning"]], "warning_once() (graphnet.utilities.logging.logger method)": [[121, "graphnet.utilities.logging.Logger.warning_once"]], "eps_like() (in module graphnet.utilities.maths)": [[122, "graphnet.utilities.maths.eps_like"]], "graphnet.utilities.maths": [[122, "module-graphnet.utilities.maths"]]}}) \ No newline at end of file