From 582ac5f09c852dbd1486f9ef88f18db770f470e3 Mon Sep 17 00:00:00 2001 From: sneakers-the-rat Date: Tue, 20 Aug 2024 22:45:24 -0700 Subject: [PATCH 01/10] parallel builds, remove monkeypatches --- nwb_linkml/pyproject.toml | 2 + .../src/nwb_linkml/generators/pydantic.py | 12 +- nwb_linkml/src/nwb_linkml/monkeypatch.py | 140 +----------------- .../src/nwb_linkml/providers/pydantic.py | 113 +++++++++----- scripts/generate_core.py | 6 +- 5 files changed, 96 insertions(+), 177 deletions(-) diff --git a/nwb_linkml/pyproject.toml b/nwb_linkml/pyproject.toml index 9c8e2af..c7611e2 100644 --- a/nwb_linkml/pyproject.toml +++ b/nwb_linkml/pyproject.toml @@ -16,6 +16,8 @@ dependencies = [ "rich>=13.5.2", #"linkml>=1.7.10", "linkml @ git+https://github.com/sneakers-the-rat/linkml@nwb-linkml", + # until recursive imports gets released + "linkml-runtime @ git+https://github.com/linkml/linkml-runtime@main", "pydantic>=2.3.0", "h5py>=3.9.0", "pydantic-settings>=2.0.3", diff --git a/nwb_linkml/src/nwb_linkml/generators/pydantic.py b/nwb_linkml/src/nwb_linkml/generators/pydantic.py index 0cdfd23..5dec150 100644 --- a/nwb_linkml/src/nwb_linkml/generators/pydantic.py +++ b/nwb_linkml/src/nwb_linkml/generators/pydantic.py @@ -16,6 +16,7 @@ from linkml.generators import PydanticGenerator from linkml.generators.pydanticgen.array import ArrayRepresentation, NumpydanticArray from linkml.generators.pydanticgen.build import ClassResult, SlotResult from linkml.generators.pydanticgen.template import Import, Imports, PydanticModule +from linkml.generators.pydanticgen.pydanticgen import SplitMode from linkml_runtime.linkml_model.meta import ( ArrayExpression, SchemaDefinition, @@ -60,7 +61,7 @@ class NWBPydanticGenerator(PydanticGenerator): array_representations: List[ArrayRepresentation] = field( default_factory=lambda: [ArrayRepresentation.NUMPYDANTIC] ) - black: bool = True + black: bool = False inlined: bool = True emit_metadata: bool = True gen_classvars: bool = True @@ -94,6 +95,15 @@ class NWBPydanticGenerator(PydanticGenerator): if not base_range_subsumes_any_of: raise ValueError("Slot cannot have both range and any_of defined") + def render(self) -> PydanticModule: + is_namespace = False + ns_annotation = self.schemaview.schema.annotations.get("is_namespace", None) + if ns_annotation: + is_namespace = ns_annotation.value + self.split_mode = SplitMode.FULL if is_namespace else SplitMode.AUTO + + return super().render() + def before_generate_slot(self, slot: SlotDefinition, sv: SchemaView) -> SlotDefinition: """ Force some properties to be optional diff --git a/nwb_linkml/src/nwb_linkml/monkeypatch.py b/nwb_linkml/src/nwb_linkml/monkeypatch.py index 6222089..661ec7a 100644 --- a/nwb_linkml/src/nwb_linkml/monkeypatch.py +++ b/nwb_linkml/src/nwb_linkml/monkeypatch.py @@ -5,67 +5,6 @@ Monkeypatches to external modules # ruff: noqa: ANN001 - not well defined types for this module -def patch_schemaview() -> None: - """ - Patch schemaview to correctly resolve multiple layers of relative imports. - - References: - - Returns: - - """ - from functools import lru_cache - from typing import List - - from linkml_runtime.linkml_model import SchemaDefinitionName - from linkml_runtime.utils.schemaview import SchemaView - - @lru_cache - def imports_closure( - self, imports: bool = True, traverse=True, inject_metadata=True - ) -> List[SchemaDefinitionName]: - """ - Return all imports - - :param traverse: if true, traverse recursively - :return: all schema names in the transitive reflexive imports closure - """ - if not imports: - return [self.schema.name] - if self.schema_map is None: - self.schema_map = {self.schema.name: self.schema} - closure = [] - visited = set() - todo = [self.schema.name] - if not traverse: - return todo - while len(todo) > 0: - sn = todo.pop() - visited.add(sn) - if sn not in self.schema_map: - imported_schema = self.load_import(sn) - self.schema_map[sn] = imported_schema - s = self.schema_map[sn] - if sn not in closure: - closure.append(sn) - for i in s.imports: - if sn.startswith(".") and ":" not in i: - # prepend the relative part - i = "/".join(sn.split("/")[:-1]) + "/" + i - if i not in visited: - todo.append(i) - if inject_metadata: - for s in self.schema_map.values(): - for x in {**s.classes, **s.enums, **s.slots, **s.subsets, **s.types}.values(): - x.from_schema = s.id - for c in s.classes.values(): - for a in c.attributes.values(): - a.from_schema = s.id - return closure - - SchemaView.imports_closure = imports_closure - - def patch_array_expression() -> None: """ Allow SlotDefinitions to use `any_of` with `array` @@ -75,7 +14,7 @@ def patch_array_expression() -> None: from dataclasses import field, make_dataclass from typing import Optional - from linkml_runtime.linkml_model import meta + from linkml_runtime.linkml_model import meta, types new_dataclass = make_dataclass( "AnonymousSlotExpression", @@ -83,84 +22,9 @@ def patch_array_expression() -> None: bases=(meta.AnonymousSlotExpression,), ) meta.AnonymousSlotExpression = new_dataclass - - -def patch_pretty_print() -> None: - """ - Fix the godforsaken linkml dataclass reprs - - See: https://github.com/linkml/linkml-runtime/pull/314 - """ - import re - import textwrap - from dataclasses import field, is_dataclass, make_dataclass - from pprint import pformat - from typing import Any - - from linkml_runtime.linkml_model import meta - from linkml_runtime.utils.formatutils import items - - def _pformat(fields: dict, cls_name: str, indent: str = " ") -> str: - """ - pretty format the fields of the items of a ``YAMLRoot`` object without the wonky - indentation of pformat. - see ``YAMLRoot.__repr__``. - formatting is similar to black - items at similar levels of nesting have similar levels - of indentation, - rather than getting placed at essentially random levels of indentation depending on what - came before them. - """ - res = [] - total_len = 0 - for key, val in fields: - if val == [] or val == {} or val is None: - continue - # pformat handles everything else that isn't a YAMLRoot object, - # but it sure does look ugly - # use it to split lines and as the thing of last resort, but otherwise indent = 0, - # we'll do that - val_str = pformat(val, indent=0, compact=True, sort_dicts=False) - # now we indent everything except the first line by indenting - # and then using regex to remove just the first indent - val_str = re.sub(rf"\A{re.escape(indent)}", "", textwrap.indent(val_str, indent)) - # now recombine with the key in a format that can be re-eval'd - # into an object if indent is just whitespace - val_str = f"'{key}': " + val_str - - # count the total length of this string so we know if we need to linebreak or not later - total_len += len(val_str) - res.append(val_str) - - if total_len > 80: - inside = ",\n".join(res) - # we indent twice - once for the inner contents of every inner object, and one to - # offset from the root element. - # that keeps us from needing to be recursive except for the - # single pformat call - inside = textwrap.indent(inside, indent) - return cls_name + "({\n" + inside + "\n})" - else: - return cls_name + "({" + ", ".join(res) + "})" - - def __repr__(self) -> str: - return _pformat(items(self), self.__class__.__name__) - - for cls_name in dir(meta): - cls = getattr(meta, cls_name) - if is_dataclass(cls): - new_dataclass = make_dataclass( - cls.__name__, - fields=[("__dummy__", Any, field(default=None))], - bases=(cls,), - repr=False, - ) - new_dataclass.__repr__ = __repr__ - new_dataclass.__str__ = __repr__ - setattr(meta, cls.__name__, new_dataclass) + types.AnonymousSlotExpression = new_dataclass def apply_patches() -> None: """Apply all monkeypatches""" - patch_schemaview() patch_array_expression() - patch_pretty_print() diff --git a/nwb_linkml/src/nwb_linkml/providers/pydantic.py b/nwb_linkml/src/nwb_linkml/providers/pydantic.py index 3e379dd..21af04f 100644 --- a/nwb_linkml/src/nwb_linkml/providers/pydantic.py +++ b/nwb_linkml/src/nwb_linkml/providers/pydantic.py @@ -9,16 +9,19 @@ from importlib.abc import MetaPathFinder from importlib.machinery import ModuleSpec from pathlib import Path from types import ModuleType -from typing import List, Optional, Type +from typing import List, Optional, Type, TYPE_CHECKING +import multiprocessing as mp from linkml.generators.pydanticgen.pydanticgen import SplitMode, _ensure_inits, _import_to_path -from linkml_runtime.linkml_model.meta import SchemaDefinition from pydantic import BaseModel from nwb_linkml.generators.pydantic import NWBPydanticGenerator from nwb_linkml.maps.naming import module_case, version_module_case from nwb_linkml.providers import LinkMLProvider, Provider +if TYPE_CHECKING: + from linkml_runtime.linkml_model.meta import SchemaDefinition + class PydanticProvider(Provider): """ @@ -65,6 +68,7 @@ class PydanticProvider(Provider): split: bool = True, dump: bool = True, force: bool = False, + parallel: bool = False, **kwargs: dict, ) -> str | List[str]: """ @@ -88,6 +92,8 @@ class PydanticProvider(Provider): otherwise just return the serialized string of built pydantic model force (bool): If ``False`` (default), don't build the model if it already exists, if ``True`` , delete and rebuild any model + parallel (bool): If ``True``, build imported models using multiprocessing, + if ``False`` (default), don't. **kwargs: Passed to :class:`.NWBPydanticGenerator` Returns: @@ -136,7 +142,9 @@ class PydanticProvider(Provider): return serialized - def _build_split(self, path: Path, dump: bool, force: bool, **kwargs) -> List[str]: + def _build_split( + self, path: Path, dump: bool, force: bool, parallel: bool = False, **kwargs + ) -> List[str]: # FIXME: This is messy as all fuck, we're just getting it to work again # so we can start iterating on the models themselves res = [] @@ -171,51 +179,84 @@ class PydanticProvider(Provider): res.append(serialized) # then each of the other schemas :) - imported_schema: dict[str, SchemaDefinition] = { + imported_schema: dict[str, "SchemaDefinition"] = { gen.generate_module_import(sch): sch for sch in gen.schemaview.schema_map.values() } - for generated_import in [i for i in rendered.python_imports if i.schema]: - import_file = (ns_file.parent / _import_to_path(generated_import.module)).resolve() + generated_imports = [i for i in rendered.python_imports if i.schema] + # each task has an expected output file a corresponding SchemaDefinition + import_paths = [ + (ns_file.parent / _import_to_path(an_import.module)).resolve() + for an_import in generated_imports + ] + import_schemas = [ + Path(path).parent / imported_schema[an_import.module].source_file + for an_import in generated_imports + ] - if not import_file.exists() or force: - import_file.parent.mkdir(exist_ok=True, parents=True) - schema = imported_schema[generated_import.module] - is_namespace = False - ns_annotation = schema.annotations.get("is_namespace", None) - if ns_annotation: - is_namespace = ns_annotation.value + tasks = [ + ( + import_path, + import_schema, + force, + self.SPLIT_PATTERN, + dump, + ) + for import_path, import_schema in zip(import_paths, import_schemas) + ] - # fix schema source to absolute path so schemaview can find imports - schema.source_file = ( - Path(gen.schemaview.schema.source_file).parent / schema.source_file - ).resolve() - - import_gen = NWBPydanticGenerator( - schema, - split=True, - split_pattern=self.SPLIT_PATTERN, - split_mode=SplitMode.FULL if is_namespace else SplitMode.AUTO, - ) - serialized = import_gen.serialize() - if dump: - with open(import_file, "w") as ofile: - ofile.write(serialized) - module_paths.append(import_file) - - else: - with open(import_file) as ofile: - serialized = ofile.read() - - res.append(serialized) + if parallel: + with mp.Pool(min(mp.cpu_count(), len(tasks))) as pool: + mp_results = [pool.apply_async(self._generate_single, t) for t in tasks] + for result in mp_results: + res.append(result.get()) + else: + for task in tasks: + res.append(self._generate_single(*task)) # make __init__.py files if we generated any files if len(module_paths) > 0: - _ensure_inits(module_paths) + _ensure_inits(import_paths) # then extra_inits that usually aren't generated bc we're one layer deeper self._make_inits(ns_file) return res + @staticmethod + def _generate_single( + import_file: Path, + # schema: "SchemaDefinition", + schema: Path, + force: bool, + split_pattern: str, + dump: bool, + ) -> str: + """ + Interior generator method for _build_split to be called in parallel + + .. TODO:: + + split up and consolidate this build behavior, very spaghetti. + + """ + + if not import_file.exists() or force: + import_file.parent.mkdir(exist_ok=True, parents=True) + + import_gen = NWBPydanticGenerator( + schema, + split=True, + split_pattern=split_pattern, + ) + serialized = import_gen.serialize() + if dump: + with open(import_file, "w") as ofile: + ofile.write(serialized) + + else: + with open(import_file) as ofile: + serialized = ofile.read() + return serialized + def _make_inits(self, out_file: Path) -> None: """ Make __init__.py files for the directory a model is output to and its immediate parent. diff --git a/scripts/generate_core.py b/scripts/generate_core.py index ad593cf..1e03897 100644 --- a/scripts/generate_core.py +++ b/scripts/generate_core.py @@ -57,7 +57,7 @@ def make_tmp_dir(clear: bool = False) -> Path: if tmp_dir.exists() and clear: for p in tmp_dir.iterdir(): if p.is_dir() and not p.name == "git": - shutil.rmtree(tmp_dir) + shutil.rmtree(p) tmp_dir.mkdir(exist_ok=True) return tmp_dir @@ -139,7 +139,9 @@ def generate_versions( for schema in ns_files: pbar_string = schema.parts[-3] build_progress.update(pydantic_task, action=pbar_string) - pydantic_provider.build(schema, versions=core_ns.versions, split=True) + pydantic_provider.build( + schema, versions=core_ns.versions, split=True, parallel=True + ) build_progress.update(pydantic_task, advance=1) build_progress.update(pydantic_task, action="Built Pydantic") From fe7e9f89ca1c237e686f6c73e330ba415cbe524c Mon Sep 17 00:00:00 2001 From: sneakers-the-rat Date: Tue, 20 Aug 2024 23:04:05 -0700 Subject: [PATCH 02/10] regenerate models --- .../models/pydantic/core/__init__.py | 1 + .../models/pydantic/core/v2_2_0/namespace.py | 142 ++++++++--------- .../models/pydantic/core/v2_2_1/namespace.py | 142 ++++++++--------- .../models/pydantic/core/v2_2_2/namespace.py | 128 +++++++-------- .../models/pydantic/core/v2_2_4/namespace.py | 138 ++++++++-------- .../models/pydantic/core/v2_2_5/namespace.py | 138 ++++++++-------- .../models/pydantic/core/v2_3_0/namespace.py | 144 ++++++++--------- .../models/pydantic/core/v2_4_0/namespace.py | 144 ++++++++--------- .../models/pydantic/core/v2_5_0/namespace.py | 144 ++++++++--------- .../pydantic/core/v2_6_0_alpha/namespace.py | 146 ++++++++--------- .../models/pydantic/core/v2_7_0/namespace.py | 148 +++++++++--------- .../pydantic/hdmf_common/v1_1_0/namespace.py | 12 +- .../pydantic/hdmf_common/v1_1_2/namespace.py | 12 +- .../pydantic/hdmf_common/v1_1_3/namespace.py | 12 +- .../pydantic/hdmf_common/v1_2_0/namespace.py | 14 +- .../pydantic/hdmf_common/v1_2_1/namespace.py | 12 +- .../pydantic/hdmf_common/v1_3_0/namespace.py | 16 +- .../pydantic/hdmf_common/v1_4_0/namespace.py | 2 +- .../pydantic/hdmf_common/v1_5_0/namespace.py | 2 +- .../pydantic/hdmf_common/v1_5_1/namespace.py | 2 +- .../pydantic/hdmf_common/v1_6_0/namespace.py | 2 +- .../pydantic/hdmf_common/v1_7_0/namespace.py | 2 +- .../pydantic/hdmf_common/v1_8_0/namespace.py | 2 +- .../pydantic/hdmf_experimental/__init__.py | 1 + .../hdmf_experimental/v0_1_0/namespace.py | 20 +-- .../hdmf_experimental/v0_2_0/namespace.py | 20 +-- .../hdmf_experimental/v0_3_0/namespace.py | 20 +-- .../hdmf_experimental/v0_4_0/namespace.py | 22 +-- .../hdmf_experimental/v0_5_0/namespace.py | 22 +-- .../linkml/core/v2_2_0/core.nwb.base.yaml | 15 +- .../linkml/core/v2_2_0/core.nwb.behavior.yaml | 91 +++++------ .../linkml/core/v2_2_0/core.nwb.ecephys.yaml | 39 +++-- .../linkml/core/v2_2_0/core.nwb.ophys.yaml | 52 +++--- .../linkml/core/v2_2_1/core.nwb.base.yaml | 15 +- .../linkml/core/v2_2_1/core.nwb.behavior.yaml | 91 +++++------ .../linkml/core/v2_2_1/core.nwb.ecephys.yaml | 39 +++-- .../linkml/core/v2_2_1/core.nwb.ophys.yaml | 52 +++--- .../linkml/core/v2_2_2/core.nwb.base.yaml | 15 +- .../linkml/core/v2_2_2/core.nwb.behavior.yaml | 91 +++++------ .../linkml/core/v2_2_2/core.nwb.ecephys.yaml | 39 +++-- .../linkml/core/v2_2_2/core.nwb.ophys.yaml | 52 +++--- .../linkml/core/v2_2_4/core.nwb.base.yaml | 15 +- .../linkml/core/v2_2_4/core.nwb.behavior.yaml | 91 +++++------ .../linkml/core/v2_2_4/core.nwb.ecephys.yaml | 39 +++-- .../linkml/core/v2_2_4/core.nwb.ophys.yaml | 52 +++--- .../linkml/core/v2_2_5/core.nwb.base.yaml | 15 +- .../linkml/core/v2_2_5/core.nwb.behavior.yaml | 91 +++++------ .../linkml/core/v2_2_5/core.nwb.ecephys.yaml | 39 +++-- .../linkml/core/v2_2_5/core.nwb.ophys.yaml | 52 +++--- .../linkml/core/v2_3_0/core.nwb.base.yaml | 15 +- .../linkml/core/v2_3_0/core.nwb.behavior.yaml | 91 +++++------ .../linkml/core/v2_3_0/core.nwb.ecephys.yaml | 39 +++-- .../linkml/core/v2_3_0/core.nwb.ophys.yaml | 52 +++--- .../linkml/core/v2_4_0/core.nwb.base.yaml | 15 +- .../linkml/core/v2_4_0/core.nwb.behavior.yaml | 91 +++++------ .../linkml/core/v2_4_0/core.nwb.ecephys.yaml | 39 +++-- .../linkml/core/v2_4_0/core.nwb.ophys.yaml | 52 +++--- .../linkml/core/v2_5_0/core.nwb.base.yaml | 15 +- .../linkml/core/v2_5_0/core.nwb.behavior.yaml | 91 +++++------ .../linkml/core/v2_5_0/core.nwb.ecephys.yaml | 39 +++-- .../linkml/core/v2_5_0/core.nwb.ophys.yaml | 52 +++--- .../core/v2_6_0_alpha/core.nwb.base.yaml | 15 +- .../core/v2_6_0_alpha/core.nwb.behavior.yaml | 91 +++++------ .../core/v2_6_0_alpha/core.nwb.ecephys.yaml | 39 +++-- .../core/v2_6_0_alpha/core.nwb.ophys.yaml | 52 +++--- .../linkml/core/v2_7_0/core.nwb.base.yaml | 15 +- .../linkml/core/v2_7_0/core.nwb.behavior.yaml | 91 +++++------ .../linkml/core/v2_7_0/core.nwb.ecephys.yaml | 39 +++-- .../linkml/core/v2_7_0/core.nwb.ophys.yaml | 52 +++--- .../hdmf_common/v1_2_1/hdmf-common.base.yaml | 13 +- .../hdmf_common/v1_3_0/hdmf-common.base.yaml | 13 +- .../hdmf_common/v1_4_0/hdmf-common.base.yaml | 13 +- .../hdmf_common/v1_5_0/hdmf-common.base.yaml | 13 +- .../hdmf_common/v1_5_0/hdmf-common.table.yaml | 13 +- .../hdmf_common/v1_5_1/hdmf-common.base.yaml | 13 +- .../hdmf_common/v1_5_1/hdmf-common.table.yaml | 13 +- .../hdmf_common/v1_6_0/hdmf-common.base.yaml | 13 +- .../hdmf_common/v1_6_0/hdmf-common.table.yaml | 13 +- .../hdmf_common/v1_7_0/hdmf-common.base.yaml | 13 +- .../hdmf_common/v1_7_0/hdmf-common.table.yaml | 13 +- .../hdmf_common/v1_8_0/hdmf-common.base.yaml | 13 +- .../hdmf_common/v1_8_0/hdmf-common.table.yaml | 13 +- 82 files changed, 1794 insertions(+), 1955 deletions(-) diff --git a/nwb_models/src/nwb_models/models/pydantic/core/__init__.py b/nwb_models/src/nwb_models/models/pydantic/core/__init__.py index e69de29..8b13789 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/__init__.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/__init__.py @@ -0,0 +1 @@ + diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/namespace.py index e8892b9..2a75efc 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/namespace.py @@ -7,39 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_common.v1_1_0.hdmf_common_sparse import ( - CSRMatrix, - CSRMatrixIndices, - CSRMatrixIndptr, - CSRMatrixData, -) -from ...hdmf_common.v1_1_0.hdmf_common_table import ( - Data, - Index, - VectorData, - VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - Container, - DynamicTable, -) -from ...core.v2_2_0.core_nwb_retinotopy import ( - RetinotopyMap, - AxisMap, - RetinotopyImage, - ImagingRetinotopy, - ImagingRetinotopyFocalDepthImage, -) -from ...core.v2_2_0.core_nwb_image import ( - GrayscaleImage, - RGBImage, - RGBAImage, - ImageSeries, - ImageSeriesExternalFile, - ImageMaskSeries, - OpticalSeries, - IndexSeries, -) from ...core.v2_2_0.core_nwb_base import ( NWBData, Image, @@ -52,21 +19,31 @@ from ...core.v2_2_0.core_nwb_base import ( ProcessingModule, Images, ) -from ...core.v2_2_0.core_nwb_ophys import ( - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, -) from ...core.v2_2_0.core_nwb_device import Device -from ...core.v2_2_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_2_0.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries +from ...core.v2_2_0.core_nwb_image import ( + GrayscaleImage, + RGBImage, + RGBAImage, + ImageSeries, + ImageSeriesExternalFile, + ImageMaskSeries, + OpticalSeries, + IndexSeries, +) +from ...core.v2_2_0.core_nwb_ecephys import ( + ElectricalSeries, + SpikeEventSeries, + FeatureExtraction, + EventDetection, + EventWaveform, + FilteredEphys, + LFP, + ElectrodeGroup, + ElectrodeGroupPosition, + ClusterWaveforms, + Clustering, +) from ...core.v2_2_0.core_nwb_icephys import ( PatchClampSeries, PatchClampSeriesData, @@ -89,29 +66,19 @@ from ...core.v2_2_0.core_nwb_icephys import ( IntracellularElectrode, SweepTable, ) -from ...core.v2_2_0.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, - ClusterWaveforms, - Clustering, -) -from ...core.v2_2_0.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_2_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_2_0.core_nwb_ophys import ( + TwoPhotonSeries, + RoiResponseSeries, + DfOverF, + Fluorescence, + ImageSegmentation, + ImagingPlane, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + ImagingPlaneGridSpacing, + OpticalChannel, + MotionCorrection, ) from ...core.v2_2_0.core_nwb_misc import ( AbstractFeatureSeries, @@ -135,7 +102,40 @@ from ...core.v2_2_0.core_nwb_file import ( GeneralIntracellularEphys, NWBFileIntervals, ) -from ...core.v2_2_0.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries +from ...core.v2_2_0.core_nwb_behavior import ( + SpatialSeries, + SpatialSeriesData, + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + PupilTracking, + EyeTracking, + CompassDirection, + Position, +) +from ...core.v2_2_0.core_nwb_retinotopy import ( + RetinotopyMap, + AxisMap, + RetinotopyImage, + ImagingRetinotopy, + ImagingRetinotopyFocalDepthImage, +) +from ...hdmf_common.v1_1_0.hdmf_common_table import ( + Data, + Index, + VectorData, + VectorIndex, + ElementIdentifiers, + DynamicTableRegion, + Container, + DynamicTable, +) +from ...hdmf_common.v1_1_0.hdmf_common_sparse import ( + CSRMatrix, + CSRMatrixIndices, + CSRMatrixIndptr, + CSRMatrixData, +) metamodel_version = "None" version = "2.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/namespace.py index b5d693b..f2df392 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/namespace.py @@ -7,39 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_common.v1_1_2.hdmf_common_sparse import ( - CSRMatrix, - CSRMatrixIndices, - CSRMatrixIndptr, - CSRMatrixData, -) -from ...hdmf_common.v1_1_2.hdmf_common_table import ( - Data, - Index, - VectorData, - VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - Container, - DynamicTable, -) -from ...core.v2_2_1.core_nwb_retinotopy import ( - RetinotopyMap, - AxisMap, - RetinotopyImage, - ImagingRetinotopy, - ImagingRetinotopyFocalDepthImage, -) -from ...core.v2_2_1.core_nwb_image import ( - GrayscaleImage, - RGBImage, - RGBAImage, - ImageSeries, - ImageSeriesExternalFile, - ImageMaskSeries, - OpticalSeries, - IndexSeries, -) from ...core.v2_2_1.core_nwb_base import ( NWBData, Image, @@ -52,21 +19,31 @@ from ...core.v2_2_1.core_nwb_base import ( ProcessingModule, Images, ) -from ...core.v2_2_1.core_nwb_ophys import ( - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, -) from ...core.v2_2_1.core_nwb_device import Device -from ...core.v2_2_1.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_2_1.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries +from ...core.v2_2_1.core_nwb_image import ( + GrayscaleImage, + RGBImage, + RGBAImage, + ImageSeries, + ImageSeriesExternalFile, + ImageMaskSeries, + OpticalSeries, + IndexSeries, +) +from ...core.v2_2_1.core_nwb_ecephys import ( + ElectricalSeries, + SpikeEventSeries, + FeatureExtraction, + EventDetection, + EventWaveform, + FilteredEphys, + LFP, + ElectrodeGroup, + ElectrodeGroupPosition, + ClusterWaveforms, + Clustering, +) from ...core.v2_2_1.core_nwb_icephys import ( PatchClampSeries, PatchClampSeriesData, @@ -89,29 +66,19 @@ from ...core.v2_2_1.core_nwb_icephys import ( IntracellularElectrode, SweepTable, ) -from ...core.v2_2_1.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, - ClusterWaveforms, - Clustering, -) -from ...core.v2_2_1.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_2_1.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_2_1.core_nwb_ophys import ( + TwoPhotonSeries, + RoiResponseSeries, + DfOverF, + Fluorescence, + ImageSegmentation, + ImagingPlane, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + ImagingPlaneGridSpacing, + OpticalChannel, + MotionCorrection, ) from ...core.v2_2_1.core_nwb_misc import ( AbstractFeatureSeries, @@ -135,7 +102,40 @@ from ...core.v2_2_1.core_nwb_file import ( GeneralIntracellularEphys, NWBFileIntervals, ) -from ...core.v2_2_1.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries +from ...core.v2_2_1.core_nwb_behavior import ( + SpatialSeries, + SpatialSeriesData, + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + PupilTracking, + EyeTracking, + CompassDirection, + Position, +) +from ...core.v2_2_1.core_nwb_retinotopy import ( + RetinotopyMap, + AxisMap, + RetinotopyImage, + ImagingRetinotopy, + ImagingRetinotopyFocalDepthImage, +) +from ...hdmf_common.v1_1_2.hdmf_common_table import ( + Data, + Index, + VectorData, + VectorIndex, + ElementIdentifiers, + DynamicTableRegion, + Container, + DynamicTable, +) +from ...hdmf_common.v1_1_2.hdmf_common_sparse import ( + CSRMatrix, + CSRMatrixIndices, + CSRMatrixIndptr, + CSRMatrixData, +) metamodel_version = "None" version = "2.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/namespace.py index e9737e4..6a5046e 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/namespace.py @@ -7,32 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_common.v1_1_3.hdmf_common_sparse import ( - CSRMatrix, - CSRMatrixIndices, - CSRMatrixIndptr, - CSRMatrixData, -) -from ...hdmf_common.v1_1_3.hdmf_common_table import ( - Data, - Index, - VectorData, - VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - Container, - DynamicTable, -) -from ...core.v2_2_2.core_nwb_retinotopy import ( - ImagingRetinotopy, - ImagingRetinotopyAxis1PhaseMap, - ImagingRetinotopyAxis1PowerMap, - ImagingRetinotopyAxis2PhaseMap, - ImagingRetinotopyAxis2PowerMap, - ImagingRetinotopyFocalDepthImage, - ImagingRetinotopySignMap, - ImagingRetinotopyVasculatureImage, -) from ...core.v2_2_2.core_nwb_base import ( NWBData, Image, @@ -45,20 +19,8 @@ from ...core.v2_2_2.core_nwb_base import ( ProcessingModule, Images, ) -from ...core.v2_2_2.core_nwb_ophys import ( - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, -) from ...core.v2_2_2.core_nwb_device import Device +from ...core.v2_2_2.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries from ...core.v2_2_2.core_nwb_image import ( GrayscaleImage, RGBImage, @@ -69,7 +31,19 @@ from ...core.v2_2_2.core_nwb_image import ( OpticalSeries, IndexSeries, ) -from ...core.v2_2_2.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_2_2.core_nwb_ecephys import ( + ElectricalSeries, + SpikeEventSeries, + FeatureExtraction, + EventDetection, + EventWaveform, + FilteredEphys, + LFP, + ElectrodeGroup, + ElectrodeGroupPosition, + ClusterWaveforms, + Clustering, +) from ...core.v2_2_2.core_nwb_icephys import ( PatchClampSeries, PatchClampSeriesData, @@ -92,29 +66,19 @@ from ...core.v2_2_2.core_nwb_icephys import ( IntracellularElectrode, SweepTable, ) -from ...core.v2_2_2.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, - ClusterWaveforms, - Clustering, -) -from ...core.v2_2_2.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_2_2.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_2_2.core_nwb_ophys import ( + TwoPhotonSeries, + RoiResponseSeries, + DfOverF, + Fluorescence, + ImageSegmentation, + ImagingPlane, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + ImagingPlaneGridSpacing, + OpticalChannel, + MotionCorrection, ) from ...core.v2_2_2.core_nwb_misc import ( AbstractFeatureSeries, @@ -138,7 +102,43 @@ from ...core.v2_2_2.core_nwb_file import ( GeneralIntracellularEphys, NWBFileIntervals, ) -from ...core.v2_2_2.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries +from ...core.v2_2_2.core_nwb_behavior import ( + SpatialSeries, + SpatialSeriesData, + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + PupilTracking, + EyeTracking, + CompassDirection, + Position, +) +from ...core.v2_2_2.core_nwb_retinotopy import ( + ImagingRetinotopy, + ImagingRetinotopyAxis1PhaseMap, + ImagingRetinotopyAxis1PowerMap, + ImagingRetinotopyAxis2PhaseMap, + ImagingRetinotopyAxis2PowerMap, + ImagingRetinotopyFocalDepthImage, + ImagingRetinotopySignMap, + ImagingRetinotopyVasculatureImage, +) +from ...hdmf_common.v1_1_3.hdmf_common_table import ( + Data, + Index, + VectorData, + VectorIndex, + ElementIdentifiers, + DynamicTableRegion, + Container, + DynamicTable, +) +from ...hdmf_common.v1_1_3.hdmf_common_sparse import ( + CSRMatrix, + CSRMatrixIndices, + CSRMatrixIndptr, + CSRMatrixData, +) metamodel_version = "None" version = "2.2.2" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/namespace.py index d4744f0..7b03647 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/namespace.py @@ -7,32 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_common.v1_1_3.hdmf_common_sparse import ( - CSRMatrix, - CSRMatrixIndices, - CSRMatrixIndptr, - CSRMatrixData, -) -from ...hdmf_common.v1_1_3.hdmf_common_table import ( - Data, - Index, - VectorData, - VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - Container, - DynamicTable, -) -from ...core.v2_2_4.core_nwb_retinotopy import ( - ImagingRetinotopy, - ImagingRetinotopyAxis1PhaseMap, - ImagingRetinotopyAxis1PowerMap, - ImagingRetinotopyAxis2PhaseMap, - ImagingRetinotopyAxis2PowerMap, - ImagingRetinotopyFocalDepthImage, - ImagingRetinotopySignMap, - ImagingRetinotopyVasculatureImage, -) from ...core.v2_2_4.core_nwb_base import ( NWBData, Image, @@ -45,25 +19,8 @@ from ...core.v2_2_4.core_nwb_base import ( ProcessingModule, Images, ) -from ...core.v2_2_4.core_nwb_ophys import ( - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - PlaneSegmentation, - PlaneSegmentationImageMask, - PlaneSegmentationPixelMask, - PlaneSegmentationVoxelMask, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, - CorrectedImageStack, -) from ...core.v2_2_4.core_nwb_device import Device +from ...core.v2_2_4.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries from ...core.v2_2_4.core_nwb_image import ( GrayscaleImage, RGBImage, @@ -74,7 +31,19 @@ from ...core.v2_2_4.core_nwb_image import ( OpticalSeries, IndexSeries, ) -from ...core.v2_2_4.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_2_4.core_nwb_ecephys import ( + ElectricalSeries, + SpikeEventSeries, + FeatureExtraction, + EventDetection, + EventWaveform, + FilteredEphys, + LFP, + ElectrodeGroup, + ElectrodeGroupPosition, + ClusterWaveforms, + Clustering, +) from ...core.v2_2_4.core_nwb_icephys import ( PatchClampSeries, PatchClampSeriesData, @@ -97,29 +66,24 @@ from ...core.v2_2_4.core_nwb_icephys import ( IntracellularElectrode, SweepTable, ) -from ...core.v2_2_4.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, - ClusterWaveforms, - Clustering, -) -from ...core.v2_2_4.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_2_4.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_2_4.core_nwb_ophys import ( + TwoPhotonSeries, + RoiResponseSeries, + DfOverF, + Fluorescence, + ImageSegmentation, + PlaneSegmentation, + PlaneSegmentationImageMask, + PlaneSegmentationPixelMask, + PlaneSegmentationVoxelMask, + ImagingPlane, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + ImagingPlaneGridSpacing, + OpticalChannel, + MotionCorrection, + CorrectedImageStack, ) from ...core.v2_2_4.core_nwb_misc import ( AbstractFeatureSeries, @@ -145,7 +109,43 @@ from ...core.v2_2_4.core_nwb_file import ( LabMetaData, Subject, ) -from ...core.v2_2_4.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries +from ...core.v2_2_4.core_nwb_behavior import ( + SpatialSeries, + SpatialSeriesData, + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + PupilTracking, + EyeTracking, + CompassDirection, + Position, +) +from ...core.v2_2_4.core_nwb_retinotopy import ( + ImagingRetinotopy, + ImagingRetinotopyAxis1PhaseMap, + ImagingRetinotopyAxis1PowerMap, + ImagingRetinotopyAxis2PhaseMap, + ImagingRetinotopyAxis2PowerMap, + ImagingRetinotopyFocalDepthImage, + ImagingRetinotopySignMap, + ImagingRetinotopyVasculatureImage, +) +from ...hdmf_common.v1_1_3.hdmf_common_table import ( + Data, + Index, + VectorData, + VectorIndex, + ElementIdentifiers, + DynamicTableRegion, + Container, + DynamicTable, +) +from ...hdmf_common.v1_1_3.hdmf_common_sparse import ( + CSRMatrix, + CSRMatrixIndices, + CSRMatrixIndptr, + CSRMatrixData, +) metamodel_version = "None" version = "2.2.4" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/namespace.py index ce33adb..c3c4c28 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/namespace.py @@ -7,32 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_common.v1_1_3.hdmf_common_sparse import ( - CSRMatrix, - CSRMatrixIndices, - CSRMatrixIndptr, - CSRMatrixData, -) -from ...hdmf_common.v1_1_3.hdmf_common_table import ( - Data, - Index, - VectorData, - VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - Container, - DynamicTable, -) -from ...core.v2_2_5.core_nwb_retinotopy import ( - ImagingRetinotopy, - ImagingRetinotopyAxis1PhaseMap, - ImagingRetinotopyAxis1PowerMap, - ImagingRetinotopyAxis2PhaseMap, - ImagingRetinotopyAxis2PowerMap, - ImagingRetinotopyFocalDepthImage, - ImagingRetinotopySignMap, - ImagingRetinotopyVasculatureImage, -) from ...core.v2_2_5.core_nwb_base import ( NWBData, Image, @@ -45,25 +19,8 @@ from ...core.v2_2_5.core_nwb_base import ( ProcessingModule, Images, ) -from ...core.v2_2_5.core_nwb_ophys import ( - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - PlaneSegmentation, - PlaneSegmentationImageMask, - PlaneSegmentationPixelMask, - PlaneSegmentationVoxelMask, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, - CorrectedImageStack, -) from ...core.v2_2_5.core_nwb_device import Device +from ...core.v2_2_5.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries from ...core.v2_2_5.core_nwb_image import ( GrayscaleImage, RGBImage, @@ -74,7 +31,19 @@ from ...core.v2_2_5.core_nwb_image import ( OpticalSeries, IndexSeries, ) -from ...core.v2_2_5.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_2_5.core_nwb_ecephys import ( + ElectricalSeries, + SpikeEventSeries, + FeatureExtraction, + EventDetection, + EventWaveform, + FilteredEphys, + LFP, + ElectrodeGroup, + ElectrodeGroupPosition, + ClusterWaveforms, + Clustering, +) from ...core.v2_2_5.core_nwb_icephys import ( PatchClampSeries, PatchClampSeriesData, @@ -97,29 +66,24 @@ from ...core.v2_2_5.core_nwb_icephys import ( IntracellularElectrode, SweepTable, ) -from ...core.v2_2_5.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, - ClusterWaveforms, - Clustering, -) -from ...core.v2_2_5.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_2_5.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_2_5.core_nwb_ophys import ( + TwoPhotonSeries, + RoiResponseSeries, + DfOverF, + Fluorescence, + ImageSegmentation, + PlaneSegmentation, + PlaneSegmentationImageMask, + PlaneSegmentationPixelMask, + PlaneSegmentationVoxelMask, + ImagingPlane, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + ImagingPlaneGridSpacing, + OpticalChannel, + MotionCorrection, + CorrectedImageStack, ) from ...core.v2_2_5.core_nwb_misc import ( AbstractFeatureSeries, @@ -145,7 +109,43 @@ from ...core.v2_2_5.core_nwb_file import ( LabMetaData, Subject, ) -from ...core.v2_2_5.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries +from ...core.v2_2_5.core_nwb_behavior import ( + SpatialSeries, + SpatialSeriesData, + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + PupilTracking, + EyeTracking, + CompassDirection, + Position, +) +from ...core.v2_2_5.core_nwb_retinotopy import ( + ImagingRetinotopy, + ImagingRetinotopyAxis1PhaseMap, + ImagingRetinotopyAxis1PowerMap, + ImagingRetinotopyAxis2PhaseMap, + ImagingRetinotopyAxis2PowerMap, + ImagingRetinotopyFocalDepthImage, + ImagingRetinotopySignMap, + ImagingRetinotopyVasculatureImage, +) +from ...hdmf_common.v1_1_3.hdmf_common_table import ( + Data, + Index, + VectorData, + VectorIndex, + ElementIdentifiers, + DynamicTableRegion, + Container, + DynamicTable, +) +from ...hdmf_common.v1_1_3.hdmf_common_sparse import ( + CSRMatrix, + CSRMatrixIndices, + CSRMatrixIndptr, + CSRMatrixData, +) metamodel_version = "None" version = "2.2.5" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/namespace.py index 6bb4f8d..2381520 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/namespace.py @@ -7,35 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_experimental.v0_1_0.hdmf_experimental_resources import ( - ExternalResources, - ExternalResourcesKeys, - ExternalResourcesEntities, - ExternalResourcesResources, - ExternalResourcesObjects, - ExternalResourcesObjectKeys, -) -from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData -from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container, SimpleMultiContainer -from ...hdmf_common.v1_5_0.hdmf_common_table import ( - VectorData, - VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, -) -from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData -from ...core.v2_3_0.core_nwb_retinotopy import ( - ImagingRetinotopy, - ImagingRetinotopyAxis1PhaseMap, - ImagingRetinotopyAxis1PowerMap, - ImagingRetinotopyAxis2PhaseMap, - ImagingRetinotopyAxis2PowerMap, - ImagingRetinotopyFocalDepthImage, - ImagingRetinotopySignMap, - ImagingRetinotopyVasculatureImage, -) from ...core.v2_3_0.core_nwb_base import ( NWBData, Image, @@ -48,25 +19,8 @@ from ...core.v2_3_0.core_nwb_base import ( ProcessingModule, Images, ) -from ...core.v2_3_0.core_nwb_ophys import ( - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - PlaneSegmentation, - PlaneSegmentationImageMask, - PlaneSegmentationPixelMask, - PlaneSegmentationVoxelMask, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, - CorrectedImageStack, -) from ...core.v2_3_0.core_nwb_device import Device +from ...core.v2_3_0.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries from ...core.v2_3_0.core_nwb_image import ( GrayscaleImage, RGBImage, @@ -77,7 +31,19 @@ from ...core.v2_3_0.core_nwb_image import ( OpticalSeries, IndexSeries, ) -from ...core.v2_3_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_3_0.core_nwb_ecephys import ( + ElectricalSeries, + SpikeEventSeries, + FeatureExtraction, + EventDetection, + EventWaveform, + FilteredEphys, + LFP, + ElectrodeGroup, + ElectrodeGroupPosition, + ClusterWaveforms, + Clustering, +) from ...core.v2_3_0.core_nwb_icephys import ( PatchClampSeries, PatchClampSeriesData, @@ -100,29 +66,24 @@ from ...core.v2_3_0.core_nwb_icephys import ( IntracellularElectrode, SweepTable, ) -from ...core.v2_3_0.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, - ClusterWaveforms, - Clustering, -) -from ...core.v2_3_0.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_3_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_3_0.core_nwb_ophys import ( + TwoPhotonSeries, + RoiResponseSeries, + DfOverF, + Fluorescence, + ImageSegmentation, + PlaneSegmentation, + PlaneSegmentationImageMask, + PlaneSegmentationPixelMask, + PlaneSegmentationVoxelMask, + ImagingPlane, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + ImagingPlaneGridSpacing, + OpticalChannel, + MotionCorrection, + CorrectedImageStack, ) from ...core.v2_3_0.core_nwb_misc import ( AbstractFeatureSeries, @@ -148,7 +109,46 @@ from ...core.v2_3_0.core_nwb_file import ( LabMetaData, Subject, ) -from ...core.v2_3_0.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries +from ...core.v2_3_0.core_nwb_behavior import ( + SpatialSeries, + SpatialSeriesData, + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + PupilTracking, + EyeTracking, + CompassDirection, + Position, +) +from ...core.v2_3_0.core_nwb_retinotopy import ( + ImagingRetinotopy, + ImagingRetinotopyAxis1PhaseMap, + ImagingRetinotopyAxis1PowerMap, + ImagingRetinotopyAxis2PhaseMap, + ImagingRetinotopyAxis2PowerMap, + ImagingRetinotopyFocalDepthImage, + ImagingRetinotopySignMap, + ImagingRetinotopyVasculatureImage, +) +from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData +from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from ...hdmf_common.v1_5_0.hdmf_common_table import ( + VectorData, + VectorIndex, + ElementIdentifiers, + DynamicTableRegion, + DynamicTable, + AlignedDynamicTable, +) +from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_1_0.hdmf_experimental_resources import ( + ExternalResources, + ExternalResourcesKeys, + ExternalResourcesEntities, + ExternalResourcesResources, + ExternalResourcesObjects, + ExternalResourcesObjectKeys, +) metamodel_version = "None" version = "2.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/namespace.py index ecb9186..6c6d326 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/namespace.py @@ -7,35 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_experimental.v0_1_0.hdmf_experimental_resources import ( - ExternalResources, - ExternalResourcesKeys, - ExternalResourcesEntities, - ExternalResourcesResources, - ExternalResourcesObjects, - ExternalResourcesObjectKeys, -) -from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData -from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container, SimpleMultiContainer -from ...hdmf_common.v1_5_0.hdmf_common_table import ( - VectorData, - VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, -) -from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData -from ...core.v2_4_0.core_nwb_retinotopy import ( - ImagingRetinotopy, - ImagingRetinotopyAxis1PhaseMap, - ImagingRetinotopyAxis1PowerMap, - ImagingRetinotopyAxis2PhaseMap, - ImagingRetinotopyAxis2PowerMap, - ImagingRetinotopyFocalDepthImage, - ImagingRetinotopySignMap, - ImagingRetinotopyVasculatureImage, -) from ...core.v2_4_0.core_nwb_base import ( NWBData, TimeSeriesReferenceVectorData, @@ -49,25 +20,8 @@ from ...core.v2_4_0.core_nwb_base import ( ProcessingModule, Images, ) -from ...core.v2_4_0.core_nwb_ophys import ( - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - PlaneSegmentation, - PlaneSegmentationImageMask, - PlaneSegmentationPixelMask, - PlaneSegmentationVoxelMask, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, - CorrectedImageStack, -) from ...core.v2_4_0.core_nwb_device import Device +from ...core.v2_4_0.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries from ...core.v2_4_0.core_nwb_image import ( GrayscaleImage, RGBImage, @@ -78,7 +32,19 @@ from ...core.v2_4_0.core_nwb_image import ( OpticalSeries, IndexSeries, ) -from ...core.v2_4_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_4_0.core_nwb_ecephys import ( + ElectricalSeries, + SpikeEventSeries, + FeatureExtraction, + EventDetection, + EventWaveform, + FilteredEphys, + LFP, + ElectrodeGroup, + ElectrodeGroupPosition, + ClusterWaveforms, + Clustering, +) from ...core.v2_4_0.core_nwb_icephys import ( PatchClampSeries, PatchClampSeriesData, @@ -113,29 +79,24 @@ from ...core.v2_4_0.core_nwb_icephys import ( ExperimentalConditionsTable, ExperimentalConditionsTableRepetitions, ) -from ...core.v2_4_0.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, - ClusterWaveforms, - Clustering, -) -from ...core.v2_4_0.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_4_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_4_0.core_nwb_ophys import ( + TwoPhotonSeries, + RoiResponseSeries, + DfOverF, + Fluorescence, + ImageSegmentation, + PlaneSegmentation, + PlaneSegmentationImageMask, + PlaneSegmentationPixelMask, + PlaneSegmentationVoxelMask, + ImagingPlane, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + ImagingPlaneGridSpacing, + OpticalChannel, + MotionCorrection, + CorrectedImageStack, ) from ...core.v2_4_0.core_nwb_misc import ( AbstractFeatureSeries, @@ -161,7 +122,46 @@ from ...core.v2_4_0.core_nwb_file import ( LabMetaData, Subject, ) -from ...core.v2_4_0.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries +from ...core.v2_4_0.core_nwb_behavior import ( + SpatialSeries, + SpatialSeriesData, + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + PupilTracking, + EyeTracking, + CompassDirection, + Position, +) +from ...core.v2_4_0.core_nwb_retinotopy import ( + ImagingRetinotopy, + ImagingRetinotopyAxis1PhaseMap, + ImagingRetinotopyAxis1PowerMap, + ImagingRetinotopyAxis2PhaseMap, + ImagingRetinotopyAxis2PowerMap, + ImagingRetinotopyFocalDepthImage, + ImagingRetinotopySignMap, + ImagingRetinotopyVasculatureImage, +) +from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData +from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from ...hdmf_common.v1_5_0.hdmf_common_table import ( + VectorData, + VectorIndex, + ElementIdentifiers, + DynamicTableRegion, + DynamicTable, + AlignedDynamicTable, +) +from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_1_0.hdmf_experimental_resources import ( + ExternalResources, + ExternalResourcesKeys, + ExternalResourcesEntities, + ExternalResourcesResources, + ExternalResourcesObjects, + ExternalResourcesObjectKeys, +) metamodel_version = "None" version = "2.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/namespace.py index ec00173..dcba87e 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/namespace.py @@ -7,35 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_experimental.v0_1_0.hdmf_experimental_resources import ( - ExternalResources, - ExternalResourcesKeys, - ExternalResourcesEntities, - ExternalResourcesResources, - ExternalResourcesObjects, - ExternalResourcesObjectKeys, -) -from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData -from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container, SimpleMultiContainer -from ...hdmf_common.v1_5_0.hdmf_common_table import ( - VectorData, - VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, -) -from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData -from ...core.v2_5_0.core_nwb_retinotopy import ( - ImagingRetinotopy, - ImagingRetinotopyAxis1PhaseMap, - ImagingRetinotopyAxis1PowerMap, - ImagingRetinotopyAxis2PhaseMap, - ImagingRetinotopyAxis2PowerMap, - ImagingRetinotopyFocalDepthImage, - ImagingRetinotopySignMap, - ImagingRetinotopyVasculatureImage, -) from ...core.v2_5_0.core_nwb_base import ( NWBData, TimeSeriesReferenceVectorData, @@ -50,25 +21,8 @@ from ...core.v2_5_0.core_nwb_base import ( ProcessingModule, Images, ) -from ...core.v2_5_0.core_nwb_ophys import ( - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - PlaneSegmentation, - PlaneSegmentationImageMask, - PlaneSegmentationPixelMask, - PlaneSegmentationVoxelMask, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, - CorrectedImageStack, -) from ...core.v2_5_0.core_nwb_device import Device +from ...core.v2_5_0.core_nwb_epoch import TimeIntervals from ...core.v2_5_0.core_nwb_image import ( GrayscaleImage, RGBImage, @@ -79,7 +33,19 @@ from ...core.v2_5_0.core_nwb_image import ( OpticalSeries, IndexSeries, ) -from ...core.v2_5_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_5_0.core_nwb_ecephys import ( + ElectricalSeries, + SpikeEventSeries, + FeatureExtraction, + EventDetection, + EventWaveform, + FilteredEphys, + LFP, + ElectrodeGroup, + ElectrodeGroupPosition, + ClusterWaveforms, + Clustering, +) from ...core.v2_5_0.core_nwb_icephys import ( PatchClampSeries, PatchClampSeriesData, @@ -114,29 +80,24 @@ from ...core.v2_5_0.core_nwb_icephys import ( ExperimentalConditionsTable, ExperimentalConditionsTableRepetitions, ) -from ...core.v2_5_0.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, - ClusterWaveforms, - Clustering, -) -from ...core.v2_5_0.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_5_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_5_0.core_nwb_ophys import ( + TwoPhotonSeries, + RoiResponseSeries, + DfOverF, + Fluorescence, + ImageSegmentation, + PlaneSegmentation, + PlaneSegmentationImageMask, + PlaneSegmentationPixelMask, + PlaneSegmentationVoxelMask, + ImagingPlane, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + ImagingPlaneGridSpacing, + OpticalChannel, + MotionCorrection, + CorrectedImageStack, ) from ...core.v2_5_0.core_nwb_misc import ( AbstractFeatureSeries, @@ -162,7 +123,46 @@ from ...core.v2_5_0.core_nwb_file import ( LabMetaData, Subject, ) -from ...core.v2_5_0.core_nwb_epoch import TimeIntervals +from ...core.v2_5_0.core_nwb_behavior import ( + SpatialSeries, + SpatialSeriesData, + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + PupilTracking, + EyeTracking, + CompassDirection, + Position, +) +from ...core.v2_5_0.core_nwb_retinotopy import ( + ImagingRetinotopy, + ImagingRetinotopyAxis1PhaseMap, + ImagingRetinotopyAxis1PowerMap, + ImagingRetinotopyAxis2PhaseMap, + ImagingRetinotopyAxis2PowerMap, + ImagingRetinotopyFocalDepthImage, + ImagingRetinotopySignMap, + ImagingRetinotopyVasculatureImage, +) +from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData +from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from ...hdmf_common.v1_5_0.hdmf_common_table import ( + VectorData, + VectorIndex, + ElementIdentifiers, + DynamicTableRegion, + DynamicTable, + AlignedDynamicTable, +) +from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_1_0.hdmf_experimental_resources import ( + ExternalResources, + ExternalResourcesKeys, + ExternalResourcesEntities, + ExternalResourcesResources, + ExternalResourcesObjects, + ExternalResourcesObjectKeys, +) metamodel_version = "None" version = "2.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/namespace.py index c0c5da0..acb6d6a 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/namespace.py @@ -7,35 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_experimental.v0_1_0.hdmf_experimental_resources import ( - ExternalResources, - ExternalResourcesKeys, - ExternalResourcesEntities, - ExternalResourcesResources, - ExternalResourcesObjects, - ExternalResourcesObjectKeys, -) -from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData -from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container, SimpleMultiContainer -from ...hdmf_common.v1_5_0.hdmf_common_table import ( - VectorData, - VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, -) -from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData -from ...core.v2_6_0_alpha.core_nwb_retinotopy import ( - ImagingRetinotopy, - ImagingRetinotopyAxis1PhaseMap, - ImagingRetinotopyAxis1PowerMap, - ImagingRetinotopyAxis2PhaseMap, - ImagingRetinotopyAxis2PowerMap, - ImagingRetinotopyFocalDepthImage, - ImagingRetinotopySignMap, - ImagingRetinotopyVasculatureImage, -) from ...core.v2_6_0_alpha.core_nwb_base import ( NWBData, TimeSeriesReferenceVectorData, @@ -50,26 +21,8 @@ from ...core.v2_6_0_alpha.core_nwb_base import ( ProcessingModule, Images, ) -from ...core.v2_6_0_alpha.core_nwb_ophys import ( - OnePhotonSeries, - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - PlaneSegmentation, - PlaneSegmentationImageMask, - PlaneSegmentationPixelMask, - PlaneSegmentationVoxelMask, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, - CorrectedImageStack, -) from ...core.v2_6_0_alpha.core_nwb_device import Device +from ...core.v2_6_0_alpha.core_nwb_epoch import TimeIntervals from ...core.v2_6_0_alpha.core_nwb_image import ( GrayscaleImage, RGBImage, @@ -80,7 +33,19 @@ from ...core.v2_6_0_alpha.core_nwb_image import ( OpticalSeries, IndexSeries, ) -from ...core.v2_6_0_alpha.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_6_0_alpha.core_nwb_ecephys import ( + ElectricalSeries, + SpikeEventSeries, + FeatureExtraction, + EventDetection, + EventWaveform, + FilteredEphys, + LFP, + ElectrodeGroup, + ElectrodeGroupPosition, + ClusterWaveforms, + Clustering, +) from ...core.v2_6_0_alpha.core_nwb_icephys import ( PatchClampSeries, PatchClampSeriesData, @@ -115,29 +80,25 @@ from ...core.v2_6_0_alpha.core_nwb_icephys import ( ExperimentalConditionsTable, ExperimentalConditionsTableRepetitions, ) -from ...core.v2_6_0_alpha.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, - ClusterWaveforms, - Clustering, -) -from ...core.v2_6_0_alpha.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_6_0_alpha.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_6_0_alpha.core_nwb_ophys import ( + OnePhotonSeries, + TwoPhotonSeries, + RoiResponseSeries, + DfOverF, + Fluorescence, + ImageSegmentation, + PlaneSegmentation, + PlaneSegmentationImageMask, + PlaneSegmentationPixelMask, + PlaneSegmentationVoxelMask, + ImagingPlane, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + ImagingPlaneGridSpacing, + OpticalChannel, + MotionCorrection, + CorrectedImageStack, ) from ...core.v2_6_0_alpha.core_nwb_misc import ( AbstractFeatureSeries, @@ -164,7 +125,46 @@ from ...core.v2_6_0_alpha.core_nwb_file import ( Subject, SubjectAge, ) -from ...core.v2_6_0_alpha.core_nwb_epoch import TimeIntervals +from ...core.v2_6_0_alpha.core_nwb_behavior import ( + SpatialSeries, + SpatialSeriesData, + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + PupilTracking, + EyeTracking, + CompassDirection, + Position, +) +from ...core.v2_6_0_alpha.core_nwb_retinotopy import ( + ImagingRetinotopy, + ImagingRetinotopyAxis1PhaseMap, + ImagingRetinotopyAxis1PowerMap, + ImagingRetinotopyAxis2PhaseMap, + ImagingRetinotopyAxis2PowerMap, + ImagingRetinotopyFocalDepthImage, + ImagingRetinotopySignMap, + ImagingRetinotopyVasculatureImage, +) +from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData +from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from ...hdmf_common.v1_5_0.hdmf_common_table import ( + VectorData, + VectorIndex, + ElementIdentifiers, + DynamicTableRegion, + DynamicTable, + AlignedDynamicTable, +) +from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_1_0.hdmf_experimental_resources import ( + ExternalResources, + ExternalResourcesKeys, + ExternalResourcesEntities, + ExternalResourcesResources, + ExternalResourcesObjects, + ExternalResourcesObjectKeys, +) metamodel_version = "None" version = "2.6.0-alpha" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/namespace.py index c6c0f39..40e7a46 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/namespace.py @@ -7,36 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_experimental.v0_5_0.hdmf_experimental_resources import ( - HERD, - HERDKeys, - HERDFiles, - HERDEntities, - HERDObjects, - HERDObjectKeys, - HERDEntityKeys, -) -from ...hdmf_common.v1_8_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData -from ...hdmf_common.v1_8_0.hdmf_common_base import Data, Container, SimpleMultiContainer -from ...hdmf_common.v1_8_0.hdmf_common_table import ( - VectorData, - VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, -) -from ...hdmf_experimental.v0_5_0.hdmf_experimental_experimental import EnumData -from ...core.v2_7_0.core_nwb_retinotopy import ( - ImagingRetinotopy, - ImagingRetinotopyAxis1PhaseMap, - ImagingRetinotopyAxis1PowerMap, - ImagingRetinotopyAxis2PhaseMap, - ImagingRetinotopyAxis2PowerMap, - ImagingRetinotopyFocalDepthImage, - ImagingRetinotopySignMap, - ImagingRetinotopyVasculatureImage, -) from ...core.v2_7_0.core_nwb_base import ( NWBData, TimeSeriesReferenceVectorData, @@ -51,26 +21,8 @@ from ...core.v2_7_0.core_nwb_base import ( ProcessingModule, Images, ) -from ...core.v2_7_0.core_nwb_ophys import ( - OnePhotonSeries, - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - PlaneSegmentation, - PlaneSegmentationImageMask, - PlaneSegmentationPixelMask, - PlaneSegmentationVoxelMask, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, - CorrectedImageStack, -) from ...core.v2_7_0.core_nwb_device import Device +from ...core.v2_7_0.core_nwb_epoch import TimeIntervals from ...core.v2_7_0.core_nwb_image import ( GrayscaleImage, RGBImage, @@ -81,7 +33,19 @@ from ...core.v2_7_0.core_nwb_image import ( OpticalSeries, IndexSeries, ) -from ...core.v2_7_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_7_0.core_nwb_ecephys import ( + ElectricalSeries, + SpikeEventSeries, + FeatureExtraction, + EventDetection, + EventWaveform, + FilteredEphys, + LFP, + ElectrodeGroup, + ElectrodeGroupPosition, + ClusterWaveforms, + Clustering, +) from ...core.v2_7_0.core_nwb_icephys import ( PatchClampSeries, PatchClampSeriesData, @@ -116,29 +80,25 @@ from ...core.v2_7_0.core_nwb_icephys import ( ExperimentalConditionsTable, ExperimentalConditionsTableRepetitions, ) -from ...core.v2_7_0.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, - ClusterWaveforms, - Clustering, -) -from ...core.v2_7_0.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_7_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_7_0.core_nwb_ophys import ( + OnePhotonSeries, + TwoPhotonSeries, + RoiResponseSeries, + DfOverF, + Fluorescence, + ImageSegmentation, + PlaneSegmentation, + PlaneSegmentationImageMask, + PlaneSegmentationPixelMask, + PlaneSegmentationVoxelMask, + ImagingPlane, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + ImagingPlaneGridSpacing, + OpticalChannel, + MotionCorrection, + CorrectedImageStack, ) from ...core.v2_7_0.core_nwb_misc import ( AbstractFeatureSeries, @@ -165,7 +125,47 @@ from ...core.v2_7_0.core_nwb_file import ( Subject, SubjectAge, ) -from ...core.v2_7_0.core_nwb_epoch import TimeIntervals +from ...core.v2_7_0.core_nwb_behavior import ( + SpatialSeries, + SpatialSeriesData, + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + PupilTracking, + EyeTracking, + CompassDirection, + Position, +) +from ...core.v2_7_0.core_nwb_retinotopy import ( + ImagingRetinotopy, + ImagingRetinotopyAxis1PhaseMap, + ImagingRetinotopyAxis1PowerMap, + ImagingRetinotopyAxis2PhaseMap, + ImagingRetinotopyAxis2PowerMap, + ImagingRetinotopyFocalDepthImage, + ImagingRetinotopySignMap, + ImagingRetinotopyVasculatureImage, +) +from ...hdmf_experimental.v0_5_0.hdmf_experimental_experimental import EnumData +from ...hdmf_common.v1_8_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from ...hdmf_common.v1_8_0.hdmf_common_table import ( + VectorData, + VectorIndex, + ElementIdentifiers, + DynamicTableRegion, + DynamicTable, + AlignedDynamicTable, +) +from ...hdmf_common.v1_8_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_5_0.hdmf_experimental_resources import ( + HERD, + HERDKeys, + HERDFiles, + HERDEntities, + HERDObjects, + HERDObjectKeys, + HERDEntityKeys, +) metamodel_version = "None" version = "2.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/namespace.py index d0a1b95..1c1afba 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/namespace.py @@ -7,12 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_common.v1_1_0.hdmf_common_sparse import ( - CSRMatrix, - CSRMatrixIndices, - CSRMatrixIndptr, - CSRMatrixData, -) from ...hdmf_common.v1_1_0.hdmf_common_table import ( Data, Index, @@ -23,6 +17,12 @@ from ...hdmf_common.v1_1_0.hdmf_common_table import ( Container, DynamicTable, ) +from ...hdmf_common.v1_1_0.hdmf_common_sparse import ( + CSRMatrix, + CSRMatrixIndices, + CSRMatrixIndptr, + CSRMatrixData, +) metamodel_version = "None" version = "1.1.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/namespace.py index 13ff59e..29637dd 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/namespace.py @@ -7,12 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_common.v1_1_2.hdmf_common_sparse import ( - CSRMatrix, - CSRMatrixIndices, - CSRMatrixIndptr, - CSRMatrixData, -) from ...hdmf_common.v1_1_2.hdmf_common_table import ( Data, Index, @@ -23,6 +17,12 @@ from ...hdmf_common.v1_1_2.hdmf_common_table import ( Container, DynamicTable, ) +from ...hdmf_common.v1_1_2.hdmf_common_sparse import ( + CSRMatrix, + CSRMatrixIndices, + CSRMatrixIndptr, + CSRMatrixData, +) metamodel_version = "None" version = "1.1.2" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/namespace.py index 284e138..7a5750e 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/namespace.py @@ -7,12 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_common.v1_1_3.hdmf_common_sparse import ( - CSRMatrix, - CSRMatrixIndices, - CSRMatrixIndptr, - CSRMatrixData, -) from ...hdmf_common.v1_1_3.hdmf_common_table import ( Data, Index, @@ -23,6 +17,12 @@ from ...hdmf_common.v1_1_3.hdmf_common_table import ( Container, DynamicTable, ) +from ...hdmf_common.v1_1_3.hdmf_common_sparse import ( + CSRMatrix, + CSRMatrixIndices, + CSRMatrixIndptr, + CSRMatrixData, +) metamodel_version = "None" version = "1.1.3" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/namespace.py index 7314aa8..c31e7ff 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/namespace.py @@ -7,12 +7,7 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_common.v1_2_0.hdmf_common_sparse import ( - CSRMatrix, - CSRMatrixIndices, - CSRMatrixIndptr, - CSRMatrixData, -) +from ...hdmf_common.v1_2_0.hdmf_common_base import Data, Container from ...hdmf_common.v1_2_0.hdmf_common_table import ( VectorData, VectorIndex, @@ -21,7 +16,12 @@ from ...hdmf_common.v1_2_0.hdmf_common_table import ( VocabData, DynamicTable, ) -from ...hdmf_common.v1_2_0.hdmf_common_base import Data, Container +from ...hdmf_common.v1_2_0.hdmf_common_sparse import ( + CSRMatrix, + CSRMatrixIndices, + CSRMatrixIndptr, + CSRMatrixData, +) metamodel_version = "None" version = "1.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/namespace.py index 7691d2a..c89a6a3 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/namespace.py @@ -7,12 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_common.v1_2_1.hdmf_common_sparse import ( - CSRMatrix, - CSRMatrixIndices, - CSRMatrixIndptr, - CSRMatrixData, -) from ...hdmf_common.v1_2_1.hdmf_common_base import Data, Container, SimpleMultiContainer from ...hdmf_common.v1_2_1.hdmf_common_table import ( VectorData, @@ -22,6 +16,12 @@ from ...hdmf_common.v1_2_1.hdmf_common_table import ( VocabData, DynamicTable, ) +from ...hdmf_common.v1_2_1.hdmf_common_sparse import ( + CSRMatrix, + CSRMatrixIndices, + CSRMatrixIndptr, + CSRMatrixData, +) metamodel_version = "None" version = "1.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/namespace.py index ef79cd9..c2f6901 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/namespace.py @@ -7,15 +7,7 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_common.v1_3_0.hdmf_common_resources import ( - ExternalResources, - ExternalResourcesKeys, - ExternalResourcesResources, - ExternalResourcesObjects, - ExternalResourcesObjectKeys, -) from ...hdmf_common.v1_3_0.hdmf_common_base import Data, Container, SimpleMultiContainer -from ...hdmf_common.v1_3_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_3_0.hdmf_common_table import ( VectorData, VectorIndex, @@ -24,6 +16,14 @@ from ...hdmf_common.v1_3_0.hdmf_common_table import ( VocabData, DynamicTable, ) +from ...hdmf_common.v1_3_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_common.v1_3_0.hdmf_common_resources import ( + ExternalResources, + ExternalResourcesKeys, + ExternalResourcesResources, + ExternalResourcesObjects, + ExternalResourcesObjectKeys, +) metamodel_version = "None" version = "1.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/namespace.py index 43432b8..84c3125 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/namespace.py @@ -7,7 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_common.v1_4_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_4_0.hdmf_common_base import Data, Container, SimpleMultiContainer from ...hdmf_common.v1_4_0.hdmf_common_table import ( VectorData, @@ -16,6 +15,7 @@ from ...hdmf_common.v1_4_0.hdmf_common_table import ( DynamicTableRegion, DynamicTable, ) +from ...hdmf_common.v1_4_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData metamodel_version = "None" version = "1.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/namespace.py index 6d03d3d..4b6ad5d 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/namespace.py @@ -7,7 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container, SimpleMultiContainer from ...hdmf_common.v1_5_0.hdmf_common_table import ( VectorData, @@ -17,6 +16,7 @@ from ...hdmf_common.v1_5_0.hdmf_common_table import ( DynamicTable, AlignedDynamicTable, ) +from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData metamodel_version = "None" version = "1.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/namespace.py index 1676f7c..12d611d 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/namespace.py @@ -7,7 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_common.v1_5_1.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_5_1.hdmf_common_base import Data, Container, SimpleMultiContainer from ...hdmf_common.v1_5_1.hdmf_common_table import ( VectorData, @@ -17,6 +16,7 @@ from ...hdmf_common.v1_5_1.hdmf_common_table import ( DynamicTable, AlignedDynamicTable, ) +from ...hdmf_common.v1_5_1.hdmf_common_sparse import CSRMatrix, CSRMatrixData metamodel_version = "None" version = "1.5.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/namespace.py index 68060f7..a0e5dec 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/namespace.py @@ -7,7 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_common.v1_6_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_6_0.hdmf_common_base import Data, Container, SimpleMultiContainer from ...hdmf_common.v1_6_0.hdmf_common_table import ( VectorData, @@ -17,6 +16,7 @@ from ...hdmf_common.v1_6_0.hdmf_common_table import ( DynamicTable, AlignedDynamicTable, ) +from ...hdmf_common.v1_6_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData metamodel_version = "None" version = "1.6.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/namespace.py index 56b9f0d..0f177b7 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/namespace.py @@ -7,7 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_common.v1_7_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_7_0.hdmf_common_base import Data, Container, SimpleMultiContainer from ...hdmf_common.v1_7_0.hdmf_common_table import ( VectorData, @@ -17,6 +16,7 @@ from ...hdmf_common.v1_7_0.hdmf_common_table import ( DynamicTable, AlignedDynamicTable, ) +from ...hdmf_common.v1_7_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData metamodel_version = "None" version = "1.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/namespace.py index 66dcf89..1e21c28 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/namespace.py @@ -7,7 +7,6 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_common.v1_8_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_8_0.hdmf_common_base import Data, Container, SimpleMultiContainer from ...hdmf_common.v1_8_0.hdmf_common_table import ( VectorData, @@ -17,6 +16,7 @@ from ...hdmf_common.v1_8_0.hdmf_common_table import ( DynamicTable, AlignedDynamicTable, ) +from ...hdmf_common.v1_8_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData metamodel_version = "None" version = "1.8.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/__init__.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/__init__.py index e69de29..8b13789 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/__init__.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/__init__.py @@ -0,0 +1 @@ + diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/namespace.py index a9c5e62..ee0ffd8 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/namespace.py @@ -7,15 +7,7 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_experimental.v0_1_0.hdmf_experimental_resources import ( - ExternalResources, - ExternalResourcesKeys, - ExternalResourcesEntities, - ExternalResourcesResources, - ExternalResourcesObjects, - ExternalResourcesObjectKeys, -) -from ...hdmf_common.v1_4_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData from ...hdmf_common.v1_4_0.hdmf_common_base import Data, Container, SimpleMultiContainer from ...hdmf_common.v1_4_0.hdmf_common_table import ( VectorData, @@ -24,7 +16,15 @@ from ...hdmf_common.v1_4_0.hdmf_common_table import ( DynamicTableRegion, DynamicTable, ) -from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData +from ...hdmf_common.v1_4_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_1_0.hdmf_experimental_resources import ( + ExternalResources, + ExternalResourcesKeys, + ExternalResourcesEntities, + ExternalResourcesResources, + ExternalResourcesObjects, + ExternalResourcesObjectKeys, +) metamodel_version = "None" version = "0.1.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/namespace.py index 5c8e028..bc6a722 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/namespace.py @@ -7,15 +7,7 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_experimental.v0_2_0.hdmf_experimental_resources import ( - ExternalResources, - ExternalResourcesKeys, - ExternalResourcesEntities, - ExternalResourcesResources, - ExternalResourcesObjects, - ExternalResourcesObjectKeys, -) -from ...hdmf_common.v1_5_1.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_2_0.hdmf_experimental_experimental import EnumData from ...hdmf_common.v1_5_1.hdmf_common_base import Data, Container, SimpleMultiContainer from ...hdmf_common.v1_5_1.hdmf_common_table import ( VectorData, @@ -25,7 +17,15 @@ from ...hdmf_common.v1_5_1.hdmf_common_table import ( DynamicTable, AlignedDynamicTable, ) -from ...hdmf_experimental.v0_2_0.hdmf_experimental_experimental import EnumData +from ...hdmf_common.v1_5_1.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_2_0.hdmf_experimental_resources import ( + ExternalResources, + ExternalResourcesKeys, + ExternalResourcesEntities, + ExternalResourcesResources, + ExternalResourcesObjects, + ExternalResourcesObjectKeys, +) metamodel_version = "None" version = "0.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/namespace.py index bf78d15..9e495ff 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/namespace.py @@ -7,15 +7,7 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_experimental.v0_3_0.hdmf_experimental_resources import ( - ExternalResources, - ExternalResourcesKeys, - ExternalResourcesFiles, - ExternalResourcesEntities, - ExternalResourcesObjects, - ExternalResourcesObjectKeys, -) -from ...hdmf_common.v1_6_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_3_0.hdmf_experimental_experimental import EnumData from ...hdmf_common.v1_6_0.hdmf_common_base import Data, Container, SimpleMultiContainer from ...hdmf_common.v1_6_0.hdmf_common_table import ( VectorData, @@ -25,7 +17,15 @@ from ...hdmf_common.v1_6_0.hdmf_common_table import ( DynamicTable, AlignedDynamicTable, ) -from ...hdmf_experimental.v0_3_0.hdmf_experimental_experimental import EnumData +from ...hdmf_common.v1_6_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_3_0.hdmf_experimental_resources import ( + ExternalResources, + ExternalResourcesKeys, + ExternalResourcesFiles, + ExternalResourcesEntities, + ExternalResourcesObjects, + ExternalResourcesObjectKeys, +) metamodel_version = "None" version = "0.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/namespace.py index 2422a59..328768f 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/namespace.py @@ -7,16 +7,7 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_experimental.v0_4_0.hdmf_experimental_resources import ( - ExternalResources, - ExternalResourcesKeys, - ExternalResourcesFiles, - ExternalResourcesEntities, - ExternalResourcesObjects, - ExternalResourcesObjectKeys, - ExternalResourcesEntityKeys, -) -from ...hdmf_common.v1_7_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_4_0.hdmf_experimental_experimental import EnumData from ...hdmf_common.v1_7_0.hdmf_common_base import Data, Container, SimpleMultiContainer from ...hdmf_common.v1_7_0.hdmf_common_table import ( VectorData, @@ -26,7 +17,16 @@ from ...hdmf_common.v1_7_0.hdmf_common_table import ( DynamicTable, AlignedDynamicTable, ) -from ...hdmf_experimental.v0_4_0.hdmf_experimental_experimental import EnumData +from ...hdmf_common.v1_7_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_4_0.hdmf_experimental_resources import ( + ExternalResources, + ExternalResourcesKeys, + ExternalResourcesFiles, + ExternalResourcesEntities, + ExternalResourcesObjects, + ExternalResourcesObjectKeys, + ExternalResourcesEntityKeys, +) metamodel_version = "None" version = "0.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_5_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_5_0/namespace.py index e35c690..348ad8d 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_5_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_5_0/namespace.py @@ -7,16 +7,7 @@ import sys from typing import Any, ClassVar, List, Literal, Dict, Optional, Union from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator import numpy as np -from ...hdmf_experimental.v0_5_0.hdmf_experimental_resources import ( - HERD, - HERDKeys, - HERDFiles, - HERDEntities, - HERDObjects, - HERDObjectKeys, - HERDEntityKeys, -) -from ...hdmf_common.v1_8_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_5_0.hdmf_experimental_experimental import EnumData from ...hdmf_common.v1_8_0.hdmf_common_base import Data, Container, SimpleMultiContainer from ...hdmf_common.v1_8_0.hdmf_common_table import ( VectorData, @@ -26,7 +17,16 @@ from ...hdmf_common.v1_8_0.hdmf_common_table import ( DynamicTable, AlignedDynamicTable, ) -from ...hdmf_experimental.v0_5_0.hdmf_experimental_experimental import EnumData +from ...hdmf_common.v1_8_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_5_0.hdmf_experimental_resources import ( + HERD, + HERDKeys, + HERDFiles, + HERDEntities, + HERDObjects, + HERDObjectKeys, + HERDEntityKeys, +) metamodel_version = "None" version = "0.5.0" diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/core.nwb.base.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/core.nwb.base.yaml index f7d7f50..e66d53c 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/core.nwb.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/core.nwb.base.yaml @@ -283,14 +283,13 @@ classes: description: A collection of processed data. is_a: NWBContainer attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: NWBDataInterface - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: NWBDataInterface + - range: DynamicTable tree_root: true Images: name: Images diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/core.nwb.behavior.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/core.nwb.behavior.yaml index cb41d79..5cff1a7 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/core.nwb.behavior.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/core.nwb.behavior.yaml @@ -91,13 +91,12 @@ classes: events. BehavioralTimeSeries is for continuous data. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: IntervalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: IntervalSeries tree_root: true BehavioralEvents: name: BehavioralEvents @@ -105,13 +104,12 @@ classes: for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true BehavioralTimeSeries: name: BehavioralTimeSeries @@ -119,39 +117,36 @@ classes: of BehavioralEpochs for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true PupilTracking: name: PupilTracking description: Eye-tracking data, representing pupil size. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true EyeTracking: name: EyeTracking description: Eye-tracking data, representing direction of gaze. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true CompassDirection: name: CompassDirection @@ -162,24 +157,22 @@ classes: be radians or degrees. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true Position: name: Position description: Position data, whether along the x, x/y or x/y/z axis. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/core.nwb.ecephys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/core.nwb.ecephys.yaml index 52f4c5a..e476e7c 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/core.nwb.ecephys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/core.nwb.ecephys.yaml @@ -236,13 +236,12 @@ classes: during experiment acquisition. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpikeEventSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpikeEventSeries tree_root: true FilteredEphys: name: FilteredEphys @@ -259,13 +258,12 @@ classes: the ElectricalSeries. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true LFP: name: LFP @@ -274,13 +272,12 @@ classes: properties should be noted in the ElectricalSeries description or comments field. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true ElectrodeGroup: name: ElectrodeGroup diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/core.nwb.ophys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/core.nwb.ophys.yaml index 1183186..5f792da 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/core.nwb.ophys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/core.nwb.ophys.yaml @@ -110,13 +110,12 @@ classes: for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true Fluorescence: name: Fluorescence @@ -125,13 +124,12 @@ classes: for ROIs and for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true ImageSegmentation: name: ImageSegmentation @@ -144,13 +142,12 @@ classes: is required and ROI names should remain consistent between them. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: DynamicTable tree_root: true ImagingPlane: name: ImagingPlane @@ -388,11 +385,10 @@ classes: frame at each point in time is assumed to be 2-D (has only x & y dimensions).' is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: NWBDataInterface + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: NWBDataInterface tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/core.nwb.base.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/core.nwb.base.yaml index c81fea9..687baf5 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/core.nwb.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/core.nwb.base.yaml @@ -283,14 +283,13 @@ classes: description: A collection of processed data. is_a: NWBContainer attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: NWBDataInterface - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: NWBDataInterface + - range: DynamicTable tree_root: true Images: name: Images diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/core.nwb.behavior.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/core.nwb.behavior.yaml index c555f1a..275d786 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/core.nwb.behavior.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/core.nwb.behavior.yaml @@ -91,13 +91,12 @@ classes: events. BehavioralTimeSeries is for continuous data. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: IntervalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: IntervalSeries tree_root: true BehavioralEvents: name: BehavioralEvents @@ -105,13 +104,12 @@ classes: for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true BehavioralTimeSeries: name: BehavioralTimeSeries @@ -119,39 +117,36 @@ classes: of BehavioralEpochs for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true PupilTracking: name: PupilTracking description: Eye-tracking data, representing pupil size. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true EyeTracking: name: EyeTracking description: Eye-tracking data, representing direction of gaze. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true CompassDirection: name: CompassDirection @@ -162,24 +157,22 @@ classes: be radians or degrees. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true Position: name: Position description: Position data, whether along the x, x/y or x/y/z axis. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/core.nwb.ecephys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/core.nwb.ecephys.yaml index 2244ea6..ac39533 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/core.nwb.ecephys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/core.nwb.ecephys.yaml @@ -236,13 +236,12 @@ classes: during experiment acquisition. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpikeEventSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpikeEventSeries tree_root: true FilteredEphys: name: FilteredEphys @@ -259,13 +258,12 @@ classes: the ElectricalSeries. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true LFP: name: LFP @@ -274,13 +272,12 @@ classes: properties should be noted in the ElectricalSeries description or comments field. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true ElectrodeGroup: name: ElectrodeGroup diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/core.nwb.ophys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/core.nwb.ophys.yaml index 45df3d6..0744a1f 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/core.nwb.ophys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/core.nwb.ophys.yaml @@ -110,13 +110,12 @@ classes: for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true Fluorescence: name: Fluorescence @@ -125,13 +124,12 @@ classes: for ROIs and for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true ImageSegmentation: name: ImageSegmentation @@ -144,13 +142,12 @@ classes: is required and ROI names should remain consistent between them. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: DynamicTable tree_root: true ImagingPlane: name: ImagingPlane @@ -388,11 +385,10 @@ classes: frame at each point in time is assumed to be 2-D (has only x & y dimensions).' is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: NWBDataInterface + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: NWBDataInterface tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/core.nwb.base.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/core.nwb.base.yaml index 771c828..01c72b7 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/core.nwb.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/core.nwb.base.yaml @@ -283,14 +283,13 @@ classes: description: A collection of processed data. is_a: NWBContainer attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: NWBDataInterface - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: NWBDataInterface + - range: DynamicTable tree_root: true Images: name: Images diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/core.nwb.behavior.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/core.nwb.behavior.yaml index b95e9da..9bd385a 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/core.nwb.behavior.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/core.nwb.behavior.yaml @@ -91,13 +91,12 @@ classes: events. BehavioralTimeSeries is for continuous data. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: IntervalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: IntervalSeries tree_root: true BehavioralEvents: name: BehavioralEvents @@ -105,13 +104,12 @@ classes: for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true BehavioralTimeSeries: name: BehavioralTimeSeries @@ -119,39 +117,36 @@ classes: of BehavioralEpochs for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true PupilTracking: name: PupilTracking description: Eye-tracking data, representing pupil size. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true EyeTracking: name: EyeTracking description: Eye-tracking data, representing direction of gaze. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true CompassDirection: name: CompassDirection @@ -162,24 +157,22 @@ classes: be radians or degrees. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true Position: name: Position description: Position data, whether along the x, x/y or x/y/z axis. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/core.nwb.ecephys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/core.nwb.ecephys.yaml index 70f1c6c..89484e3 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/core.nwb.ecephys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/core.nwb.ecephys.yaml @@ -236,13 +236,12 @@ classes: during experiment acquisition. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpikeEventSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpikeEventSeries tree_root: true FilteredEphys: name: FilteredEphys @@ -259,13 +258,12 @@ classes: the ElectricalSeries. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true LFP: name: LFP @@ -274,13 +272,12 @@ classes: properties should be noted in the ElectricalSeries description or comments field. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true ElectrodeGroup: name: ElectrodeGroup diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/core.nwb.ophys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/core.nwb.ophys.yaml index a5923c9..34915f6 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/core.nwb.ophys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/core.nwb.ophys.yaml @@ -110,13 +110,12 @@ classes: for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true Fluorescence: name: Fluorescence @@ -125,13 +124,12 @@ classes: for ROIs and for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true ImageSegmentation: name: ImageSegmentation @@ -144,13 +142,12 @@ classes: is required and ROI names should remain consistent between them. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: DynamicTable tree_root: true ImagingPlane: name: ImagingPlane @@ -388,11 +385,10 @@ classes: frame at each point in time is assumed to be 2-D (has only x & y dimensions).' is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: NWBDataInterface + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: NWBDataInterface tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/core.nwb.base.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/core.nwb.base.yaml index 6a09101..9d2e112 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/core.nwb.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/core.nwb.base.yaml @@ -283,14 +283,13 @@ classes: description: A collection of processed data. is_a: NWBContainer attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: NWBDataInterface - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: NWBDataInterface + - range: DynamicTable tree_root: true Images: name: Images diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/core.nwb.behavior.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/core.nwb.behavior.yaml index 836b4eb..8bd048c 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/core.nwb.behavior.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/core.nwb.behavior.yaml @@ -91,13 +91,12 @@ classes: events. BehavioralTimeSeries is for continuous data. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: IntervalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: IntervalSeries tree_root: true BehavioralEvents: name: BehavioralEvents @@ -105,13 +104,12 @@ classes: for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true BehavioralTimeSeries: name: BehavioralTimeSeries @@ -119,39 +117,36 @@ classes: of BehavioralEpochs for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true PupilTracking: name: PupilTracking description: Eye-tracking data, representing pupil size. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true EyeTracking: name: EyeTracking description: Eye-tracking data, representing direction of gaze. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true CompassDirection: name: CompassDirection @@ -162,24 +157,22 @@ classes: be radians or degrees. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true Position: name: Position description: Position data, whether along the x, x/y or x/y/z axis. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/core.nwb.ecephys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/core.nwb.ecephys.yaml index 166af8a..67fc278 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/core.nwb.ecephys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/core.nwb.ecephys.yaml @@ -236,13 +236,12 @@ classes: during experiment acquisition. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpikeEventSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpikeEventSeries tree_root: true FilteredEphys: name: FilteredEphys @@ -259,13 +258,12 @@ classes: the ElectricalSeries. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true LFP: name: LFP @@ -274,13 +272,12 @@ classes: properties should be noted in the ElectricalSeries description or comments field. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true ElectrodeGroup: name: ElectrodeGroup diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/core.nwb.ophys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/core.nwb.ophys.yaml index 4d7568e..1dc5b4e 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/core.nwb.ophys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/core.nwb.ophys.yaml @@ -110,13 +110,12 @@ classes: for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true Fluorescence: name: Fluorescence @@ -125,13 +124,12 @@ classes: for ROIs and for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true ImageSegmentation: name: ImageSegmentation @@ -144,13 +142,12 @@ classes: is required and ROI names should remain consistent between them. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: PlaneSegmentation + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: PlaneSegmentation tree_root: true PlaneSegmentation: name: PlaneSegmentation @@ -562,13 +559,12 @@ classes: frame at each point in time is assumed to be 2-D (has only x & y dimensions).' is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: CorrectedImageStack + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: CorrectedImageStack tree_root: true CorrectedImageStack: name: CorrectedImageStack diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/core.nwb.base.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/core.nwb.base.yaml index 477b107..ba25032 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/core.nwb.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/core.nwb.base.yaml @@ -283,14 +283,13 @@ classes: description: A collection of processed data. is_a: NWBContainer attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: NWBDataInterface - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: NWBDataInterface + - range: DynamicTable tree_root: true Images: name: Images diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/core.nwb.behavior.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/core.nwb.behavior.yaml index 97c06d8..242fe70 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/core.nwb.behavior.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/core.nwb.behavior.yaml @@ -91,13 +91,12 @@ classes: events. BehavioralTimeSeries is for continuous data. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: IntervalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: IntervalSeries tree_root: true BehavioralEvents: name: BehavioralEvents @@ -105,13 +104,12 @@ classes: for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true BehavioralTimeSeries: name: BehavioralTimeSeries @@ -119,39 +117,36 @@ classes: of BehavioralEpochs for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true PupilTracking: name: PupilTracking description: Eye-tracking data, representing pupil size. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true EyeTracking: name: EyeTracking description: Eye-tracking data, representing direction of gaze. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true CompassDirection: name: CompassDirection @@ -162,24 +157,22 @@ classes: be radians or degrees. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true Position: name: Position description: Position data, whether along the x, x/y or x/y/z axis. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/core.nwb.ecephys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/core.nwb.ecephys.yaml index d7e2d98..bb3f4fd 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/core.nwb.ecephys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/core.nwb.ecephys.yaml @@ -236,13 +236,12 @@ classes: during experiment acquisition. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpikeEventSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpikeEventSeries tree_root: true FilteredEphys: name: FilteredEphys @@ -259,13 +258,12 @@ classes: the ElectricalSeries. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true LFP: name: LFP @@ -274,13 +272,12 @@ classes: properties should be noted in the ElectricalSeries description or comments field. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true ElectrodeGroup: name: ElectrodeGroup diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/core.nwb.ophys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/core.nwb.ophys.yaml index 2424cb5..f995af9 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/core.nwb.ophys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/core.nwb.ophys.yaml @@ -110,13 +110,12 @@ classes: for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true Fluorescence: name: Fluorescence @@ -125,13 +124,12 @@ classes: for ROIs and for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true ImageSegmentation: name: ImageSegmentation @@ -144,13 +142,12 @@ classes: is required and ROI names should remain consistent between them. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: PlaneSegmentation + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: PlaneSegmentation tree_root: true PlaneSegmentation: name: PlaneSegmentation @@ -568,13 +565,12 @@ classes: frame at each point in time is assumed to be 2-D (has only x & y dimensions).' is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: CorrectedImageStack + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: CorrectedImageStack tree_root: true CorrectedImageStack: name: CorrectedImageStack diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/core.nwb.base.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/core.nwb.base.yaml index ab7eabf..24a4bbf 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/core.nwb.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/core.nwb.base.yaml @@ -297,14 +297,13 @@ classes: description: A collection of processed data. is_a: NWBContainer attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: NWBDataInterface - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: NWBDataInterface + - range: DynamicTable tree_root: true Images: name: Images diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/core.nwb.behavior.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/core.nwb.behavior.yaml index 07bb957..1b74203 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/core.nwb.behavior.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/core.nwb.behavior.yaml @@ -91,13 +91,12 @@ classes: events. BehavioralTimeSeries is for continuous data. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: IntervalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: IntervalSeries tree_root: true BehavioralEvents: name: BehavioralEvents @@ -105,13 +104,12 @@ classes: for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true BehavioralTimeSeries: name: BehavioralTimeSeries @@ -119,39 +117,36 @@ classes: of BehavioralEpochs for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true PupilTracking: name: PupilTracking description: Eye-tracking data, representing pupil size. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true EyeTracking: name: EyeTracking description: Eye-tracking data, representing direction of gaze. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true CompassDirection: name: CompassDirection @@ -162,24 +157,22 @@ classes: be radians or degrees. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true Position: name: Position description: Position data, whether along the x, x/y or x/y/z axis. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/core.nwb.ecephys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/core.nwb.ecephys.yaml index 2863bba..2f3dd97 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/core.nwb.ecephys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/core.nwb.ecephys.yaml @@ -247,13 +247,12 @@ classes: during experiment acquisition. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpikeEventSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpikeEventSeries tree_root: true FilteredEphys: name: FilteredEphys @@ -270,13 +269,12 @@ classes: the ElectricalSeries 'filtering' attribute. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true LFP: name: LFP @@ -285,13 +283,12 @@ classes: properties should be noted in the ElectricalSeries 'filtering' attribute. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true ElectrodeGroup: name: ElectrodeGroup diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/core.nwb.ophys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/core.nwb.ophys.yaml index b208d50..e9c680d 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/core.nwb.ophys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/core.nwb.ophys.yaml @@ -110,13 +110,12 @@ classes: for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true Fluorescence: name: Fluorescence @@ -125,13 +124,12 @@ classes: for ROIs and for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true ImageSegmentation: name: ImageSegmentation @@ -144,13 +142,12 @@ classes: is required and ROI names should remain consistent between them. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: PlaneSegmentation + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: PlaneSegmentation tree_root: true PlaneSegmentation: name: PlaneSegmentation @@ -568,13 +565,12 @@ classes: frame at each point in time is assumed to be 2-D (has only x & y dimensions).' is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: CorrectedImageStack + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: CorrectedImageStack tree_root: true CorrectedImageStack: name: CorrectedImageStack diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/core.nwb.base.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/core.nwb.base.yaml index 1d817de..8369707 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/core.nwb.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/core.nwb.base.yaml @@ -337,14 +337,13 @@ classes: description: A collection of processed data. is_a: NWBContainer attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: NWBDataInterface - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: NWBDataInterface + - range: DynamicTable tree_root: true Images: name: Images diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/core.nwb.behavior.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/core.nwb.behavior.yaml index 322a4d9..ba29236 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/core.nwb.behavior.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/core.nwb.behavior.yaml @@ -91,13 +91,12 @@ classes: events. BehavioralTimeSeries is for continuous data. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: IntervalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: IntervalSeries tree_root: true BehavioralEvents: name: BehavioralEvents @@ -105,13 +104,12 @@ classes: for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true BehavioralTimeSeries: name: BehavioralTimeSeries @@ -119,39 +117,36 @@ classes: of BehavioralEpochs for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true PupilTracking: name: PupilTracking description: Eye-tracking data, representing pupil size. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true EyeTracking: name: EyeTracking description: Eye-tracking data, representing direction of gaze. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true CompassDirection: name: CompassDirection @@ -162,24 +157,22 @@ classes: be radians or degrees. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true Position: name: Position description: Position data, whether along the x, x/y or x/y/z axis. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/core.nwb.ecephys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/core.nwb.ecephys.yaml index dd93758..f0eccd6 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/core.nwb.ecephys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/core.nwb.ecephys.yaml @@ -247,13 +247,12 @@ classes: during experiment acquisition. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpikeEventSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpikeEventSeries tree_root: true FilteredEphys: name: FilteredEphys @@ -270,13 +269,12 @@ classes: the ElectricalSeries 'filtering' attribute. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true LFP: name: LFP @@ -285,13 +283,12 @@ classes: properties should be noted in the ElectricalSeries 'filtering' attribute. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true ElectrodeGroup: name: ElectrodeGroup diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/core.nwb.ophys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/core.nwb.ophys.yaml index 4317684..c6215f1 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/core.nwb.ophys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/core.nwb.ophys.yaml @@ -110,13 +110,12 @@ classes: for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true Fluorescence: name: Fluorescence @@ -125,13 +124,12 @@ classes: for ROIs and for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true ImageSegmentation: name: ImageSegmentation @@ -144,13 +142,12 @@ classes: is required and ROI names should remain consistent between them. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: PlaneSegmentation + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: PlaneSegmentation tree_root: true PlaneSegmentation: name: PlaneSegmentation @@ -568,13 +565,12 @@ classes: frame at each point in time is assumed to be 2-D (has only x & y dimensions).' is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: CorrectedImageStack + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: CorrectedImageStack tree_root: true CorrectedImageStack: name: CorrectedImageStack diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/core.nwb.base.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/core.nwb.base.yaml index e6679dc..373ff4d 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/core.nwb.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/core.nwb.base.yaml @@ -366,14 +366,13 @@ classes: description: A collection of processed data. is_a: NWBContainer attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: NWBDataInterface - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: NWBDataInterface + - range: DynamicTable tree_root: true Images: name: Images diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/core.nwb.behavior.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/core.nwb.behavior.yaml index e1d735b..fd2c46f 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/core.nwb.behavior.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/core.nwb.behavior.yaml @@ -103,13 +103,12 @@ classes: events. BehavioralTimeSeries is for continuous data. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: IntervalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: IntervalSeries tree_root: true BehavioralEvents: name: BehavioralEvents @@ -117,13 +116,12 @@ classes: for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true BehavioralTimeSeries: name: BehavioralTimeSeries @@ -131,39 +129,36 @@ classes: of BehavioralEpochs for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true PupilTracking: name: PupilTracking description: Eye-tracking data, representing pupil size. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true EyeTracking: name: EyeTracking description: Eye-tracking data, representing direction of gaze. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true CompassDirection: name: CompassDirection @@ -174,24 +169,22 @@ classes: be radians or degrees. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true Position: name: Position description: Position data, whether along the x, x/y or x/y/z axis. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/core.nwb.ecephys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/core.nwb.ecephys.yaml index 2efc5c7..ce256eb 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/core.nwb.ecephys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/core.nwb.ecephys.yaml @@ -247,13 +247,12 @@ classes: during experiment acquisition. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpikeEventSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpikeEventSeries tree_root: true FilteredEphys: name: FilteredEphys @@ -270,13 +269,12 @@ classes: the ElectricalSeries 'filtering' attribute. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true LFP: name: LFP @@ -285,13 +283,12 @@ classes: properties should be noted in the ElectricalSeries 'filtering' attribute. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true ElectrodeGroup: name: ElectrodeGroup diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/core.nwb.ophys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/core.nwb.ophys.yaml index e0c051a..9cd8b1e 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/core.nwb.ophys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/core.nwb.ophys.yaml @@ -110,13 +110,12 @@ classes: for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true Fluorescence: name: Fluorescence @@ -125,13 +124,12 @@ classes: for ROIs and for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true ImageSegmentation: name: ImageSegmentation @@ -144,13 +142,12 @@ classes: is required and ROI names should remain consistent between them. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: PlaneSegmentation + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: PlaneSegmentation tree_root: true PlaneSegmentation: name: PlaneSegmentation @@ -568,13 +565,12 @@ classes: frame at each point in time is assumed to be 2-D (has only x & y dimensions).' is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: CorrectedImageStack + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: CorrectedImageStack tree_root: true CorrectedImageStack: name: CorrectedImageStack diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/core.nwb.base.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/core.nwb.base.yaml index e45d2cb..bae736e 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/core.nwb.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/core.nwb.base.yaml @@ -366,14 +366,13 @@ classes: description: A collection of processed data. is_a: NWBContainer attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: NWBDataInterface - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: NWBDataInterface + - range: DynamicTable tree_root: true Images: name: Images diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/core.nwb.behavior.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/core.nwb.behavior.yaml index 650a4cd..0f6f89e 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/core.nwb.behavior.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/core.nwb.behavior.yaml @@ -103,13 +103,12 @@ classes: events. BehavioralTimeSeries is for continuous data. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: IntervalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: IntervalSeries tree_root: true BehavioralEvents: name: BehavioralEvents @@ -117,13 +116,12 @@ classes: for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true BehavioralTimeSeries: name: BehavioralTimeSeries @@ -131,39 +129,36 @@ classes: of BehavioralEpochs for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true PupilTracking: name: PupilTracking description: Eye-tracking data, representing pupil size. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true EyeTracking: name: EyeTracking description: Eye-tracking data, representing direction of gaze. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true CompassDirection: name: CompassDirection @@ -174,24 +169,22 @@ classes: be radians or degrees. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true Position: name: Position description: Position data, whether along the x, x/y or x/y/z axis. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/core.nwb.ecephys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/core.nwb.ecephys.yaml index 5dba82c..d63fc10 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/core.nwb.ecephys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/core.nwb.ecephys.yaml @@ -247,13 +247,12 @@ classes: during experiment acquisition. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpikeEventSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpikeEventSeries tree_root: true FilteredEphys: name: FilteredEphys @@ -270,13 +269,12 @@ classes: the ElectricalSeries 'filtering' attribute. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true LFP: name: LFP @@ -285,13 +283,12 @@ classes: properties should be noted in the ElectricalSeries 'filtering' attribute. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true ElectrodeGroup: name: ElectrodeGroup diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/core.nwb.ophys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/core.nwb.ophys.yaml index 80a1f6c..730ece0 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/core.nwb.ophys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/core.nwb.ophys.yaml @@ -163,13 +163,12 @@ classes: for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true Fluorescence: name: Fluorescence @@ -178,13 +177,12 @@ classes: for ROIs and for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true ImageSegmentation: name: ImageSegmentation @@ -197,13 +195,12 @@ classes: is required and ROI names should remain consistent between them. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: PlaneSegmentation + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: PlaneSegmentation tree_root: true PlaneSegmentation: name: PlaneSegmentation @@ -621,13 +618,12 @@ classes: frame at each point in time is assumed to be 2-D (has only x & y dimensions).' is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: CorrectedImageStack + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: CorrectedImageStack tree_root: true CorrectedImageStack: name: CorrectedImageStack diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_7_0/core.nwb.base.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_7_0/core.nwb.base.yaml index 21a57b1..ca7cfe1 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_7_0/core.nwb.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_7_0/core.nwb.base.yaml @@ -366,14 +366,13 @@ classes: description: A collection of processed data. is_a: NWBContainer attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: NWBDataInterface - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: NWBDataInterface + - range: DynamicTable tree_root: true Images: name: Images diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_7_0/core.nwb.behavior.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_7_0/core.nwb.behavior.yaml index 0df664e..f0b74b7 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_7_0/core.nwb.behavior.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_7_0/core.nwb.behavior.yaml @@ -103,13 +103,12 @@ classes: events. BehavioralTimeSeries is for continuous data. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: IntervalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: IntervalSeries tree_root: true BehavioralEvents: name: BehavioralEvents @@ -117,13 +116,12 @@ classes: for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true BehavioralTimeSeries: name: BehavioralTimeSeries @@ -131,39 +129,36 @@ classes: of BehavioralEpochs for more details. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true PupilTracking: name: PupilTracking description: Eye-tracking data, representing pupil size. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: TimeSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: TimeSeries tree_root: true EyeTracking: name: EyeTracking description: Eye-tracking data, representing direction of gaze. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true CompassDirection: name: CompassDirection @@ -174,24 +169,22 @@ classes: be radians or degrees. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true Position: name: Position description: Position data, whether along the x, x/y or x/y/z axis. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpatialSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpatialSeries tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_7_0/core.nwb.ecephys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_7_0/core.nwb.ecephys.yaml index 54d0f4f..f2be1a3 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_7_0/core.nwb.ecephys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_7_0/core.nwb.ecephys.yaml @@ -247,13 +247,12 @@ classes: during experiment acquisition. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: SpikeEventSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: SpikeEventSeries tree_root: true FilteredEphys: name: FilteredEphys @@ -270,13 +269,12 @@ classes: the ElectricalSeries 'filtering' attribute. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true LFP: name: LFP @@ -285,13 +283,12 @@ classes: properties should be noted in the ElectricalSeries 'filtering' attribute. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: ElectricalSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: ElectricalSeries tree_root: true ElectrodeGroup: name: ElectrodeGroup diff --git a/nwb_models/src/nwb_models/schema/linkml/core/v2_7_0/core.nwb.ophys.yaml b/nwb_models/src/nwb_models/schema/linkml/core/v2_7_0/core.nwb.ophys.yaml index 053698d..8452b74 100644 --- a/nwb_models/src/nwb_models/schema/linkml/core/v2_7_0/core.nwb.ophys.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/core/v2_7_0/core.nwb.ophys.yaml @@ -163,13 +163,12 @@ classes: for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true Fluorescence: name: Fluorescence @@ -178,13 +177,12 @@ classes: for ROIs and for image planes). is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: RoiResponseSeries + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: RoiResponseSeries tree_root: true ImageSegmentation: name: ImageSegmentation @@ -197,13 +195,12 @@ classes: is required and ROI names should remain consistent between them. is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: PlaneSegmentation + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: PlaneSegmentation tree_root: true PlaneSegmentation: name: PlaneSegmentation @@ -621,13 +618,12 @@ classes: frame at each point in time is assumed to be 2-D (has only x & y dimensions).' is_a: NWBDataInterface attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: CorrectedImageStack + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: CorrectedImageStack tree_root: true CorrectedImageStack: name: CorrectedImageStack diff --git a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_2_1/hdmf-common.base.yaml b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_2_1/hdmf-common.base.yaml index 9ef70fc..253e3a0 100644 --- a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_2_1/hdmf-common.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_2_1/hdmf-common.base.yaml @@ -36,11 +36,10 @@ classes: description: A simple Container for holding onto multiple containers is_a: Container attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: Container + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: Container tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_3_0/hdmf-common.base.yaml b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_3_0/hdmf-common.base.yaml index 1cfb2bc..3f8d165 100644 --- a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_3_0/hdmf-common.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_3_0/hdmf-common.base.yaml @@ -36,11 +36,10 @@ classes: description: A simple Container for holding onto multiple containers. is_a: Container attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: Container + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: Container tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_4_0/hdmf-common.base.yaml b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_4_0/hdmf-common.base.yaml index 6495eb4..266d216 100644 --- a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_4_0/hdmf-common.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_4_0/hdmf-common.base.yaml @@ -36,11 +36,10 @@ classes: description: A simple Container for holding onto multiple containers. is_a: Container attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: Container + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: Container tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_0/hdmf-common.base.yaml b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_0/hdmf-common.base.yaml index 1244aae..36edb0a 100644 --- a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_0/hdmf-common.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_0/hdmf-common.base.yaml @@ -36,11 +36,10 @@ classes: description: A simple Container for holding onto multiple containers. is_a: Container attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: Container + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: Container tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_0/hdmf-common.table.yaml b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_0/hdmf-common.table.yaml index 9ed7bc1..2652e1c 100644 --- a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_0/hdmf-common.table.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_0/hdmf-common.table.yaml @@ -182,11 +182,10 @@ classes: by a separate DynamicTable stored within the group. is_a: DynamicTable attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: DynamicTable tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_1/hdmf-common.base.yaml b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_1/hdmf-common.base.yaml index ca0d043..8685dc7 100644 --- a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_1/hdmf-common.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_1/hdmf-common.base.yaml @@ -36,11 +36,10 @@ classes: description: A simple Container for holding onto multiple containers. is_a: Container attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: Container + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: Container tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_1/hdmf-common.table.yaml b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_1/hdmf-common.table.yaml index 3849f90..cb79bbe 100644 --- a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_1/hdmf-common.table.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_1/hdmf-common.table.yaml @@ -182,11 +182,10 @@ classes: by a separate DynamicTable stored within the group. is_a: DynamicTable attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: DynamicTable tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_6_0/hdmf-common.base.yaml b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_6_0/hdmf-common.base.yaml index 293c18a..5ba5b73 100644 --- a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_6_0/hdmf-common.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_6_0/hdmf-common.base.yaml @@ -36,11 +36,10 @@ classes: description: A simple Container for holding onto multiple containers. is_a: Container attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: Container + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: Container tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_6_0/hdmf-common.table.yaml b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_6_0/hdmf-common.table.yaml index ea22ad5..5240bc3 100644 --- a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_6_0/hdmf-common.table.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_6_0/hdmf-common.table.yaml @@ -182,11 +182,10 @@ classes: by a separate DynamicTable stored within the group. is_a: DynamicTable attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: DynamicTable tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_7_0/hdmf-common.base.yaml b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_7_0/hdmf-common.base.yaml index 1b7dcb9..4ad36b7 100644 --- a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_7_0/hdmf-common.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_7_0/hdmf-common.base.yaml @@ -36,11 +36,10 @@ classes: description: A simple Container for holding onto multiple containers. is_a: Container attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: Container + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: Container tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_7_0/hdmf-common.table.yaml b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_7_0/hdmf-common.table.yaml index 8149ebe..c20fdb3 100644 --- a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_7_0/hdmf-common.table.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_7_0/hdmf-common.table.yaml @@ -182,11 +182,10 @@ classes: by a separate DynamicTable stored within the group. is_a: DynamicTable attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: DynamicTable tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_8_0/hdmf-common.base.yaml b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_8_0/hdmf-common.base.yaml index b03629e..bb9b324 100644 --- a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_8_0/hdmf-common.base.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_8_0/hdmf-common.base.yaml @@ -36,11 +36,10 @@ classes: description: A simple Container for holding onto multiple containers. is_a: Container attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: Container + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: Container tree_root: true diff --git a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_8_0/hdmf-common.table.yaml b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_8_0/hdmf-common.table.yaml index 938ab2d..cf14321 100644 --- a/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_8_0/hdmf-common.table.yaml +++ b/nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_8_0/hdmf-common.table.yaml @@ -182,11 +182,10 @@ classes: by a separate DynamicTable stored within the group. is_a: DynamicTable attributes: - value: - name: value - multivalued: true - inlined: true - inlined_as_list: false - any_of: - - range: DynamicTable + - name: value + multivalued: true + inlined: true + inlined_as_list: false + any_of: + - range: DynamicTable tree_root: true From cc334ae1952359dea589ff26d20b848fa7602044 Mon Sep 17 00:00:00 2001 From: sneakers-the-rat Date: Tue, 20 Aug 2024 23:12:01 -0700 Subject: [PATCH 03/10] lint --- nwb_linkml/src/nwb_linkml/generators/pydantic.py | 6 +++++- nwb_linkml/src/nwb_linkml/providers/pydantic.py | 10 +++++----- 2 files changed, 10 insertions(+), 6 deletions(-) diff --git a/nwb_linkml/src/nwb_linkml/generators/pydantic.py b/nwb_linkml/src/nwb_linkml/generators/pydantic.py index 5dec150..0f824af 100644 --- a/nwb_linkml/src/nwb_linkml/generators/pydantic.py +++ b/nwb_linkml/src/nwb_linkml/generators/pydantic.py @@ -15,8 +15,8 @@ from typing import ClassVar, Dict, List, Optional, Tuple from linkml.generators import PydanticGenerator from linkml.generators.pydanticgen.array import ArrayRepresentation, NumpydanticArray from linkml.generators.pydanticgen.build import ClassResult, SlotResult -from linkml.generators.pydanticgen.template import Import, Imports, PydanticModule from linkml.generators.pydanticgen.pydanticgen import SplitMode +from linkml.generators.pydanticgen.template import Import, Imports, PydanticModule from linkml_runtime.linkml_model.meta import ( ArrayExpression, SchemaDefinition, @@ -96,6 +96,10 @@ class NWBPydanticGenerator(PydanticGenerator): raise ValueError("Slot cannot have both range and any_of defined") def render(self) -> PydanticModule: + """ + Override of super's render method to switch the split_mode before generation depending + on whether it's a namespace schema or not + """ is_namespace = False ns_annotation = self.schemaview.schema.annotations.get("is_namespace", None) if ns_annotation: diff --git a/nwb_linkml/src/nwb_linkml/providers/pydantic.py b/nwb_linkml/src/nwb_linkml/providers/pydantic.py index 21af04f..faf24b5 100644 --- a/nwb_linkml/src/nwb_linkml/providers/pydantic.py +++ b/nwb_linkml/src/nwb_linkml/providers/pydantic.py @@ -3,14 +3,14 @@ Provider for pydantic models. """ import importlib +import multiprocessing as mp import re import sys from importlib.abc import MetaPathFinder from importlib.machinery import ModuleSpec from pathlib import Path from types import ModuleType -from typing import List, Optional, Type, TYPE_CHECKING -import multiprocessing as mp +from typing import TYPE_CHECKING, List, Optional, Type from linkml.generators.pydanticgen.pydanticgen import SplitMode, _ensure_inits, _import_to_path from pydantic import BaseModel @@ -179,7 +179,7 @@ class PydanticProvider(Provider): res.append(serialized) # then each of the other schemas :) - imported_schema: dict[str, "SchemaDefinition"] = { + imported_schema: dict[str, SchemaDefinition] = { gen.generate_module_import(sch): sch for sch in gen.schemaview.schema_map.values() } generated_imports = [i for i in rendered.python_imports if i.schema] @@ -208,10 +208,10 @@ class PydanticProvider(Provider): with mp.Pool(min(mp.cpu_count(), len(tasks))) as pool: mp_results = [pool.apply_async(self._generate_single, t) for t in tasks] for result in mp_results: - res.append(result.get()) + res.append(result.get()) # noqa: PERF401 - false positive else: for task in tasks: - res.append(self._generate_single(*task)) + res.append(self._generate_single(*task)) # noqa: PERF401 - false positive # make __init__.py files if we generated any files if len(module_paths) > 0: From fc8cca0e16891436d13884c75ac9191d560148a1 Mon Sep 17 00:00:00 2001 From: sneakers-the-rat Date: Tue, 20 Aug 2024 23:17:44 -0700 Subject: [PATCH 04/10] correct cache invalidation --- .github/workflows/tests.yml | 4 ++++ 1 file changed, 4 insertions(+) diff --git a/.github/workflows/tests.yml b/.github/workflows/tests.yml index a11fff9..eba8485 100644 --- a/.github/workflows/tests.yml +++ b/.github/workflows/tests.yml @@ -30,6 +30,10 @@ jobs: with: python-version: ${{ matrix.python-version }} cache: 'pip' + cache-dependency-path: | + nwb_linkml/pyproject.toml + nwb_schema_language/pyproject.toml + nwb_models/pyproject.toml - name: Install dependencies run: pip install -e .[tests] From 798b92de6b7ee72bbf00a836cb9d67546f320560 Mon Sep 17 00:00:00 2001 From: sneakers-the-rat Date: Tue, 20 Aug 2024 23:21:40 -0700 Subject: [PATCH 05/10] name change in imports from schema -> is_schema --- nwb_linkml/src/nwb_linkml/providers/pydantic.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/nwb_linkml/src/nwb_linkml/providers/pydantic.py b/nwb_linkml/src/nwb_linkml/providers/pydantic.py index faf24b5..5d5975c 100644 --- a/nwb_linkml/src/nwb_linkml/providers/pydantic.py +++ b/nwb_linkml/src/nwb_linkml/providers/pydantic.py @@ -182,7 +182,7 @@ class PydanticProvider(Provider): imported_schema: dict[str, SchemaDefinition] = { gen.generate_module_import(sch): sch for sch in gen.schemaview.schema_map.values() } - generated_imports = [i for i in rendered.python_imports if i.schema] + generated_imports = [i for i in rendered.python_imports if i.is_schema] # each task has an expected output file a corresponding SchemaDefinition import_paths = [ (ns_file.parent / _import_to_path(an_import.module)).resolve() From fac18ab147d9b6fe5ff42395cea8e474a91d7699 Mon Sep 17 00:00:00 2001 From: sneakers-the-rat Date: Tue, 27 Aug 2024 20:49:53 -0700 Subject: [PATCH 06/10] copy and overwrite rather than shutil.move in generate --- .gitignore | 3 +- nwb_linkml/pdm.lock | 217 ++--- nwb_linkml/pyproject.toml | 3 +- pdm.lock | 1588 +++++++++++++++++-------------------- pyproject.toml | 5 +- scripts/generate_core.py | 38 +- 6 files changed, 860 insertions(+), 994 deletions(-) diff --git a/.gitignore b/.gitignore index 92dd66e..b0802e5 100644 --- a/.gitignore +++ b/.gitignore @@ -167,4 +167,5 @@ jupyter_execute .pdm-python .venv* -requests-cache.sqlite \ No newline at end of file +requests-cache.sqlite +*.pstats \ No newline at end of file diff --git a/nwb_linkml/pdm.lock b/nwb_linkml/pdm.lock index 7627014..7a1aca7 100644 --- a/nwb_linkml/pdm.lock +++ b/nwb_linkml/pdm.lock @@ -5,7 +5,7 @@ groups = ["default", "dev", "plot", "tests"] strategy = ["inherit_metadata"] lock_version = "4.5.0" -content_hash = "sha256:3223b7fb1c0ac9877a6d8af33e55f10e54fe8eb3a8b4fa053d3e7082863260ac" +content_hash = "sha256:f219083028bd024c53bc55626c8b6088d6eb5c2ade56bd694a7a112098aa9bfc" [[metadata.targets]] requires_python = ">=3.10,<3.13" @@ -582,18 +582,18 @@ files = [ [[package]] name = "idna" -version = "3.7" -requires_python = ">=3.5" +version = "3.8" +requires_python = ">=3.6" summary = "Internationalized Domain Names in Applications (IDNA)" groups = ["default", "dev", "plot", "tests"] files = [ - {file = "idna-3.7-py3-none-any.whl", hash = "sha256:82fee1fc78add43492d3a1898bfa6d8a904cc97d8427f683ed8e798d07761aa0"}, - {file = "idna-3.7.tar.gz", hash = "sha256:028ff3aadf0609c1fd278d8ea3089299412a7a8b9bd005dd08b9f8285bcb5cfc"}, + {file = "idna-3.8-py3-none-any.whl", hash = "sha256:050b4e5baadcd44d760cedbd2b8e639f2ff89bbc7a5730fcc662954303377aac"}, + {file = "idna-3.8.tar.gz", hash = "sha256:d838c2c0ed6fced7693d5e8ab8e734d5f8fda53a039c0164afb0b82e771e3603"}, ] [[package]] name = "importlib-metadata" -version = "8.2.0" +version = "8.4.0" requires_python = ">=3.8" summary = "Read metadata from Python packages" groups = ["plot"] @@ -602,8 +602,8 @@ dependencies = [ "zipp>=0.5", ] files = [ - {file = "importlib_metadata-8.2.0-py3-none-any.whl", hash = "sha256:11901fa0c2f97919b288679932bb64febaeacf289d18ac84dd68cb2e74213369"}, - {file = "importlib_metadata-8.2.0.tar.gz", hash = "sha256:72e8d4399996132204f9a16dcc751af254a48f8d1b20b9ff0f98d4a8f901e73d"}, + {file = "importlib_metadata-8.4.0-py3-none-any.whl", hash = "sha256:66f342cc6ac9818fc6ff340576acd24d65ba0b3efabb2b4ac08b598965a4a2f1"}, + {file = "importlib_metadata-8.4.0.tar.gz", hash = "sha256:9a547d3bc3608b025f93d403fdd1aae741c24fbb8314df4b155675742ce303c5"}, ] [[package]] @@ -809,7 +809,7 @@ version = "0.0.0" requires_python = "<4.0.0,>=3.8.1" git = "https://github.com/sneakers-the-rat/linkml" ref = "nwb-linkml" -revision = "0a6578bff4713688260f64b3076b197bd6decce9" +revision = "0247c0b1e1a87366e0e047449e604881870c4e98" summary = "Linked Open Data Modeling Language" groups = ["default"] dependencies = [ @@ -822,7 +822,7 @@ dependencies = [ "jsonasobj2==1.*,>=1.0.0,>=1.0.3", "jsonschema[format]>=4.0.0", "linkml-dataops", - "linkml-runtime==1.8.0", + "linkml-runtime<2.0.0,>=1.8.1", "openpyxl", "parse", "prefixcommons>=0.1.7", @@ -860,7 +860,7 @@ files = [ [[package]] name = "linkml-runtime" -version = "1.8.0" +version = "1.8.2" requires_python = "<4.0,>=3.8" summary = "Runtime environment for LinkML, the Linked open data modeling language" groups = ["default"] @@ -880,8 +880,8 @@ dependencies = [ "requests", ] files = [ - {file = "linkml_runtime-1.8.0-py3-none-any.whl", hash = "sha256:e99a809eda52640633f07a9e8b391d1a9da863eb68a475dfd74a79335b909931"}, - {file = "linkml_runtime-1.8.0.tar.gz", hash = "sha256:436381a7bf791e9af4ef0a5adcac86762d451b77670fbdb3ba083d2c177fb5f2"}, + {file = "linkml_runtime-1.8.2-py3-none-any.whl", hash = "sha256:a66d7b5b82cb57b2d6c603c75ca22db4bae0409e0fb2b9e7835f921a23716096"}, + {file = "linkml_runtime-1.8.2.tar.gz", hash = "sha256:f5067aeeb96c8d3ca1761b55b82d927af88d810459d533fb1f7876a90224b130"}, ] [[package]] @@ -984,42 +984,45 @@ files = [ [[package]] name = "numpy" -version = "2.0.1" -requires_python = ">=3.9" +version = "2.1.0" +requires_python = ">=3.10" summary = "Fundamental package for array computing in Python" groups = ["default"] files = [ - {file = "numpy-2.0.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:0fbb536eac80e27a2793ffd787895242b7f18ef792563d742c2d673bfcb75134"}, - {file = "numpy-2.0.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:69ff563d43c69b1baba77af455dd0a839df8d25e8590e79c90fcbe1499ebde42"}, - {file = "numpy-2.0.1-cp310-cp310-macosx_14_0_arm64.whl", hash = "sha256:1b902ce0e0a5bb7704556a217c4f63a7974f8f43e090aff03fcf262e0b135e02"}, - {file = "numpy-2.0.1-cp310-cp310-macosx_14_0_x86_64.whl", hash = "sha256:f1659887361a7151f89e79b276ed8dff3d75877df906328f14d8bb40bb4f5101"}, - {file = "numpy-2.0.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4658c398d65d1b25e1760de3157011a80375da861709abd7cef3bad65d6543f9"}, - {file = "numpy-2.0.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4127d4303b9ac9f94ca0441138acead39928938660ca58329fe156f84b9f3015"}, - {file = "numpy-2.0.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:e5eeca8067ad04bc8a2a8731183d51d7cbaac66d86085d5f4766ee6bf19c7f87"}, - {file = "numpy-2.0.1-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:9adbd9bb520c866e1bfd7e10e1880a1f7749f1f6e5017686a5fbb9b72cf69f82"}, - {file = "numpy-2.0.1-cp310-cp310-win32.whl", hash = "sha256:7b9853803278db3bdcc6cd5beca37815b133e9e77ff3d4733c247414e78eb8d1"}, - {file = "numpy-2.0.1-cp310-cp310-win_amd64.whl", hash = "sha256:81b0893a39bc5b865b8bf89e9ad7807e16717f19868e9d234bdaf9b1f1393868"}, - {file = "numpy-2.0.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:75b4e316c5902d8163ef9d423b1c3f2f6252226d1aa5cd8a0a03a7d01ffc6268"}, - {file = "numpy-2.0.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:6e4eeb6eb2fced786e32e6d8df9e755ce5be920d17f7ce00bc38fcde8ccdbf9e"}, - {file = "numpy-2.0.1-cp311-cp311-macosx_14_0_arm64.whl", hash = "sha256:a1e01dcaab205fbece13c1410253a9eea1b1c9b61d237b6fa59bcc46e8e89343"}, - {file = "numpy-2.0.1-cp311-cp311-macosx_14_0_x86_64.whl", hash = "sha256:a8fc2de81ad835d999113ddf87d1ea2b0f4704cbd947c948d2f5513deafe5a7b"}, - {file = "numpy-2.0.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5a3d94942c331dd4e0e1147f7a8699a4aa47dffc11bf8a1523c12af8b2e91bbe"}, - {file = "numpy-2.0.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:15eb4eca47d36ec3f78cde0a3a2ee24cf05ca7396ef808dda2c0ddad7c2bde67"}, - {file = "numpy-2.0.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:b83e16a5511d1b1f8a88cbabb1a6f6a499f82c062a4251892d9ad5d609863fb7"}, - {file = "numpy-2.0.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:1f87fec1f9bc1efd23f4227becff04bd0e979e23ca50cc92ec88b38489db3b55"}, - {file = "numpy-2.0.1-cp311-cp311-win32.whl", hash = "sha256:36d3a9405fd7c511804dc56fc32974fa5533bdeb3cd1604d6b8ff1d292b819c4"}, - {file = "numpy-2.0.1-cp311-cp311-win_amd64.whl", hash = "sha256:08458fbf403bff5e2b45f08eda195d4b0c9b35682311da5a5a0a0925b11b9bd8"}, - {file = "numpy-2.0.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:6bf4e6f4a2a2e26655717a1983ef6324f2664d7011f6ef7482e8c0b3d51e82ac"}, - {file = "numpy-2.0.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:7d6fddc5fe258d3328cd8e3d7d3e02234c5d70e01ebe377a6ab92adb14039cb4"}, - {file = "numpy-2.0.1-cp312-cp312-macosx_14_0_arm64.whl", hash = "sha256:5daab361be6ddeb299a918a7c0864fa8618af66019138263247af405018b04e1"}, - {file = "numpy-2.0.1-cp312-cp312-macosx_14_0_x86_64.whl", hash = "sha256:ea2326a4dca88e4a274ba3a4405eb6c6467d3ffbd8c7d38632502eaae3820587"}, - {file = "numpy-2.0.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:529af13c5f4b7a932fb0e1911d3a75da204eff023ee5e0e79c1751564221a5c8"}, - {file = "numpy-2.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6790654cb13eab303d8402354fabd47472b24635700f631f041bd0b65e37298a"}, - {file = "numpy-2.0.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:cbab9fc9c391700e3e1287666dfd82d8666d10e69a6c4a09ab97574c0b7ee0a7"}, - {file = "numpy-2.0.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:99d0d92a5e3613c33a5f01db206a33f8fdf3d71f2912b0de1739894668b7a93b"}, - {file = "numpy-2.0.1-cp312-cp312-win32.whl", hash = "sha256:173a00b9995f73b79eb0191129f2455f1e34c203f559dd118636858cc452a1bf"}, - {file = "numpy-2.0.1-cp312-cp312-win_amd64.whl", hash = "sha256:bb2124fdc6e62baae159ebcfa368708867eb56806804d005860b6007388df171"}, - {file = "numpy-2.0.1.tar.gz", hash = "sha256:485b87235796410c3519a699cfe1faab097e509e90ebb05dcd098db2ae87e7b3"}, + {file = "numpy-2.1.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:6326ab99b52fafdcdeccf602d6286191a79fe2fda0ae90573c5814cd2b0bc1b8"}, + {file = "numpy-2.1.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:0937e54c09f7a9a68da6889362ddd2ff584c02d015ec92672c099b61555f8911"}, + {file = "numpy-2.1.0-cp310-cp310-macosx_14_0_arm64.whl", hash = "sha256:30014b234f07b5fec20f4146f69e13cfb1e33ee9a18a1879a0142fbb00d47673"}, + {file = "numpy-2.1.0-cp310-cp310-macosx_14_0_x86_64.whl", hash = "sha256:899da829b362ade41e1e7eccad2cf274035e1cb36ba73034946fccd4afd8606b"}, + {file = "numpy-2.1.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:08801848a40aea24ce16c2ecde3b756f9ad756586fb2d13210939eb69b023f5b"}, + {file = "numpy-2.1.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:398049e237d1aae53d82a416dade04defed1a47f87d18d5bd615b6e7d7e41d1f"}, + {file = "numpy-2.1.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:0abb3916a35d9090088a748636b2c06dc9a6542f99cd476979fb156a18192b84"}, + {file = "numpy-2.1.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:10e2350aea18d04832319aac0f887d5fcec1b36abd485d14f173e3e900b83e33"}, + {file = "numpy-2.1.0-cp310-cp310-win32.whl", hash = "sha256:f6b26e6c3b98adb648243670fddc8cab6ae17473f9dc58c51574af3e64d61211"}, + {file = "numpy-2.1.0-cp310-cp310-win_amd64.whl", hash = "sha256:f505264735ee074250a9c78247ee8618292091d9d1fcc023290e9ac67e8f1afa"}, + {file = "numpy-2.1.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:76368c788ccb4f4782cf9c842b316140142b4cbf22ff8db82724e82fe1205dce"}, + {file = "numpy-2.1.0-cp311-cp311-macosx_14_0_arm64.whl", hash = "sha256:f8e93a01a35be08d31ae33021e5268f157a2d60ebd643cfc15de6ab8e4722eb1"}, + {file = "numpy-2.1.0-cp311-cp311-macosx_14_0_x86_64.whl", hash = "sha256:9523f8b46485db6939bd069b28b642fec86c30909cea90ef550373787f79530e"}, + {file = "numpy-2.1.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:54139e0eb219f52f60656d163cbe67c31ede51d13236c950145473504fa208cb"}, + {file = "numpy-2.1.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f5ebbf9fbdabed208d4ecd2e1dfd2c0741af2f876e7ae522c2537d404ca895c3"}, + {file = "numpy-2.1.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:378cb4f24c7d93066ee4103204f73ed046eb88f9ad5bb2275bb9fa0f6a02bd36"}, + {file = "numpy-2.1.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:d8f699a709120b220dfe173f79c73cb2a2cab2c0b88dd59d7b49407d032b8ebd"}, + {file = "numpy-2.1.0-cp311-cp311-win32.whl", hash = "sha256:ffbd6faeb190aaf2b5e9024bac9622d2ee549b7ec89ef3a9373fa35313d44e0e"}, + {file = "numpy-2.1.0-cp311-cp311-win_amd64.whl", hash = "sha256:0af3a5987f59d9c529c022c8c2a64805b339b7ef506509fba7d0556649b9714b"}, + {file = "numpy-2.1.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:fe76d75b345dc045acdbc006adcb197cc680754afd6c259de60d358d60c93736"}, + {file = "numpy-2.1.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:f358ea9e47eb3c2d6eba121ab512dfff38a88db719c38d1e67349af210bc7529"}, + {file = "numpy-2.1.0-cp312-cp312-macosx_14_0_arm64.whl", hash = "sha256:dd94ce596bda40a9618324547cfaaf6650b1a24f5390350142499aa4e34e53d1"}, + {file = "numpy-2.1.0-cp312-cp312-macosx_14_0_x86_64.whl", hash = "sha256:b47c551c6724960479cefd7353656498b86e7232429e3a41ab83be4da1b109e8"}, + {file = "numpy-2.1.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a0756a179afa766ad7cb6f036de622e8a8f16ffdd55aa31f296c870b5679d745"}, + {file = "numpy-2.1.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:24003ba8ff22ea29a8c306e61d316ac74111cebf942afbf692df65509a05f111"}, + {file = "numpy-2.1.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:b34fa5e3b5d6dc7e0a4243fa0f81367027cb6f4a7215a17852979634b5544ee0"}, + {file = "numpy-2.1.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:c4f982715e65036c34897eb598d64aef15150c447be2cfc6643ec7a11af06574"}, + {file = "numpy-2.1.0-cp312-cp312-win32.whl", hash = "sha256:c4cd94dfefbefec3f8b544f61286584292d740e6e9d4677769bc76b8f41deb02"}, + {file = "numpy-2.1.0-cp312-cp312-win_amd64.whl", hash = "sha256:a0cdef204199278f5c461a0bed6ed2e052998276e6d8ab2963d5b5c39a0500bc"}, + {file = "numpy-2.1.0-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:15ef8b2177eeb7e37dd5ef4016f30b7659c57c2c0b57a779f1d537ff33a72c7b"}, + {file = "numpy-2.1.0-pp310-pypy310_pp73-macosx_14_0_x86_64.whl", hash = "sha256:e5f0642cdf4636198a4990de7a71b693d824c56a757862230454629cf62e323d"}, + {file = "numpy-2.1.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f15976718c004466406342789f31b6673776360f3b1e3c575f25302d7e789575"}, + {file = "numpy-2.1.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:6c1de77ded79fef664d5098a66810d4d27ca0224e9051906e634b3f7ead134c2"}, + {file = "numpy-2.1.0.tar.gz", hash = "sha256:7dc90da0081f7e1da49ec4e398ede6a8e9cc4f5ebe5f9e06b443ed889ee9aaa2"}, ] [[package]] @@ -1349,13 +1352,13 @@ files = [ [[package]] name = "pyparsing" -version = "3.1.2" +version = "3.1.4" requires_python = ">=3.6.8" summary = "pyparsing module - Classes and methods to define and execute parsing grammars" groups = ["default"] files = [ - {file = "pyparsing-3.1.2-py3-none-any.whl", hash = "sha256:f9db75911801ed778fe61bb643079ff86601aca99fcae6345aa67292038fb742"}, - {file = "pyparsing-3.1.2.tar.gz", hash = "sha256:a1bac0ce561155ecc3ed78ca94d3c9378656ad4c94c1270de543f621420f94ad"}, + {file = "pyparsing-3.1.4-py3-none-any.whl", hash = "sha256:a6a7ee4235a3f944aa1fa2249307708f893fe5717dc603503c6c7969c070fb7c"}, + {file = "pyparsing-3.1.4.tar.gz", hash = "sha256:f86ec8d1a83f11977c9a6ea7598e8c27fc5cddfa5b07ea2241edbbde1d7bc032"}, ] [[package]] @@ -1679,7 +1682,7 @@ files = [ [[package]] name = "rich" -version = "13.7.1" +version = "13.8.0" requires_python = ">=3.7.0" summary = "Render rich text, tables, progress bars, syntax highlighting, markdown and more to the terminal" groups = ["default"] @@ -1689,8 +1692,8 @@ dependencies = [ "typing-extensions<5.0,>=4.0.0; python_version < \"3.9\"", ] files = [ - {file = "rich-13.7.1-py3-none-any.whl", hash = "sha256:4edbae314f59eb482f54e9e30bf00d33350aaa94f4bfcd4e9e3110e64d0d7222"}, - {file = "rich-13.7.1.tar.gz", hash = "sha256:9be308cb1fe2f1f57d67ce99e95af38a1e2bc71ad9813b0e247cf7ffbcc3a432"}, + {file = "rich-13.8.0-py3-none-any.whl", hash = "sha256:2e85306a063b9492dffc86278197a60cbece75bcb766022f3436f567cae11bdc"}, + {file = "rich-13.8.0.tar.gz", hash = "sha256:a5ac1f1cd448ade0d59cc3356f7db7a7ccda2c8cbae9c7a90c28ff463d3e91f4"}, ] [[package]] @@ -1805,40 +1808,40 @@ files = [ [[package]] name = "ruff" -version = "0.6.0" +version = "0.6.2" requires_python = ">=3.7" summary = "An extremely fast Python linter and code formatter, written in Rust." groups = ["dev"] files = [ - {file = "ruff-0.6.0-py3-none-linux_armv6l.whl", hash = "sha256:92dcce923e5df265781e5fc76f9a1edad52201a7aafe56e586b90988d5239013"}, - {file = "ruff-0.6.0-py3-none-macosx_10_12_x86_64.whl", hash = "sha256:31b90ff9dc79ed476c04e957ba7e2b95c3fceb76148f2079d0d68a908d2cfae7"}, - {file = "ruff-0.6.0-py3-none-macosx_11_0_arm64.whl", hash = "sha256:6d834a9ec9f8287dd6c3297058b3a265ed6b59233db22593379ee38ebc4b9768"}, - {file = "ruff-0.6.0-py3-none-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f2089267692696aba342179471831a085043f218706e642564812145df8b8d0d"}, - {file = "ruff-0.6.0-py3-none-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:aa62b423ee4bbd8765f2c1dbe8f6aac203e0583993a91453dc0a449d465c84da"}, - {file = "ruff-0.6.0-py3-none-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7344e1a964b16b1137ea361d6516ce4ee61a0403fa94252a1913ecc1311adcae"}, - {file = "ruff-0.6.0-py3-none-manylinux_2_17_ppc64.manylinux2014_ppc64.whl", hash = "sha256:487f3a35c3f33bf82be212ce15dc6278ea854e35573a3f809442f73bec8b2760"}, - {file = "ruff-0.6.0-py3-none-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:75db409984077a793cf344d499165298a6f65449e905747ac65983b12e3e64b1"}, - {file = "ruff-0.6.0-py3-none-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:84908bd603533ecf1db456d8fc2665d1f4335d722e84bc871d3bbd2d1116c272"}, - {file = "ruff-0.6.0-py3-none-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0f1749a0aef3ec41ed91a0e2127a6ae97d2e2853af16dbd4f3c00d7a3af726c5"}, - {file = "ruff-0.6.0-py3-none-musllinux_1_2_aarch64.whl", hash = "sha256:016fea751e2bcfbbd2f8cb19b97b37b3fd33148e4df45b526e87096f4e17354f"}, - {file = "ruff-0.6.0-py3-none-musllinux_1_2_armv7l.whl", hash = "sha256:6ae80f141b53b2e36e230017e64f5ea2def18fac14334ffceaae1b780d70c4f7"}, - {file = "ruff-0.6.0-py3-none-musllinux_1_2_i686.whl", hash = "sha256:eaaaf33ea4b3f63fd264d6a6f4a73fa224bbfda4b438ffea59a5340f4afa2bb5"}, - {file = "ruff-0.6.0-py3-none-musllinux_1_2_x86_64.whl", hash = "sha256:7667ddd1fc688150a7ca4137140867584c63309695a30016880caf20831503a0"}, - {file = "ruff-0.6.0-py3-none-win32.whl", hash = "sha256:ae48365aae60d40865a412356f8c6f2c0be1c928591168111eaf07eaefa6bea3"}, - {file = "ruff-0.6.0-py3-none-win_amd64.whl", hash = "sha256:774032b507c96f0c803c8237ce7d2ef3934df208a09c40fa809c2931f957fe5e"}, - {file = "ruff-0.6.0-py3-none-win_arm64.whl", hash = "sha256:a5366e8c3ae6b2dc32821749b532606c42e609a99b0ae1472cf601da931a048c"}, - {file = "ruff-0.6.0.tar.gz", hash = "sha256:272a81830f68f9bd19d49eaf7fa01a5545c5a2e86f32a9935bb0e4bb9a1db5b8"}, + {file = "ruff-0.6.2-py3-none-linux_armv6l.whl", hash = "sha256:5c8cbc6252deb3ea840ad6a20b0f8583caab0c5ef4f9cca21adc5a92b8f79f3c"}, + {file = "ruff-0.6.2-py3-none-macosx_10_12_x86_64.whl", hash = "sha256:17002fe241e76544448a8e1e6118abecbe8cd10cf68fde635dad480dba594570"}, + {file = "ruff-0.6.2-py3-none-macosx_11_0_arm64.whl", hash = "sha256:3dbeac76ed13456f8158b8f4fe087bf87882e645c8e8b606dd17b0b66c2c1158"}, + {file = "ruff-0.6.2-py3-none-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:094600ee88cda325988d3f54e3588c46de5c18dae09d683ace278b11f9d4d534"}, + {file = "ruff-0.6.2-py3-none-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:316d418fe258c036ba05fbf7dfc1f7d3d4096db63431546163b472285668132b"}, + {file = "ruff-0.6.2-py3-none-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d72b8b3abf8a2d51b7b9944a41307d2f442558ccb3859bbd87e6ae9be1694a5d"}, + {file = "ruff-0.6.2-py3-none-manylinux_2_17_ppc64.manylinux2014_ppc64.whl", hash = "sha256:2aed7e243be68487aa8982e91c6e260982d00da3f38955873aecd5a9204b1d66"}, + {file = "ruff-0.6.2-py3-none-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d371f7fc9cec83497fe7cf5eaf5b76e22a8efce463de5f775a1826197feb9df8"}, + {file = "ruff-0.6.2-py3-none-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a8f310d63af08f583363dfb844ba8f9417b558199c58a5999215082036d795a1"}, + {file = "ruff-0.6.2-py3-none-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7db6880c53c56addb8638fe444818183385ec85eeada1d48fc5abe045301b2f1"}, + {file = "ruff-0.6.2-py3-none-musllinux_1_2_aarch64.whl", hash = "sha256:1175d39faadd9a50718f478d23bfc1d4da5743f1ab56af81a2b6caf0a2394f23"}, + {file = "ruff-0.6.2-py3-none-musllinux_1_2_armv7l.whl", hash = "sha256:5b939f9c86d51635fe486585389f54582f0d65b8238e08c327c1534844b3bb9a"}, + {file = "ruff-0.6.2-py3-none-musllinux_1_2_i686.whl", hash = "sha256:d0d62ca91219f906caf9b187dea50d17353f15ec9bb15aae4a606cd697b49b4c"}, + {file = "ruff-0.6.2-py3-none-musllinux_1_2_x86_64.whl", hash = "sha256:7438a7288f9d67ed3c8ce4d059e67f7ed65e9fe3aa2ab6f5b4b3610e57e3cb56"}, + {file = "ruff-0.6.2-py3-none-win32.whl", hash = "sha256:279d5f7d86696df5f9549b56b9b6a7f6c72961b619022b5b7999b15db392a4da"}, + {file = "ruff-0.6.2-py3-none-win_amd64.whl", hash = "sha256:d9f3469c7dd43cd22eb1c3fc16926fb8258d50cb1b216658a07be95dd117b0f2"}, + {file = "ruff-0.6.2-py3-none-win_arm64.whl", hash = "sha256:f28fcd2cd0e02bdf739297516d5643a945cc7caf09bd9bcb4d932540a5ea4fa9"}, + {file = "ruff-0.6.2.tar.gz", hash = "sha256:239ee6beb9e91feb8e0ec384204a763f36cb53fb895a1a364618c6abb076b3be"}, ] [[package]] name = "setuptools" -version = "72.2.0" +version = "74.0.0" requires_python = ">=3.8" summary = "Easily download, build, install, upgrade, and uninstall Python packages" groups = ["plot"] files = [ - {file = "setuptools-72.2.0-py3-none-any.whl", hash = "sha256:f11dd94b7bae3a156a95ec151f24e4637fb4fa19c878e4d191bfb8b2d82728c4"}, - {file = "setuptools-72.2.0.tar.gz", hash = "sha256:80aacbf633704e9c8bfa1d99fa5dd4dc59573efcf9e4042c13d3bcef91ac2ef9"}, + {file = "setuptools-74.0.0-py3-none-any.whl", hash = "sha256:0274581a0037b638b9fc1c6883cc71c0210865aaa76073f7882376b641b84e8f"}, + {file = "setuptools-74.0.0.tar.gz", hash = "sha256:a85e96b8be2b906f3e3e789adec6a9323abf79758ecfa3065bd740d81158b11e"}, ] [[package]] @@ -1995,13 +1998,13 @@ files = [ [[package]] name = "types-python-dateutil" -version = "2.9.0.20240316" +version = "2.9.0.20240821" requires_python = ">=3.8" summary = "Typing stubs for python-dateutil" groups = ["default"] files = [ - {file = "types-python-dateutil-2.9.0.20240316.tar.gz", hash = "sha256:5d2f2e240b86905e40944dd787db6da9263f0deabef1076ddaed797351ec0202"}, - {file = "types_python_dateutil-2.9.0.20240316-py3-none-any.whl", hash = "sha256:6b8cb66d960771ce5ff974e9dd45e38facb81718cc1e208b10b1baccbfdbee3b"}, + {file = "types-python-dateutil-2.9.0.20240821.tar.gz", hash = "sha256:9649d1dcb6fef1046fb18bebe9ea2aa0028b160918518c34589a46045f6ebd98"}, + {file = "types_python_dateutil-2.9.0.20240821-py3-none-any.whl", hash = "sha256:f5889fcb4e63ed4aaa379b44f93c32593d50b9a94c9a60a0c854d8cc3511cd57"}, ] [[package]] @@ -2064,33 +2067,33 @@ files = [ [[package]] name = "watchdog" -version = "4.0.2" -requires_python = ">=3.8" +version = "5.0.0" +requires_python = ">=3.9" summary = "Filesystem events monitoring" groups = ["default"] files = [ - {file = "watchdog-4.0.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:ede7f010f2239b97cc79e6cb3c249e72962404ae3865860855d5cbe708b0fd22"}, - {file = "watchdog-4.0.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:a2cffa171445b0efa0726c561eca9a27d00a1f2b83846dbd5a4f639c4f8ca8e1"}, - {file = "watchdog-4.0.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:c50f148b31b03fbadd6d0b5980e38b558046b127dc483e5e4505fcef250f9503"}, - {file = "watchdog-4.0.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:7c7d4bf585ad501c5f6c980e7be9c4f15604c7cc150e942d82083b31a7548930"}, - {file = "watchdog-4.0.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:914285126ad0b6eb2258bbbcb7b288d9dfd655ae88fa28945be05a7b475a800b"}, - {file = "watchdog-4.0.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:984306dc4720da5498b16fc037b36ac443816125a3705dfde4fd90652d8028ef"}, - {file = "watchdog-4.0.2-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:1cdcfd8142f604630deef34722d695fb455d04ab7cfe9963055df1fc69e6727a"}, - {file = "watchdog-4.0.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:d7ab624ff2f663f98cd03c8b7eedc09375a911794dfea6bf2a359fcc266bff29"}, - {file = "watchdog-4.0.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:132937547a716027bd5714383dfc40dc66c26769f1ce8a72a859d6a48f371f3a"}, - {file = "watchdog-4.0.2-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:10b6683df70d340ac3279eff0b2766813f00f35a1d37515d2c99959ada8f05fa"}, - {file = "watchdog-4.0.2-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:f7c739888c20f99824f7aa9d31ac8a97353e22d0c0e54703a547a218f6637eb3"}, - {file = "watchdog-4.0.2-py3-none-manylinux2014_aarch64.whl", hash = "sha256:936acba76d636f70db8f3c66e76aa6cb5136a936fc2a5088b9ce1c7a3508fc83"}, - {file = "watchdog-4.0.2-py3-none-manylinux2014_armv7l.whl", hash = "sha256:e252f8ca942a870f38cf785aef420285431311652d871409a64e2a0a52a2174c"}, - {file = "watchdog-4.0.2-py3-none-manylinux2014_i686.whl", hash = "sha256:0e83619a2d5d436a7e58a1aea957a3c1ccbf9782c43c0b4fed80580e5e4acd1a"}, - {file = "watchdog-4.0.2-py3-none-manylinux2014_ppc64.whl", hash = "sha256:88456d65f207b39f1981bf772e473799fcdc10801062c36fd5ad9f9d1d463a73"}, - {file = "watchdog-4.0.2-py3-none-manylinux2014_ppc64le.whl", hash = "sha256:32be97f3b75693a93c683787a87a0dc8db98bb84701539954eef991fb35f5fbc"}, - {file = "watchdog-4.0.2-py3-none-manylinux2014_s390x.whl", hash = "sha256:c82253cfc9be68e3e49282831afad2c1f6593af80c0daf1287f6a92657986757"}, - {file = "watchdog-4.0.2-py3-none-manylinux2014_x86_64.whl", hash = "sha256:c0b14488bd336c5b1845cee83d3e631a1f8b4e9c5091ec539406e4a324f882d8"}, - {file = "watchdog-4.0.2-py3-none-win32.whl", hash = "sha256:0d8a7e523ef03757a5aa29f591437d64d0d894635f8a50f370fe37f913ce4e19"}, - {file = "watchdog-4.0.2-py3-none-win_amd64.whl", hash = "sha256:c344453ef3bf875a535b0488e3ad28e341adbd5a9ffb0f7d62cefacc8824ef2b"}, - {file = "watchdog-4.0.2-py3-none-win_ia64.whl", hash = "sha256:baececaa8edff42cd16558a639a9b0ddf425f93d892e8392a56bf904f5eff22c"}, - {file = "watchdog-4.0.2.tar.gz", hash = "sha256:b4dfbb6c49221be4535623ea4474a4d6ee0a9cef4a80b20c28db4d858b64e270"}, + {file = "watchdog-5.0.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:bf3216ec994eabb2212df9861f19056ca0d4cd3516d56cb95801933876519bfe"}, + {file = "watchdog-5.0.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:cb59ad83a1700304fc1ac7bc53ae9e5cbe9d60a52ed9bba8e2e2d782a201bb2b"}, + {file = "watchdog-5.0.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:1228cb097e855d1798b550be8f0e9f0cfbac4384f9a3e91f66d250d03e11294e"}, + {file = "watchdog-5.0.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:3c177085c3d210d1c73cb4569442bdaef706ebebc423bd7aed9e90fc12b2e553"}, + {file = "watchdog-5.0.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:01ab36cddc836a0f202c66267daaef92ba5c17c7d6436deff0587bb61234c5c9"}, + {file = "watchdog-5.0.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:0834c21efa3e767849b09e667274604c7cdfe30b49eb95d794565c53f4db3c1e"}, + {file = "watchdog-5.0.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:1e26f570dd7f5178656affb24d6f0e22ce66c8daf88d4061a27bfb9ac866b40d"}, + {file = "watchdog-5.0.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:d146331e6b206baa9f6dd40f72b5783ad2302c240df68e7fce196d30588ccf7b"}, + {file = "watchdog-5.0.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:6c96b1706430839872a3e33b9370ee3f7a0079f6b828129d88498ad1f96a0f45"}, + {file = "watchdog-5.0.0-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:bc16d448a74a929b896ed9578c25756b2125400b19b3258be8d9a681c7ae8e71"}, + {file = "watchdog-5.0.0-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:7e6b0e9b8a9dc3865d65888b5f5222da4ba9c4e09eab13cff5e305e7b7e7248f"}, + {file = "watchdog-5.0.0-py3-none-manylinux2014_aarch64.whl", hash = "sha256:d76efab5248aafbf8a2c2a63cd7b9545e6b346ad1397af8b862a3bb3140787d8"}, + {file = "watchdog-5.0.0-py3-none-manylinux2014_armv7l.whl", hash = "sha256:ff4e957c45c446de34c513eadce01d0b65da7eee47c01dce472dd136124552c9"}, + {file = "watchdog-5.0.0-py3-none-manylinux2014_i686.whl", hash = "sha256:16c1aa3377bb1f82c5e24277fcbf4e2cac3c4ce46aaaf7212d53caa9076eb7b7"}, + {file = "watchdog-5.0.0-py3-none-manylinux2014_ppc64.whl", hash = "sha256:22fcad6168fc43cf0e709bd854be5b8edbb0b260f0a6f28f1ea9baa53c6907f7"}, + {file = "watchdog-5.0.0-py3-none-manylinux2014_ppc64le.whl", hash = "sha256:0120b2fa65732797ffa65fa8ee5540c288aa861d91447df298626d6385a24658"}, + {file = "watchdog-5.0.0-py3-none-manylinux2014_s390x.whl", hash = "sha256:2aa59fab7ff75281778c649557275ca3085eccbdf825a0e2a5ca3810e977afe5"}, + {file = "watchdog-5.0.0-py3-none-manylinux2014_x86_64.whl", hash = "sha256:78db0fe0336958fc0e1269545c980b6f33d04d184ba191b2800a8b71d3e971a9"}, + {file = "watchdog-5.0.0-py3-none-win32.whl", hash = "sha256:d1acef802916083f2ad7988efc7decf07e46e266916c0a09d8fb9d387288ea12"}, + {file = "watchdog-5.0.0-py3-none-win_amd64.whl", hash = "sha256:3c2d50fdb86aa6df3973313272f5a17eb26eab29ff5a0bf54b6d34597b4dc4e4"}, + {file = "watchdog-5.0.0-py3-none-win_ia64.whl", hash = "sha256:1d17ec7e022c34fa7ddc72aa41bf28c9d1207ffb193df18ba4f6fde453725b3c"}, + {file = "watchdog-5.0.0.tar.gz", hash = "sha256:990aedb9e2f336b45a70aed9c014450e7c4a70fd99c5f5b1834d57e1453a177e"}, ] [[package]] @@ -2106,7 +2109,7 @@ files = [ [[package]] name = "werkzeug" -version = "3.0.3" +version = "3.0.4" requires_python = ">=3.8" summary = "The comprehensive WSGI web application library." groups = ["plot"] @@ -2114,8 +2117,8 @@ dependencies = [ "MarkupSafe>=2.1.1", ] files = [ - {file = "werkzeug-3.0.3-py3-none-any.whl", hash = "sha256:fc9645dc43e03e4d630d23143a04a7f947a9a3b5727cd535fdfe155a17cc48c8"}, - {file = "werkzeug-3.0.3.tar.gz", hash = "sha256:097e5bfda9f0aba8da6b8545146def481d06aa7d3266e7448e2cccf67dd8bd18"}, + {file = "werkzeug-3.0.4-py3-none-any.whl", hash = "sha256:02c9eb92b7d6c06f31a782811505d2157837cea66aaede3e217c7c27c039476c"}, + {file = "werkzeug-3.0.4.tar.gz", hash = "sha256:34f2371506b250df4d4f84bfe7b0921e4762525762bbd936614909fe25cd7306"}, ] [[package]] @@ -2161,11 +2164,11 @@ files = [ [[package]] name = "zipp" -version = "3.20.0" +version = "3.20.1" requires_python = ">=3.8" summary = "Backport of pathlib-compatible object wrapper for zip files" groups = ["plot"] files = [ - {file = "zipp-3.20.0-py3-none-any.whl", hash = "sha256:58da6168be89f0be59beb194da1250516fdaa062ccebd30127ac65d30045e10d"}, - {file = "zipp-3.20.0.tar.gz", hash = "sha256:0145e43d89664cfe1a2e533adc75adafed82fe2da404b4bbb6b026c0157bdb31"}, + {file = "zipp-3.20.1-py3-none-any.whl", hash = "sha256:9960cd8967c8f85a56f920d5d507274e74f9ff813a0ab8889a5b5be2daf44064"}, + {file = "zipp-3.20.1.tar.gz", hash = "sha256:c22b14cc4763c5a5b04134207736c107db42e9d3ef2d9779d465f5f1bcba572b"}, ] diff --git a/nwb_linkml/pyproject.toml b/nwb_linkml/pyproject.toml index c7611e2..41cf80a 100644 --- a/nwb_linkml/pyproject.toml +++ b/nwb_linkml/pyproject.toml @@ -16,8 +16,7 @@ dependencies = [ "rich>=13.5.2", #"linkml>=1.7.10", "linkml @ git+https://github.com/sneakers-the-rat/linkml@nwb-linkml", - # until recursive imports gets released - "linkml-runtime @ git+https://github.com/linkml/linkml-runtime@main", + "linkml-runtime>=1.8.2", "pydantic>=2.3.0", "h5py>=3.9.0", "pydantic-settings>=2.0.3", diff --git a/pdm.lock b/pdm.lock index 0978fa5..540a4df 100644 --- a/pdm.lock +++ b/pdm.lock @@ -4,8 +4,11 @@ [metadata] groups = ["default", "dev"] strategy = ["cross_platform", "inherit_metadata"] -lock_version = "4.4.2" -content_hash = "sha256:3113d2345a99f9287c2a8a545bcfeb5d34b99f44377f211dab8652e78d2f551d" +lock_version = "4.5.0" +content_hash = "sha256:a92f0895c7e29aac0736d0ef0a879a33ed0a3ce64b9584d195f88181fd2d16dc" + +[[metadata.targets]] +requires_python = ">=3.10,<3.13" [[package]] name = "alabaster" @@ -24,6 +27,9 @@ version = "0.7.0" requires_python = ">=3.8" summary = "Reusable constraint types to use with typing.Annotated" groups = ["dev"] +dependencies = [ + "typing-extensions>=4.0.0; python_version < \"3.9\"", +] files = [ {file = "annotated_types-0.7.0-py3-none-any.whl", hash = "sha256:1f02e8b43a8fbbc3f3e0d4f0f4bfc8131bcb4eebe8849b8e5c773f3a1c582a53"}, {file = "annotated_types-0.7.0.tar.gz", hash = "sha256:aff07c09a53a08bc8cfccb9c85b05f1aa9a2a6f23728d790723543408344ce89"}, @@ -34,6 +40,9 @@ name = "antlr4-python3-runtime" version = "4.9.3" summary = "ANTLR 4.9.3 runtime for Python 3.7" groups = ["dev"] +dependencies = [ + "typing; python_version < \"3.5\"", +] files = [ {file = "antlr4-python3-runtime-4.9.3.tar.gz", hash = "sha256:f224469b4168294902bb1efa80a8bf7855f24c99aef99cbefc1bcd3cce77881b"}, ] @@ -89,6 +98,7 @@ summary = "Annotate AST trees with source code positions" groups = ["dev"] dependencies = [ "six>=1.12.0", + "typing; python_version < \"3.5\"", ] files = [ {file = "asttokens-2.4.1-py2.py3-none-any.whl", hash = "sha256:051ed49c3dcae8913ea7cd08e46a606dba30b79993209636c4875bc1d637bc24"}, @@ -97,13 +107,16 @@ files = [ [[package]] name = "attrs" -version = "23.2.0" +version = "24.2.0" requires_python = ">=3.7" summary = "Classes Without Boilerplate" groups = ["dev"] +dependencies = [ + "importlib-metadata; python_version < \"3.8\"", +] files = [ - {file = "attrs-23.2.0-py3-none-any.whl", hash = "sha256:99b87a485a5820b23b879f04c2305b44b951b502fd64be915879d77a7e8fc6f1"}, - {file = "attrs-23.2.0.tar.gz", hash = "sha256:935dc3b529c262f6cf76e50877d35a4bd3c1de194fd41f47a2b7ae8f19971f30"}, + {file = "attrs-24.2.0-py3-none-any.whl", hash = "sha256:81921eb96de3191c8258c199618104dd27ac608d9366f5e35d011eae1867ede2"}, + {file = "attrs-24.2.0.tar.gz", hash = "sha256:5cfb1b9148b5b086569baec03f20d7b6bf3bcacc9a42bebf87ffaaca362f6346"}, ] [[package]] @@ -114,6 +127,7 @@ summary = "Seamlessly integrate pydantic models in your Sphinx documentation." groups = ["dev"] dependencies = [ "Sphinx>=4.0", + "importlib-metadata>1; python_version <= \"3.8\"", "pydantic-settings<3.0.0,>=2.0", "pydantic<3.0.0,>=2.0", ] @@ -123,13 +137,16 @@ files = [ [[package]] name = "babel" -version = "2.15.0" +version = "2.16.0" requires_python = ">=3.8" summary = "Internationalization utilities" groups = ["dev"] +dependencies = [ + "pytz>=2015.7; python_version < \"3.9\"", +] files = [ - {file = "Babel-2.15.0-py3-none-any.whl", hash = "sha256:08706bdad8d0a3413266ab61bd6c34d0c28d6e1e7badf40a2cebe67644e2e1fb"}, - {file = "babel-2.15.0.tar.gz", hash = "sha256:8daf0e265d05768bc6c7a314cf1321e9a123afc328cc635c18622a2f30a04413"}, + {file = "babel-2.16.0-py3-none-any.whl", hash = "sha256:368b5b98b37c06b7daf6696391c3240c938b37767d4584413e8438c5c435fa8b"}, + {file = "babel-2.16.0.tar.gz", hash = "sha256:d1f3554ca26605fe173f3de0c65f750f5a42f924499bf134de6423582298e316"}, ] [[package]] @@ -148,7 +165,7 @@ files = [ [[package]] name = "black" -version = "24.4.2" +version = "24.8.0" requires_python = ">=3.8" summary = "The uncompromising code formatter." groups = ["dev"] @@ -162,74 +179,36 @@ dependencies = [ "typing-extensions>=4.0.1; python_version < \"3.11\"", ] files = [ - {file = "black-24.4.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:dd1b5a14e417189db4c7b64a6540f31730713d173f0b63e55fabd52d61d8fdce"}, - {file = "black-24.4.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:8e537d281831ad0e71007dcdcbe50a71470b978c453fa41ce77186bbe0ed6021"}, - {file = "black-24.4.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:eaea3008c281f1038edb473c1aa8ed8143a5535ff18f978a318f10302b254063"}, - {file = "black-24.4.2-cp310-cp310-win_amd64.whl", hash = "sha256:7768a0dbf16a39aa5e9a3ded568bb545c8c2727396d063bbaf847df05b08cd96"}, - {file = "black-24.4.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:257d724c2c9b1660f353b36c802ccece186a30accc7742c176d29c146df6e474"}, - {file = "black-24.4.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:bdde6f877a18f24844e381d45e9947a49e97933573ac9d4345399be37621e26c"}, - {file = "black-24.4.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e151054aa00bad1f4e1f04919542885f89f5f7d086b8a59e5000e6c616896ffb"}, - {file = "black-24.4.2-cp311-cp311-win_amd64.whl", hash = "sha256:7e122b1c4fb252fd85df3ca93578732b4749d9be076593076ef4d07a0233c3e1"}, - {file = "black-24.4.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:accf49e151c8ed2c0cdc528691838afd217c50412534e876a19270fea1e28e2d"}, - {file = "black-24.4.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:88c57dc656038f1ab9f92b3eb5335ee9b021412feaa46330d5eba4e51fe49b04"}, - {file = "black-24.4.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:be8bef99eb46d5021bf053114442914baeb3649a89dc5f3a555c88737e5e98fc"}, - {file = "black-24.4.2-cp312-cp312-win_amd64.whl", hash = "sha256:415e686e87dbbe6f4cd5ef0fbf764af7b89f9057b97c908742b6008cc554b9c0"}, - {file = "black-24.4.2-py3-none-any.whl", hash = "sha256:d36ed1124bb81b32f8614555b34cc4259c3fbc7eec17870e8ff8ded335b58d8c"}, - {file = "black-24.4.2.tar.gz", hash = "sha256:c872b53057f000085da66a19c55d68f6f8ddcac2642392ad3a355878406fbd4d"}, -] - -[[package]] -name = "blosc2" -version = "2.7.0" -requires_python = "<4,>=3.10" -summary = "Python wrapper for the C-Blosc2 library" -groups = ["dev"] -dependencies = [ - "msgpack", - "ndindex>=1.4", - "numexpr", - "numpy>=1.20.3", - "py-cpuinfo", -] -files = [ - {file = "blosc2-2.7.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:aa71042277956199676169335eb64aa76e33adac5a22289eccdb7d10edf402b6"}, - {file = "blosc2-2.7.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:18e3c4c95fe40ea9cda88c784d96e4efc8ddf53f94074cf46daa2e91c9ae5137"}, - {file = "blosc2-2.7.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b1ac66ce25214b0b2e53beda9bc6f333dba16f2667649b1026ae041511b5a07d"}, - {file = "blosc2-2.7.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:928a89851b8528ce9c233048d832be5b2fef47645d5a389c021f3f58333fa3f8"}, - {file = "blosc2-2.7.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:a9518b7bbaa0f9903a5a921abe6abb0faa56b0e0ad2da0416ff3a486a4b2e0aa"}, - {file = "blosc2-2.7.0-cp310-cp310-win32.whl", hash = "sha256:488dc4be3b6894967a7189952634644f8da46c4bab7734719d379cdf5b440dc0"}, - {file = "blosc2-2.7.0-cp310-cp310-win_amd64.whl", hash = "sha256:17dd39f62f1686a170232ac8bcba40358ef67e919a91fe840ac71a45d067df30"}, - {file = "blosc2-2.7.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:565701ad336946a7ef12250def97aae2257de1da34ac8cd570be91b664a03d30"}, - {file = "blosc2-2.7.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:5b640fe2d1d39af2dccffe5e100ef94d21940bfb7f0af44ba17fef718671b267"}, - {file = "blosc2-2.7.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:634bc22f17ae47a166b8201c77ba11bc160d9997ace51fc820cb3cbd285d47f8"}, - {file = "blosc2-2.7.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3d4b208d5f5947d3062d3353717c43e0ea8e6ccdecdcd30737d5305628e0062b"}, - {file = "blosc2-2.7.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:fd3ca9a61bce4e4dc8006b613fa9dd8982f71e01fa9f593d6cc44d9fdbb56174"}, - {file = "blosc2-2.7.0-cp311-cp311-win32.whl", hash = "sha256:4518944374880d822f9ca90d4473bfa9f4d884b462f78365e224c2b291962e44"}, - {file = "blosc2-2.7.0-cp311-cp311-win_amd64.whl", hash = "sha256:05d40ede9cf0ecb25500cfe9bebe190e75f246eb1fcd7bd358ac1acfef44ee7a"}, - {file = "blosc2-2.7.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:729305b06e76b0c95b0ea5090aa7ec87eff72ca43e194283e0cccee92bbdd1e6"}, - {file = "blosc2-2.7.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:64a26c9f7a4a5ddc5721a75b37f913f9e21c0dab96d8c152a64f8faf8659e9ee"}, - {file = "blosc2-2.7.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:770733ce68d82674d1f80961fe56f3c2d914d8ea4de036af3888a22479add97d"}, - {file = "blosc2-2.7.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c6a700f9324b37e814c5633c43b081c60962f4dd59c0340cefe5f61f9f0411fd"}, - {file = "blosc2-2.7.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:1546c04d25ce793fa0fd7a83999bbb576ff84ef474fb45801f0b6dd76b84803c"}, - {file = "blosc2-2.7.0-cp312-cp312-win32.whl", hash = "sha256:407896867032a760dcce6c25d5e5a56b6fe5235245e065e2549697f69b5117c6"}, - {file = "blosc2-2.7.0-cp312-cp312-win_amd64.whl", hash = "sha256:62d2a6eaf1be1858993a4d7b2b8efd2ede5c4eaabe030c611cd075d907aa5400"}, - {file = "blosc2-2.7.0.tar.gz", hash = "sha256:9b982c1d40560eefb4a01d67c57e786d39a5ee9696f3deadd32ebf5f8885eb2a"}, + {file = "black-24.8.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:09cdeb74d494ec023ded657f7092ba518e8cf78fa8386155e4a03fdcc44679e6"}, + {file = "black-24.8.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:81c6742da39f33b08e791da38410f32e27d632260e599df7245cccee2064afeb"}, + {file = "black-24.8.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:707a1ca89221bc8a1a64fb5e15ef39cd755633daa672a9db7498d1c19de66a42"}, + {file = "black-24.8.0-cp310-cp310-win_amd64.whl", hash = "sha256:d6417535d99c37cee4091a2f24eb2b6d5ec42b144d50f1f2e436d9fe1916fe1a"}, + {file = "black-24.8.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:fb6e2c0b86bbd43dee042e48059c9ad7830abd5c94b0bc518c0eeec57c3eddc1"}, + {file = "black-24.8.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:837fd281f1908d0076844bc2b801ad2d369c78c45cf800cad7b61686051041af"}, + {file = "black-24.8.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:62e8730977f0b77998029da7971fa896ceefa2c4c4933fcd593fa599ecbf97a4"}, + {file = "black-24.8.0-cp311-cp311-win_amd64.whl", hash = "sha256:72901b4913cbac8972ad911dc4098d5753704d1f3c56e44ae8dce99eecb0e3af"}, + {file = "black-24.8.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:7c046c1d1eeb7aea9335da62472481d3bbf3fd986e093cffd35f4385c94ae368"}, + {file = "black-24.8.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:649f6d84ccbae73ab767e206772cc2d7a393a001070a4c814a546afd0d423aed"}, + {file = "black-24.8.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:2b59b250fdba5f9a9cd9d0ece6e6d993d91ce877d121d161e4698af3eb9c1018"}, + {file = "black-24.8.0-cp312-cp312-win_amd64.whl", hash = "sha256:6e55d30d44bed36593c3163b9bc63bf58b3b30e4611e4d88a0c3c239930ed5b2"}, + {file = "black-24.8.0-py3-none-any.whl", hash = "sha256:972085c618ee94f402da1af548a4f218c754ea7e5dc70acb168bfaca4c2542ed"}, + {file = "black-24.8.0.tar.gz", hash = "sha256:2500945420b6784c38b9ee885af039f5e7471ef284ab03fa35ecdde4688cd83f"}, ] [[package]] name = "certifi" -version = "2024.6.2" +version = "2024.7.4" requires_python = ">=3.6" summary = "Python package for providing Mozilla's CA Bundle." groups = ["dev"] files = [ - {file = "certifi-2024.6.2-py3-none-any.whl", hash = "sha256:ddc6c8ce995e6987e7faf5e3f1b02b302836a0e5d98ece18392cb1a36c72ad56"}, - {file = "certifi-2024.6.2.tar.gz", hash = "sha256:3cd43f1c6fa7dedc5899d69d3ad0398fd018ad1a17fba83ddaf78aa46c747516"}, + {file = "certifi-2024.7.4-py3-none-any.whl", hash = "sha256:c198e21b1289c2ab85ee4e67bb4b4ef3ead0892059901a8d5b622f24a1101e90"}, + {file = "certifi-2024.7.4.tar.gz", hash = "sha256:5a1e7645bc0ec61a09e26c36f6106dd4cf40c6db3a1fb6352b0244e7fb057c7b"}, ] [[package]] name = "cffi" -version = "1.16.0" +version = "1.17.0" requires_python = ">=3.8" summary = "Foreign Function Interface for Python calling C code." groups = ["dev"] @@ -238,39 +217,42 @@ dependencies = [ "pycparser", ] files = [ - {file = "cffi-1.16.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:6b3d6606d369fc1da4fd8c357d026317fbb9c9b75d36dc16e90e84c26854b088"}, - {file = "cffi-1.16.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:ac0f5edd2360eea2f1daa9e26a41db02dd4b0451b48f7c318e217ee092a213e9"}, - {file = "cffi-1.16.0-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7e61e3e4fa664a8588aa25c883eab612a188c725755afff6289454d6362b9673"}, - {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a72e8961a86d19bdb45851d8f1f08b041ea37d2bd8d4fd19903bc3083d80c896"}, - {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5b50bf3f55561dac5438f8e70bfcdfd74543fd60df5fa5f62d94e5867deca684"}, - {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7651c50c8c5ef7bdb41108b7b8c5a83013bfaa8a935590c5d74627c047a583c7"}, - {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e4108df7fe9b707191e55f33efbcb2d81928e10cea45527879a4749cbe472614"}, - {file = "cffi-1.16.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:32c68ef735dbe5857c810328cb2481e24722a59a2003018885514d4c09af9743"}, - {file = "cffi-1.16.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:673739cb539f8cdaa07d92d02efa93c9ccf87e345b9a0b556e3ecc666718468d"}, - {file = "cffi-1.16.0-cp310-cp310-win32.whl", hash = "sha256:9f90389693731ff1f659e55c7d1640e2ec43ff725cc61b04b2f9c6d8d017df6a"}, - {file = "cffi-1.16.0-cp310-cp310-win_amd64.whl", hash = "sha256:e6024675e67af929088fda399b2094574609396b1decb609c55fa58b028a32a1"}, - {file = "cffi-1.16.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:b84834d0cf97e7d27dd5b7f3aca7b6e9263c56308ab9dc8aae9784abb774d404"}, - {file = "cffi-1.16.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:1b8ebc27c014c59692bb2664c7d13ce7a6e9a629be20e54e7271fa696ff2b417"}, - {file = "cffi-1.16.0-cp311-cp311-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ee07e47c12890ef248766a6e55bd38ebfb2bb8edd4142d56db91b21ea68b7627"}, - {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d8a9d3ebe49f084ad71f9269834ceccbf398253c9fac910c4fd7053ff1386936"}, - {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e70f54f1796669ef691ca07d046cd81a29cb4deb1e5f942003f401c0c4a2695d"}, - {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5bf44d66cdf9e893637896c7faa22298baebcd18d1ddb6d2626a6e39793a1d56"}, - {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7b78010e7b97fef4bee1e896df8a4bbb6712b7f05b7ef630f9d1da00f6444d2e"}, - {file = "cffi-1.16.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:c6a164aa47843fb1b01e941d385aab7215563bb8816d80ff3a363a9f8448a8dc"}, - {file = "cffi-1.16.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e09f3ff613345df5e8c3667da1d918f9149bd623cd9070c983c013792a9a62eb"}, - {file = "cffi-1.16.0-cp311-cp311-win32.whl", hash = "sha256:2c56b361916f390cd758a57f2e16233eb4f64bcbeee88a4881ea90fca14dc6ab"}, - {file = "cffi-1.16.0-cp311-cp311-win_amd64.whl", hash = "sha256:db8e577c19c0fda0beb7e0d4e09e0ba74b1e4c092e0e40bfa12fe05b6f6d75ba"}, - {file = "cffi-1.16.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:fa3a0128b152627161ce47201262d3140edb5a5c3da88d73a1b790a959126956"}, - {file = "cffi-1.16.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:68e7c44931cc171c54ccb702482e9fc723192e88d25a0e133edd7aff8fcd1f6e"}, - {file = "cffi-1.16.0-cp312-cp312-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:abd808f9c129ba2beda4cfc53bde801e5bcf9d6e0f22f095e45327c038bfe68e"}, - {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:88e2b3c14bdb32e440be531ade29d3c50a1a59cd4e51b1dd8b0865c54ea5d2e2"}, - {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:fcc8eb6d5902bb1cf6dc4f187ee3ea80a1eba0a89aba40a5cb20a5087d961357"}, - {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b7be2d771cdba2942e13215c4e340bfd76398e9227ad10402a8767ab1865d2e6"}, - {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e715596e683d2ce000574bae5d07bd522c781a822866c20495e52520564f0969"}, - {file = "cffi-1.16.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:2d92b25dbf6cae33f65005baf472d2c245c050b1ce709cc4588cdcdd5495b520"}, - {file = "cffi-1.16.0-cp312-cp312-win32.whl", hash = "sha256:b2ca4e77f9f47c55c194982e10f058db063937845bb2b7a86c84a6cfe0aefa8b"}, - {file = "cffi-1.16.0-cp312-cp312-win_amd64.whl", hash = "sha256:68678abf380b42ce21a5f2abde8efee05c114c2fdb2e9eef2efdb0257fba1235"}, - {file = "cffi-1.16.0.tar.gz", hash = "sha256:bcb3ef43e58665bbda2fb198698fcae6776483e0c4a631aa5647806c25e02cc0"}, + {file = "cffi-1.17.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:f9338cc05451f1942d0d8203ec2c346c830f8e86469903d5126c1f0a13a2bcbb"}, + {file = "cffi-1.17.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:a0ce71725cacc9ebf839630772b07eeec220cbb5f03be1399e0457a1464f8e1a"}, + {file = "cffi-1.17.0-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c815270206f983309915a6844fe994b2fa47e5d05c4c4cef267c3b30e34dbe42"}, + {file = "cffi-1.17.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d6bdcd415ba87846fd317bee0774e412e8792832e7805938987e4ede1d13046d"}, + {file = "cffi-1.17.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8a98748ed1a1df4ee1d6f927e151ed6c1a09d5ec21684de879c7ea6aa96f58f2"}, + {file = "cffi-1.17.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:0a048d4f6630113e54bb4b77e315e1ba32a5a31512c31a273807d0027a7e69ab"}, + {file = "cffi-1.17.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:24aa705a5f5bd3a8bcfa4d123f03413de5d86e497435693b638cbffb7d5d8a1b"}, + {file = "cffi-1.17.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:856bf0924d24e7f93b8aee12a3a1095c34085600aa805693fb7f5d1962393206"}, + {file = "cffi-1.17.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:4304d4416ff032ed50ad6bb87416d802e67139e31c0bde4628f36a47a3164bfa"}, + {file = "cffi-1.17.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:331ad15c39c9fe9186ceaf87203a9ecf5ae0ba2538c9e898e3a6967e8ad3db6f"}, + {file = "cffi-1.17.0-cp310-cp310-win32.whl", hash = "sha256:669b29a9eca6146465cc574659058ed949748f0809a2582d1f1a324eb91054dc"}, + {file = "cffi-1.17.0-cp310-cp310-win_amd64.whl", hash = "sha256:48b389b1fd5144603d61d752afd7167dfd205973a43151ae5045b35793232aa2"}, + {file = "cffi-1.17.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c5d97162c196ce54af6700949ddf9409e9833ef1003b4741c2b39ef46f1d9720"}, + {file = "cffi-1.17.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:5ba5c243f4004c750836f81606a9fcb7841f8874ad8f3bf204ff5e56332b72b9"}, + {file = "cffi-1.17.0-cp311-cp311-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:bb9333f58fc3a2296fb1d54576138d4cf5d496a2cc118422bd77835e6ae0b9cb"}, + {file = "cffi-1.17.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:435a22d00ec7d7ea533db494da8581b05977f9c37338c80bc86314bec2619424"}, + {file = "cffi-1.17.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d1df34588123fcc88c872f5acb6f74ae59e9d182a2707097f9e28275ec26a12d"}, + {file = "cffi-1.17.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:df8bb0010fdd0a743b7542589223a2816bdde4d94bb5ad67884348fa2c1c67e8"}, + {file = "cffi-1.17.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a8b5b9712783415695663bd463990e2f00c6750562e6ad1d28e072a611c5f2a6"}, + {file = "cffi-1.17.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:ffef8fd58a36fb5f1196919638f73dd3ae0db1a878982b27a9a5a176ede4ba91"}, + {file = "cffi-1.17.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:4e67d26532bfd8b7f7c05d5a766d6f437b362c1bf203a3a5ce3593a645e870b8"}, + {file = "cffi-1.17.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:45f7cd36186db767d803b1473b3c659d57a23b5fa491ad83c6d40f2af58e4dbb"}, + {file = "cffi-1.17.0-cp311-cp311-win32.whl", hash = "sha256:a9015f5b8af1bb6837a3fcb0cdf3b874fe3385ff6274e8b7925d81ccaec3c5c9"}, + {file = "cffi-1.17.0-cp311-cp311-win_amd64.whl", hash = "sha256:b50aaac7d05c2c26dfd50c3321199f019ba76bb650e346a6ef3616306eed67b0"}, + {file = "cffi-1.17.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:aec510255ce690d240f7cb23d7114f6b351c733a74c279a84def763660a2c3bc"}, + {file = "cffi-1.17.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:2770bb0d5e3cc0e31e7318db06efcbcdb7b31bcb1a70086d3177692a02256f59"}, + {file = "cffi-1.17.0-cp312-cp312-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:db9a30ec064129d605d0f1aedc93e00894b9334ec74ba9c6bdd08147434b33eb"}, + {file = "cffi-1.17.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a47eef975d2b8b721775a0fa286f50eab535b9d56c70a6e62842134cf7841195"}, + {file = "cffi-1.17.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:f3e0992f23bbb0be00a921eae5363329253c3b86287db27092461c887b791e5e"}, + {file = "cffi-1.17.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:6107e445faf057c118d5050560695e46d272e5301feffda3c41849641222a828"}, + {file = "cffi-1.17.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:eb862356ee9391dc5a0b3cbc00f416b48c1b9a52d252d898e5b7696a5f9fe150"}, + {file = "cffi-1.17.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:c1c13185b90bbd3f8b5963cd8ce7ad4ff441924c31e23c975cb150e27c2bf67a"}, + {file = "cffi-1.17.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:17c6d6d3260c7f2d94f657e6872591fe8733872a86ed1345bda872cfc8c74885"}, + {file = "cffi-1.17.0-cp312-cp312-win32.whl", hash = "sha256:c3b8bd3133cd50f6b637bb4322822c94c5ce4bf0d724ed5ae70afce62187c492"}, + {file = "cffi-1.17.0-cp312-cp312-win_amd64.whl", hash = "sha256:dca802c8db0720ce1c49cce1149ff7b06e91ba15fa84b1d59144fef1a1bc7ac2"}, + {file = "cffi-1.17.0.tar.gz", hash = "sha256:f3157624b7558b914cb039fd1af735e5e8049a87c817cc215109ad1c8779df76"}, ] [[package]] @@ -360,23 +342,13 @@ summary = "Composable command line interface toolkit" groups = ["dev"] dependencies = [ "colorama; platform_system == \"Windows\"", + "importlib-metadata; python_version < \"3.8\"", ] files = [ {file = "click-8.1.7-py3-none-any.whl", hash = "sha256:ae74fb96c20a0277a1d615f1e4d73c8414f5a98db8b799a7931d1582f3390c28"}, {file = "click-8.1.7.tar.gz", hash = "sha256:ca9853ad459e787e2192211578cc907e7594e294c7ccc834310722b41b9ca6de"}, ] -[[package]] -name = "cloudpickle" -version = "3.0.0" -requires_python = ">=3.8" -summary = "Pickler class to extend the standard pickle.Pickler functionality" -groups = ["dev"] -files = [ - {file = "cloudpickle-3.0.0-py3-none-any.whl", hash = "sha256:246ee7d0c295602a036e86369c77fecda4ab17b506496730f2f576d9016fd9c7"}, - {file = "cloudpickle-3.0.0.tar.gz", hash = "sha256:996d9a482c6fb4f33c1a35335cf8afd065d2a56e973270364840712d9131a882"}, -] - [[package]] name = "colorama" version = "0.4.6" @@ -404,7 +376,7 @@ files = [ [[package]] name = "curies" -version = "0.7.9" +version = "0.7.10" requires_python = ">=3.8" summary = "Idiomatic conversion between URIs and compact URIs (CURIEs)." groups = ["dev"] @@ -414,52 +386,31 @@ dependencies = [ "requests", ] files = [ - {file = "curies-0.7.9-py3-none-any.whl", hash = "sha256:e4c5beb91642376953c94db0ee2fb5d2b011c3b16749516436114ba61442f260"}, - {file = "curies-0.7.9.tar.gz", hash = "sha256:3b63c5fea7b0e967629a3a384b1a8c59b56c503487c1dcbacddeab59e25db4d8"}, -] - -[[package]] -name = "dask" -version = "2024.6.2" -requires_python = ">=3.9" -summary = "Parallel PyData with Task Scheduling" -groups = ["dev"] -dependencies = [ - "click>=8.1", - "cloudpickle>=1.5.0", - "fsspec>=2021.09.0", - "importlib-metadata>=4.13.0; python_version < \"3.12\"", - "packaging>=20.0", - "partd>=1.2.0", - "pyyaml>=5.3.1", - "toolz>=0.10.0", -] -files = [ - {file = "dask-2024.6.2-py3-none-any.whl", hash = "sha256:81b80ee015b2e057b93bb2d1bf13a866136e762e2b24bf54b6b621e8b86b7708"}, - {file = "dask-2024.6.2.tar.gz", hash = "sha256:d429d6b19e85fd1306ac37c188aaf99d03bbe69a6fe59d2b42882b2ac188686f"}, + {file = "curies-0.7.10-py3-none-any.whl", hash = "sha256:ad80f420dd76b6f3e921a245370ff6ab7473c48c29c17254970c03cd2e58af5f"}, + {file = "curies-0.7.10.tar.gz", hash = "sha256:98a7ceb94710fab3a02727a7f85ba0719dd22be5fc8b5f2ad1d7d4cfc47d64ce"}, ] [[package]] name = "debugpy" -version = "1.8.2" +version = "1.8.5" requires_python = ">=3.8" summary = "An implementation of the Debug Adapter Protocol for Python" groups = ["dev"] files = [ - {file = "debugpy-1.8.2-cp310-cp310-macosx_11_0_x86_64.whl", hash = "sha256:7ee2e1afbf44b138c005e4380097d92532e1001580853a7cb40ed84e0ef1c3d2"}, - {file = "debugpy-1.8.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3f8c3f7c53130a070f0fc845a0f2cee8ed88d220d6b04595897b66605df1edd6"}, - {file = "debugpy-1.8.2-cp310-cp310-win32.whl", hash = "sha256:f179af1e1bd4c88b0b9f0fa153569b24f6b6f3de33f94703336363ae62f4bf47"}, - {file = "debugpy-1.8.2-cp310-cp310-win_amd64.whl", hash = "sha256:0600faef1d0b8d0e85c816b8bb0cb90ed94fc611f308d5fde28cb8b3d2ff0fe3"}, - {file = "debugpy-1.8.2-cp311-cp311-macosx_11_0_universal2.whl", hash = "sha256:8a13417ccd5978a642e91fb79b871baded925d4fadd4dfafec1928196292aa0a"}, - {file = "debugpy-1.8.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:acdf39855f65c48ac9667b2801234fc64d46778021efac2de7e50907ab90c634"}, - {file = "debugpy-1.8.2-cp311-cp311-win32.whl", hash = "sha256:2cbd4d9a2fc5e7f583ff9bf11f3b7d78dfda8401e8bb6856ad1ed190be4281ad"}, - {file = "debugpy-1.8.2-cp311-cp311-win_amd64.whl", hash = "sha256:d3408fddd76414034c02880e891ea434e9a9cf3a69842098ef92f6e809d09afa"}, - {file = "debugpy-1.8.2-cp312-cp312-macosx_11_0_universal2.whl", hash = "sha256:5d3ccd39e4021f2eb86b8d748a96c766058b39443c1f18b2dc52c10ac2757835"}, - {file = "debugpy-1.8.2-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:62658aefe289598680193ff655ff3940e2a601765259b123dc7f89c0239b8cd3"}, - {file = "debugpy-1.8.2-cp312-cp312-win32.whl", hash = "sha256:bd11fe35d6fd3431f1546d94121322c0ac572e1bfb1f6be0e9b8655fb4ea941e"}, - {file = "debugpy-1.8.2-cp312-cp312-win_amd64.whl", hash = "sha256:15bc2f4b0f5e99bf86c162c91a74c0631dbd9cef3c6a1d1329c946586255e859"}, - {file = "debugpy-1.8.2-py2.py3-none-any.whl", hash = "sha256:16e16df3a98a35c63c3ab1e4d19be4cbc7fdda92d9ddc059294f18910928e0ca"}, - {file = "debugpy-1.8.2.zip", hash = "sha256:95378ed08ed2089221896b9b3a8d021e642c24edc8fef20e5d4342ca8be65c00"}, + {file = "debugpy-1.8.5-cp310-cp310-macosx_12_0_x86_64.whl", hash = "sha256:7e4d594367d6407a120b76bdaa03886e9eb652c05ba7f87e37418426ad2079f7"}, + {file = "debugpy-1.8.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4413b7a3ede757dc33a273a17d685ea2b0c09dbd312cc03f5534a0fd4d40750a"}, + {file = "debugpy-1.8.5-cp310-cp310-win32.whl", hash = "sha256:dd3811bd63632bb25eda6bd73bea8e0521794cda02be41fa3160eb26fc29e7ed"}, + {file = "debugpy-1.8.5-cp310-cp310-win_amd64.whl", hash = "sha256:b78c1250441ce893cb5035dd6f5fc12db968cc07f91cc06996b2087f7cefdd8e"}, + {file = "debugpy-1.8.5-cp311-cp311-macosx_12_0_universal2.whl", hash = "sha256:606bccba19f7188b6ea9579c8a4f5a5364ecd0bf5a0659c8a5d0e10dcee3032a"}, + {file = "debugpy-1.8.5-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:db9fb642938a7a609a6c865c32ecd0d795d56c1aaa7a7a5722d77855d5e77f2b"}, + {file = "debugpy-1.8.5-cp311-cp311-win32.whl", hash = "sha256:4fbb3b39ae1aa3e5ad578f37a48a7a303dad9a3d018d369bc9ec629c1cfa7408"}, + {file = "debugpy-1.8.5-cp311-cp311-win_amd64.whl", hash = "sha256:345d6a0206e81eb68b1493ce2fbffd57c3088e2ce4b46592077a943d2b968ca3"}, + {file = "debugpy-1.8.5-cp312-cp312-macosx_12_0_universal2.whl", hash = "sha256:5b5c770977c8ec6c40c60d6f58cacc7f7fe5a45960363d6974ddb9b62dbee156"}, + {file = "debugpy-1.8.5-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c0a65b00b7cdd2ee0c2cf4c7335fef31e15f1b7056c7fdbce9e90193e1a8c8cb"}, + {file = "debugpy-1.8.5-cp312-cp312-win32.whl", hash = "sha256:c9f7c15ea1da18d2fcc2709e9f3d6de98b69a5b0fff1807fb80bc55f906691f7"}, + {file = "debugpy-1.8.5-cp312-cp312-win_amd64.whl", hash = "sha256:28ced650c974aaf179231668a293ecd5c63c0a671ae6d56b8795ecc5d2f48d3c"}, + {file = "debugpy-1.8.5-py2.py3-none-any.whl", hash = "sha256:55919dce65b471eff25901acf82d328bbd5b833526b6c1364bd5133754777a44"}, + {file = "debugpy-1.8.5.zip", hash = "sha256:b2112cfeb34b4507399d298fe7023a16656fc553ed5246536060ca7bd0e668d0"}, ] [[package]] @@ -511,14 +462,14 @@ files = [ [[package]] name = "exceptiongroup" -version = "1.2.1" +version = "1.2.2" requires_python = ">=3.7" summary = "Backport of PEP 654 (exception groups)" groups = ["dev"] marker = "python_version < \"3.11\"" files = [ - {file = "exceptiongroup-1.2.1-py3-none-any.whl", hash = "sha256:5258b9ed329c5bbdd31a309f53cbfb0b155341807f6ff7606a1e801a891b29ad"}, - {file = "exceptiongroup-1.2.1.tar.gz", hash = "sha256:a4785e48b045528f5bfe627b6ad554ff32def154f42372786903b7abcfe1aa16"}, + {file = "exceptiongroup-1.2.2-py3-none-any.whl", hash = "sha256:3111b9d131c238bec2f8f516e123e14ba243563fb135d3fe885990585aa7795b"}, + {file = "exceptiongroup-1.2.2.tar.gz", hash = "sha256:47c2edf7c6738fafb49fd34290706d1a1a2f4d1c6df275526b62cbb4aa5393cc"}, ] [[package]] @@ -548,25 +499,17 @@ version = "1.5.1" requires_python = ">=2.7, !=3.0, !=3.1, !=3.2, !=3.3, !=3.4, <4" summary = "Validates fully-qualified domain names against RFC 1123, so that they are acceptable to modern bowsers" groups = ["dev"] +dependencies = [ + "cached-property>=1.3.0; python_version < \"3.8\"", +] files = [ {file = "fqdn-1.5.1-py3-none-any.whl", hash = "sha256:3a179af3761e4df6eb2e026ff9e1a3033d3587bf980a0b1b2e1e5d08d7358014"}, {file = "fqdn-1.5.1.tar.gz", hash = "sha256:105ed3677e767fb5ca086a0c1f4bb66ebc3c100be518f0e0d755d9eae164d89f"}, ] -[[package]] -name = "fsspec" -version = "2024.6.1" -requires_python = ">=3.8" -summary = "File-system specification" -groups = ["dev"] -files = [ - {file = "fsspec-2024.6.1-py3-none-any.whl", hash = "sha256:3cb443f8bcd2efb31295a5b9fdb02aee81d8452c80d28f97a6d0959e6cee101e"}, - {file = "fsspec-2024.6.1.tar.gz", hash = "sha256:fad7d7e209dd4c1208e3bbfda706620e0da5142bebbd9c384afb95b07e798e49"}, -] - [[package]] name = "furo" -version = "2024.5.6" +version = "2024.8.6" requires_python = ">=3.8" summary = "A clean customisable Sphinx documentation theme." groups = ["dev"] @@ -574,11 +517,11 @@ dependencies = [ "beautifulsoup4", "pygments>=2.7", "sphinx-basic-ng>=1.0.0.beta2", - "sphinx<8.0,>=6.0", + "sphinx<9.0,>=6.0", ] files = [ - {file = "furo-2024.5.6-py3-none-any.whl", hash = "sha256:490a00d08c0a37ecc90de03ae9227e8eb5d6f7f750edf9807f398a2bdf2358de"}, - {file = "furo-2024.5.6.tar.gz", hash = "sha256:81f205a6605ebccbb883350432b4831c0196dd3d1bc92f61e1f459045b3d2b0b"}, + {file = "furo-2024.8.6-py3-none-any.whl", hash = "sha256:6cd97c58b47813d3619e63e9081169880fbe331f0ca883c871ff1f3f11814f5c"}, + {file = "furo-2024.8.6.tar.gz", hash = "sha256:b63e4cee8abfc3136d3bc03a3d45a76a850bada4d6374d24c1716b0e01394a01"}, ] [[package]] @@ -636,6 +579,9 @@ version = "0.14.0" requires_python = ">=3.7" summary = "A pure-Python, bring-your-own-I/O implementation of HTTP/1.1" groups = ["dev"] +dependencies = [ + "typing-extensions; python_version < \"3.8\"", +] files = [ {file = "h11-0.14.0-py3-none-any.whl", hash = "sha256:e3fe4ac4b851c468cc8363d500db52c2ead036020723024a109d37346efaa761"}, {file = "h11-0.14.0.tar.gz", hash = "sha256:8f19fbbe99e72420ff35c00b27a34cb9937e902a8b810e2c88300c6f0a3b699d"}, @@ -679,13 +625,13 @@ files = [ [[package]] name = "idna" -version = "3.7" -requires_python = ">=3.5" +version = "3.8" +requires_python = ">=3.6" summary = "Internationalized Domain Names in Applications (IDNA)" groups = ["dev"] files = [ - {file = "idna-3.7-py3-none-any.whl", hash = "sha256:82fee1fc78add43492d3a1898bfa6d8a904cc97d8427f683ed8e798d07761aa0"}, - {file = "idna-3.7.tar.gz", hash = "sha256:028ff3aadf0609c1fd278d8ea3089299412a7a8b9bd005dd08b9f8285bcb5cfc"}, + {file = "idna-3.8-py3-none-any.whl", hash = "sha256:050b4e5baadcd44d760cedbd2b8e639f2ff89bbc7a5730fcc662954303377aac"}, + {file = "idna-3.8.tar.gz", hash = "sha256:d838c2c0ed6fced7693d5e8ab8e734d5f8fda53a039c0164afb0b82e771e3603"}, ] [[package]] @@ -701,16 +647,17 @@ files = [ [[package]] name = "importlib-metadata" -version = "8.0.0" +version = "8.4.0" requires_python = ">=3.8" summary = "Read metadata from Python packages" groups = ["dev"] dependencies = [ + "typing-extensions>=3.6.4; python_version < \"3.8\"", "zipp>=0.5", ] files = [ - {file = "importlib_metadata-8.0.0-py3-none-any.whl", hash = "sha256:15584cf2b1bf449d98ff8a6ff1abef57bf20f3ac6454f431736cd3e660921b2f"}, - {file = "importlib_metadata-8.0.0.tar.gz", hash = "sha256:188bd24e4c346d3f0a933f275c2fec67050326a856b9a359881d7c2a697e8812"}, + {file = "importlib_metadata-8.4.0-py3-none-any.whl", hash = "sha256:66f342cc6ac9818fc6ff340576acd24d65ba0b3efabb2b4ac08b598965a4a2f1"}, + {file = "importlib_metadata-8.4.0.tar.gz", hash = "sha256:9a547d3bc3608b025f93d403fdd1aae741c24fbb8314df4b155675742ce303c5"}, ] [[package]] @@ -776,20 +723,20 @@ files = [ [[package]] name = "ipywidgets" -version = "8.1.3" +version = "8.1.5" requires_python = ">=3.7" summary = "Jupyter interactive widgets" groups = ["dev"] dependencies = [ "comm>=0.1.3", "ipython>=6.1.0", - "jupyterlab-widgets~=3.0.11", + "jupyterlab-widgets~=3.0.12", "traitlets>=4.3.1", - "widgetsnbextension~=4.0.11", + "widgetsnbextension~=4.0.12", ] files = [ - {file = "ipywidgets-8.1.3-py3-none-any.whl", hash = "sha256:efafd18f7a142248f7cb0ba890a68b96abd4d6e88ddbda483c9130d12667eaf2"}, - {file = "ipywidgets-8.1.3.tar.gz", hash = "sha256:f5f9eeaae082b1823ce9eac2575272952f40d748893972956dc09700a6392d9c"}, + {file = "ipywidgets-8.1.5-py3-none-any.whl", hash = "sha256:3290f526f87ae6e77655555baba4f36681c555b8bdbbff430b70e52c34c86245"}, + {file = "ipywidgets-8.1.5.tar.gz", hash = "sha256:870e43b1a35656a80c18c9503bbf2d16802db1cb487eec6fab27d683381dde17"}, ] [[package]] @@ -926,19 +873,21 @@ files = [ [[package]] name = "jsonschema" -version = "4.22.0" +version = "4.23.0" requires_python = ">=3.8" summary = "An implementation of JSON Schema validation for Python" groups = ["dev"] dependencies = [ "attrs>=22.2.0", + "importlib-resources>=1.4.0; python_version < \"3.9\"", "jsonschema-specifications>=2023.03.6", + "pkgutil-resolve-name>=1.3.10; python_version < \"3.9\"", "referencing>=0.28.4", "rpds-py>=0.7.1", ] files = [ - {file = "jsonschema-4.22.0-py3-none-any.whl", hash = "sha256:ff4cfd6b1367a40e7bc6411caec72effadd3db0bbe5017de188f2d6108335802"}, - {file = "jsonschema-4.22.0.tar.gz", hash = "sha256:5b22d434a45935119af990552c862e5d6d564e8f6601206b305a61fdf661a2b7"}, + {file = "jsonschema-4.23.0-py3-none-any.whl", hash = "sha256:fbadb6f8b144a8f8cf9f0b89ba94501d143e50411a1278633f56a7acf7fd5566"}, + {file = "jsonschema-4.23.0.tar.gz", hash = "sha256:d71497fef26351a33265337fa77ffeb82423f3ea21283cd9467bb03999266bc4"}, ] [[package]] @@ -948,6 +897,7 @@ requires_python = ">=3.8" summary = "The JSON Schema meta-schemas and vocabularies, exposed as a Registry" groups = ["dev"] dependencies = [ + "importlib-resources>=1.4.0; python_version < \"3.9\"", "referencing>=0.31.0", ] files = [ @@ -957,7 +907,7 @@ files = [ [[package]] name = "jsonschema" -version = "4.22.0" +version = "4.23.0" extras = ["format"] requires_python = ">=3.8" summary = "An implementation of JSON Schema validation for Python" @@ -967,15 +917,15 @@ dependencies = [ "idna", "isoduration", "jsonpointer>1.13", - "jsonschema==4.22.0", + "jsonschema==4.23.0", "rfc3339-validator", "rfc3987", "uri-template", "webcolors>=1.11", ] files = [ - {file = "jsonschema-4.22.0-py3-none-any.whl", hash = "sha256:ff4cfd6b1367a40e7bc6411caec72effadd3db0bbe5017de188f2d6108335802"}, - {file = "jsonschema-4.22.0.tar.gz", hash = "sha256:5b22d434a45935119af990552c862e5d6d564e8f6601206b305a61fdf661a2b7"}, + {file = "jsonschema-4.23.0-py3-none-any.whl", hash = "sha256:fbadb6f8b144a8f8cf9f0b89ba94501d143e50411a1278633f56a7acf7fd5566"}, + {file = "jsonschema-4.23.0.tar.gz", hash = "sha256:d71497fef26351a33265337fa77ffeb82423f3ea21283cd9467bb03999266bc4"}, ] [[package]] @@ -1006,6 +956,7 @@ requires_python = ">=3.8" summary = "Jupyter protocol implementation and client libraries" groups = ["dev"] dependencies = [ + "importlib-metadata>=4.8.3; python_version < \"3.10\"", "jupyter-core!=5.0.*,>=4.12", "python-dateutil>=2.8.2", "pyzmq>=23.0", @@ -1035,32 +986,35 @@ files = [ [[package]] name = "jupyterlab-widgets" -version = "3.0.11" +version = "3.0.13" requires_python = ">=3.7" summary = "Jupyter interactive widgets for JupyterLab" groups = ["dev"] files = [ - {file = "jupyterlab_widgets-3.0.11-py3-none-any.whl", hash = "sha256:78287fd86d20744ace330a61625024cf5521e1c012a352ddc0a3cdc2348becd0"}, - {file = "jupyterlab_widgets-3.0.11.tar.gz", hash = "sha256:dd5ac679593c969af29c9bed054c24f26842baa51352114736756bc035deee27"}, + {file = "jupyterlab_widgets-3.0.13-py3-none-any.whl", hash = "sha256:e3cda2c233ce144192f1e29914ad522b2f4c40e77214b0cc97377ca3d323db54"}, + {file = "jupyterlab_widgets-3.0.13.tar.gz", hash = "sha256:a2966d385328c1942b683a8cd96b89b8dd82c8b8f81dda902bb2bc06d46f5bed"}, ] [[package]] name = "linkml" -version = "1.7.10" +version = "0.0.0" requires_python = "<4.0.0,>=3.8.1" +git = "https://github.com/sneakers-the-rat/linkml" +ref = "nwb-linkml" +revision = "0247c0b1e1a87366e0e047449e604881870c4e98" summary = "Linked Open Data Modeling Language" groups = ["dev"] dependencies = [ - "antlr4-python3-runtime<4.10,>=4.9.0", + "antlr4-python3-runtime<4.10,==4.*,>=4.9.0", "click>=7.0", "graphviz>=0.10.1", "hbreader", "isodate>=0.6.0", "jinja2>=3.1.0", - "jsonasobj2<2.0.0,>=1.0.3", + "jsonasobj2==1.*,>=1.0.0,>=1.0.3", "jsonschema[format]>=4.0.0", "linkml-dataops", - "linkml-runtime>=1.7.4", + "linkml-runtime<2.0.0,>=1.8.1", "openpyxl", "parse", "prefixcommons>=0.1.7", @@ -1074,12 +1028,9 @@ dependencies = [ "rdflib>=6.0.0", "requests>=2.22", "sqlalchemy>=1.4.31", + "typing-extensions>=4.4.0; python_version < \"3.9\"", "watchdog>=0.9.0", ] -files = [ - {file = "linkml-1.7.10-py3-none-any.whl", hash = "sha256:bf21cce814e9d1509489f1e6e15a7e86e4f11d949490d9a7a5c3f6b5b412ec62"}, - {file = "linkml-1.7.10.tar.gz", hash = "sha256:1c38601c3cd495e34490b8cf7277fd3674ec68dcbe9f5efcec2658093801ce91"}, -] [[package]] name = "linkml-dataops" @@ -1101,7 +1052,7 @@ files = [ [[package]] name = "linkml-runtime" -version = "1.7.7" +version = "1.8.2" requires_python = "<4.0,>=3.8" summary = "Runtime environment for LinkML, the Linked open data modeling language" groups = ["dev"] @@ -1121,19 +1072,8 @@ dependencies = [ "requests", ] files = [ - {file = "linkml_runtime-1.7.7-py3-none-any.whl", hash = "sha256:1556db30cda1191de2f70c3b949eb45c31b2ed66ca525bf38ee99f992f2451d7"}, - {file = "linkml_runtime-1.7.7.tar.gz", hash = "sha256:f471b765056b38ff3eb1372d167b86a67e188ef472c16abf4f6cd91097a82a11"}, -] - -[[package]] -name = "locket" -version = "1.0.0" -requires_python = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*" -summary = "File-based locks for Python on Linux and Windows" -groups = ["dev"] -files = [ - {file = "locket-1.0.0-py2.py3-none-any.whl", hash = "sha256:b6c819a722f7b6bd955b80781788e4a66a55628b858d347536b7e81325a3a5e3"}, - {file = "locket-1.0.0.tar.gz", hash = "sha256:5c0d4c052a8bbbf750e056a8e65ccd309086f4f0f18a2eac306a8dfa4112a632"}, + {file = "linkml_runtime-1.8.2-py3-none-any.whl", hash = "sha256:a66d7b5b82cb57b2d6c603c75ca22db4bae0409e0fb2b9e7835f921a23716096"}, + {file = "linkml_runtime-1.8.2.tar.gz", hash = "sha256:f5067aeeb96c8d3ca1761b55b82d927af88d810459d533fb1f7876a90224b130"}, ] [[package]] @@ -1229,49 +1169,6 @@ files = [ {file = "mdurl-0.1.2.tar.gz", hash = "sha256:bb413d29f5eea38f31dd4754dd7377d4465116fb207585f97bf925588687c1ba"}, ] -[[package]] -name = "msgpack" -version = "1.0.8" -requires_python = ">=3.8" -summary = "MessagePack serializer" -groups = ["dev"] -files = [ - {file = "msgpack-1.0.8-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:505fe3d03856ac7d215dbe005414bc28505d26f0c128906037e66d98c4e95868"}, - {file = "msgpack-1.0.8-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:e6b7842518a63a9f17107eb176320960ec095a8ee3b4420b5f688e24bf50c53c"}, - {file = "msgpack-1.0.8-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:376081f471a2ef24828b83a641a02c575d6103a3ad7fd7dade5486cad10ea659"}, - {file = "msgpack-1.0.8-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5e390971d082dba073c05dbd56322427d3280b7cc8b53484c9377adfbae67dc2"}, - {file = "msgpack-1.0.8-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:00e073efcba9ea99db5acef3959efa45b52bc67b61b00823d2a1a6944bf45982"}, - {file = "msgpack-1.0.8-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:82d92c773fbc6942a7a8b520d22c11cfc8fd83bba86116bfcf962c2f5c2ecdaa"}, - {file = "msgpack-1.0.8-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:9ee32dcb8e531adae1f1ca568822e9b3a738369b3b686d1477cbc643c4a9c128"}, - {file = "msgpack-1.0.8-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:e3aa7e51d738e0ec0afbed661261513b38b3014754c9459508399baf14ae0c9d"}, - {file = "msgpack-1.0.8-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:69284049d07fce531c17404fcba2bb1df472bc2dcdac642ae71a2d079d950653"}, - {file = "msgpack-1.0.8-cp310-cp310-win32.whl", hash = "sha256:13577ec9e247f8741c84d06b9ece5f654920d8365a4b636ce0e44f15e07ec693"}, - {file = "msgpack-1.0.8-cp310-cp310-win_amd64.whl", hash = "sha256:e532dbd6ddfe13946de050d7474e3f5fb6ec774fbb1a188aaf469b08cf04189a"}, - {file = "msgpack-1.0.8-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:9517004e21664f2b5a5fd6333b0731b9cf0817403a941b393d89a2f1dc2bd836"}, - {file = "msgpack-1.0.8-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:d16a786905034e7e34098634b184a7d81f91d4c3d246edc6bd7aefb2fd8ea6ad"}, - {file = "msgpack-1.0.8-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:e2872993e209f7ed04d963e4b4fbae72d034844ec66bc4ca403329db2074377b"}, - {file = "msgpack-1.0.8-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5c330eace3dd100bdb54b5653b966de7f51c26ec4a7d4e87132d9b4f738220ba"}, - {file = "msgpack-1.0.8-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:83b5c044f3eff2a6534768ccfd50425939e7a8b5cf9a7261c385de1e20dcfc85"}, - {file = "msgpack-1.0.8-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1876b0b653a808fcd50123b953af170c535027bf1d053b59790eebb0aeb38950"}, - {file = "msgpack-1.0.8-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:dfe1f0f0ed5785c187144c46a292b8c34c1295c01da12e10ccddfc16def4448a"}, - {file = "msgpack-1.0.8-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:3528807cbbb7f315bb81959d5961855e7ba52aa60a3097151cb21956fbc7502b"}, - {file = "msgpack-1.0.8-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e2f879ab92ce502a1e65fce390eab619774dda6a6ff719718069ac94084098ce"}, - {file = "msgpack-1.0.8-cp311-cp311-win32.whl", hash = "sha256:26ee97a8261e6e35885c2ecd2fd4a6d38252246f94a2aec23665a4e66d066305"}, - {file = "msgpack-1.0.8-cp311-cp311-win_amd64.whl", hash = "sha256:eadb9f826c138e6cf3c49d6f8de88225a3c0ab181a9b4ba792e006e5292d150e"}, - {file = "msgpack-1.0.8-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:114be227f5213ef8b215c22dde19532f5da9652e56e8ce969bf0a26d7c419fee"}, - {file = "msgpack-1.0.8-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:d661dc4785affa9d0edfdd1e59ec056a58b3dbb9f196fa43587f3ddac654ac7b"}, - {file = "msgpack-1.0.8-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:d56fd9f1f1cdc8227d7b7918f55091349741904d9520c65f0139a9755952c9e8"}, - {file = "msgpack-1.0.8-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0726c282d188e204281ebd8de31724b7d749adebc086873a59efb8cf7ae27df3"}, - {file = "msgpack-1.0.8-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8db8e423192303ed77cff4dce3a4b88dbfaf43979d280181558af5e2c3c71afc"}, - {file = "msgpack-1.0.8-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:99881222f4a8c2f641f25703963a5cefb076adffd959e0558dc9f803a52d6a58"}, - {file = "msgpack-1.0.8-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:b5505774ea2a73a86ea176e8a9a4a7c8bf5d521050f0f6f8426afe798689243f"}, - {file = "msgpack-1.0.8-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:ef254a06bcea461e65ff0373d8a0dd1ed3aa004af48839f002a0c994a6f72d04"}, - {file = "msgpack-1.0.8-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:e1dd7839443592d00e96db831eddb4111a2a81a46b028f0facd60a09ebbdd543"}, - {file = "msgpack-1.0.8-cp312-cp312-win32.whl", hash = "sha256:64d0fcd436c5683fdd7c907eeae5e2cbb5eb872fafbc03a43609d7941840995c"}, - {file = "msgpack-1.0.8-cp312-cp312-win_amd64.whl", hash = "sha256:74398a4cf19de42e1498368c36eed45d9528f5fd0155241e82c4082b7e16cffd"}, - {file = "msgpack-1.0.8.tar.gz", hash = "sha256:95c02b0e27e706e48d0e5426d1710ca78e0f0628d6e89d5b5a5b91a5f12274f3"}, -] - [[package]] name = "mypy-extensions" version = "1.0.0" @@ -1306,21 +1203,21 @@ dependencies = [ [[package]] name = "myst-parser" -version = "3.0.1" -requires_python = ">=3.8" +version = "4.0.0" +requires_python = ">=3.10" summary = "An extended [CommonMark](https://spec.commonmark.org/) compliant parser," groups = ["dev"] dependencies = [ - "docutils<0.22,>=0.18", + "docutils<0.22,>=0.19", "jinja2", "markdown-it-py~=3.0", - "mdit-py-plugins~=0.4", + "mdit-py-plugins>=0.4.1,~=0.4", "pyyaml", - "sphinx<8,>=6", + "sphinx<9,>=7", ] files = [ - {file = "myst_parser-3.0.1-py3-none-any.whl", hash = "sha256:6457aaa33a5d474aca678b8ead9b3dc298e89c68e67012e73146ea6fd54babf1"}, - {file = "myst_parser-3.0.1.tar.gz", hash = "sha256:88f0cb406cb363b077d176b51c476f62d60604d68a8dcdf4832e080441301a87"}, + {file = "myst_parser-4.0.0-py3-none-any.whl", hash = "sha256:b9317997552424448c6096c2558872fdb6f81d3ecb3a40ce84a7518798f3f28d"}, + {file = "myst_parser-4.0.0.tar.gz", hash = "sha256:851c9dfb44e36e56d15d05e72f02b80da21a9e0d07cba96baf5e2d476bb91531"}, ] [[package]] @@ -1357,17 +1254,6 @@ files = [ {file = "nbformat-5.10.4.tar.gz", hash = "sha256:322168b14f937a5d11362988ecac2a4952d3d8e3a2cbeb2319584631226d5b3a"}, ] -[[package]] -name = "ndindex" -version = "1.8" -requires_python = ">=3.8" -summary = "A Python library for manipulating indices of ndarrays." -groups = ["dev"] -files = [ - {file = "ndindex-1.8-py3-none-any.whl", hash = "sha256:b5132cd331f3e4106913ed1a974a3e355967a5991543c2f512b40cb8bb9f50b8"}, - {file = "ndindex-1.8.tar.gz", hash = "sha256:5fc87ebc784605f01dd5367374cb40e8da8f2c30988968990066c5098a7eebe8"}, -] - [[package]] name = "nest-asyncio" version = "1.6.0" @@ -1379,89 +1265,63 @@ files = [ {file = "nest_asyncio-1.6.0.tar.gz", hash = "sha256:6f172d5449aca15afd6c646851f4e31e02c598d553a667e38cafa997cfec55fe"}, ] -[[package]] -name = "nptyping" -version = "2.5.0" -requires_python = ">=3.7" -summary = "Type hints for NumPy." -groups = ["dev"] -dependencies = [ - "numpy<2.0.0,>=1.20.0; python_version >= \"3.8\"", -] -files = [ - {file = "nptyping-2.5.0-py3-none-any.whl", hash = "sha256:764e51836faae33a7ae2e928af574cfb701355647accadcc89f2ad793630b7c8"}, - {file = "nptyping-2.5.0.tar.gz", hash = "sha256:e3d35b53af967e6fb407c3016ff9abae954d3a0568f7cc13a461084224e8e20a"}, -] - -[[package]] -name = "numexpr" -version = "2.10.1" -requires_python = ">=3.9" -summary = "Fast numerical expression evaluator for NumPy" -groups = ["dev"] -dependencies = [ - "numpy>=1.23.0", -] -files = [ - {file = "numexpr-2.10.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:bbd35f17f6efc00ebd4a480192af1ee30996094a0d5343b131b0e90e61e8b554"}, - {file = "numexpr-2.10.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:fecdf4bf3c1250e56583db0a4a80382a259ba4c2e1efa13e04ed43f0938071f5"}, - {file = "numexpr-2.10.1-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:b2efa499f460124538a5b4f1bf2e77b28eb443ee244cc5573ed0f6a069ebc635"}, - {file = "numexpr-2.10.1-cp310-cp310-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:ac23a72eff10f928f23b147bdeb0f1b774e862abe332fc9bf4837e9f1bc0bbf9"}, - {file = "numexpr-2.10.1-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:b28eaf45f1cc1048aad9e90e3a8ada1aef58c5f8155a85267dc781b37998c046"}, - {file = "numexpr-2.10.1-cp310-cp310-win32.whl", hash = "sha256:4f0985bd1c493b23b5aad7d81fa174798f3812efb78d14844194834c9fee38b8"}, - {file = "numexpr-2.10.1-cp310-cp310-win_amd64.whl", hash = "sha256:44f6d12a8c44be90199bbb10d3abf467f88951f48a3d1fbbd3c219d121f39c9d"}, - {file = "numexpr-2.10.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:a3c0b0bf165b2d886eb981afa4e77873ca076f5d51c491c4d7b8fc10f17c876f"}, - {file = "numexpr-2.10.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:56648a04679063175681195670ad53e5c8ca19668166ed13875199b5600089c7"}, - {file = "numexpr-2.10.1-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:ce04ae6efe2a9d0be1a0e114115c3ae70c68b8b8fbc615c5c55c15704b01e6a4"}, - {file = "numexpr-2.10.1-cp311-cp311-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:45f598182b4f5c153222e47d5163c3bee8d5ebcaee7e56dd2a5898d4d97e4473"}, - {file = "numexpr-2.10.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:6a50370bea77ba94c3734a44781c716751354c6bfda2d369af3aed3d67d42871"}, - {file = "numexpr-2.10.1-cp311-cp311-win32.whl", hash = "sha256:fa4009d84a8e6e21790e718a80a22d57fe7f215283576ef2adc4183f7247f3c7"}, - {file = "numexpr-2.10.1-cp311-cp311-win_amd64.whl", hash = "sha256:fcbf013bb8494e8ef1d11fa3457827c1571c6a3153982d709e5d17594999d4dd"}, - {file = "numexpr-2.10.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:82fc95c301b15ff4823f98989ee363a2d5555d16a7cfd3710e98ddee726eaaaa"}, - {file = "numexpr-2.10.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:cbf79fef834f88607f977ab9867061dcd9b40ccb08bb28547c6dc6c73e560895"}, - {file = "numexpr-2.10.1-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl", hash = "sha256:552c8d4b2e3b87cdb2abb40a781b9a61a9090a9f66ac7357fc5a0b93aff76be3"}, - {file = "numexpr-2.10.1-cp312-cp312-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:22cc65e9121aeb3187a2b50827715b2b087ea70e8ab21416ea52662322087b43"}, - {file = "numexpr-2.10.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:00204e5853713b5eba5f3d0bc586a5d8d07f76011b597c8b4087592cc2ec2928"}, - {file = "numexpr-2.10.1-cp312-cp312-win32.whl", hash = "sha256:82bf04a1495ac475de4ab49fbe0a3a2710ed3fd1a00bc03847316b5d7602402d"}, - {file = "numexpr-2.10.1-cp312-cp312-win_amd64.whl", hash = "sha256:300e577b3c006dd7a8270f1bb2e8a00ee15bf235b1650fe2a6febec2954bc2c3"}, - {file = "numexpr-2.10.1.tar.gz", hash = "sha256:9bba99d354a65f1a008ab8b87f07d84404c668e66bab624df5b6b5373403cf81"}, -] - [[package]] name = "numpy" -version = "1.26.4" -requires_python = ">=3.9" +version = "2.1.0" +requires_python = ">=3.10" summary = "Fundamental package for array computing in Python" groups = ["dev"] files = [ - {file = "numpy-1.26.4-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:9ff0f4f29c51e2803569d7a51c2304de5554655a60c5d776e35b4a41413830d0"}, - {file = "numpy-1.26.4-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:2e4ee3380d6de9c9ec04745830fd9e2eccb3e6cf790d39d7b98ffd19b0dd754a"}, - {file = "numpy-1.26.4-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d209d8969599b27ad20994c8e41936ee0964e6da07478d6c35016bc386b66ad4"}, - {file = "numpy-1.26.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ffa75af20b44f8dba823498024771d5ac50620e6915abac414251bd971b4529f"}, - {file = "numpy-1.26.4-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:62b8e4b1e28009ef2846b4c7852046736bab361f7aeadeb6a5b89ebec3c7055a"}, - {file = "numpy-1.26.4-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:a4abb4f9001ad2858e7ac189089c42178fcce737e4169dc61321660f1a96c7d2"}, - {file = "numpy-1.26.4-cp310-cp310-win32.whl", hash = "sha256:bfe25acf8b437eb2a8b2d49d443800a5f18508cd811fea3181723922a8a82b07"}, - {file = "numpy-1.26.4-cp310-cp310-win_amd64.whl", hash = "sha256:b97fe8060236edf3662adfc2c633f56a08ae30560c56310562cb4f95500022d5"}, - {file = "numpy-1.26.4-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:4c66707fabe114439db9068ee468c26bbdf909cac0fb58686a42a24de1760c71"}, - {file = "numpy-1.26.4-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:edd8b5fe47dab091176d21bb6de568acdd906d1887a4584a15a9a96a1dca06ef"}, - {file = "numpy-1.26.4-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7ab55401287bfec946ced39700c053796e7cc0e3acbef09993a9ad2adba6ca6e"}, - {file = "numpy-1.26.4-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:666dbfb6ec68962c033a450943ded891bed2d54e6755e35e5835d63f4f6931d5"}, - {file = "numpy-1.26.4-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:96ff0b2ad353d8f990b63294c8986f1ec3cb19d749234014f4e7eb0112ceba5a"}, - {file = "numpy-1.26.4-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:60dedbb91afcbfdc9bc0b1f3f402804070deed7392c23eb7a7f07fa857868e8a"}, - {file = "numpy-1.26.4-cp311-cp311-win32.whl", hash = "sha256:1af303d6b2210eb850fcf03064d364652b7120803a0b872f5211f5234b399f20"}, - {file = "numpy-1.26.4-cp311-cp311-win_amd64.whl", hash = "sha256:cd25bcecc4974d09257ffcd1f098ee778f7834c3ad767fe5db785be9a4aa9cb2"}, - {file = "numpy-1.26.4-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:b3ce300f3644fb06443ee2222c2201dd3a89ea6040541412b8fa189341847218"}, - {file = "numpy-1.26.4-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:03a8c78d01d9781b28a6989f6fa1bb2c4f2d51201cf99d3dd875df6fbd96b23b"}, - {file = "numpy-1.26.4-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9fad7dcb1aac3c7f0584a5a8133e3a43eeb2fe127f47e3632d43d677c66c102b"}, - {file = "numpy-1.26.4-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:675d61ffbfa78604709862923189bad94014bef562cc35cf61d3a07bba02a7ed"}, - {file = "numpy-1.26.4-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:ab47dbe5cc8210f55aa58e4805fe224dac469cde56b9f731a4c098b91917159a"}, - {file = "numpy-1.26.4-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:1dda2e7b4ec9dd512f84935c5f126c8bd8b9f2fc001e9f54af255e8c5f16b0e0"}, - {file = "numpy-1.26.4-cp312-cp312-win32.whl", hash = "sha256:50193e430acfc1346175fcbdaa28ffec49947a06918b7b92130744e81e640110"}, - {file = "numpy-1.26.4-cp312-cp312-win_amd64.whl", hash = "sha256:08beddf13648eb95f8d867350f6a018a4be2e5ad54c8d8caed89ebca558b2818"}, - {file = "numpy-1.26.4-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:afedb719a9dcfc7eaf2287b839d8198e06dcd4cb5d276a3df279231138e83d30"}, - {file = "numpy-1.26.4-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:95a7476c59002f2f6c590b9b7b998306fba6a5aa646b1e22ddfeaf8f78c3a29c"}, - {file = "numpy-1.26.4-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:7e50d0a0cc3189f9cb0aeb3a6a6af18c16f59f004b866cd2be1c14b36134a4a0"}, - {file = "numpy-1.26.4.tar.gz", hash = "sha256:2a02aba9ed12e4ac4eb3ea9421c420301a0c6460d9830d74a9df87efa4912010"}, + {file = "numpy-2.1.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:6326ab99b52fafdcdeccf602d6286191a79fe2fda0ae90573c5814cd2b0bc1b8"}, + {file = "numpy-2.1.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:0937e54c09f7a9a68da6889362ddd2ff584c02d015ec92672c099b61555f8911"}, + {file = "numpy-2.1.0-cp310-cp310-macosx_14_0_arm64.whl", hash = "sha256:30014b234f07b5fec20f4146f69e13cfb1e33ee9a18a1879a0142fbb00d47673"}, + {file = "numpy-2.1.0-cp310-cp310-macosx_14_0_x86_64.whl", hash = "sha256:899da829b362ade41e1e7eccad2cf274035e1cb36ba73034946fccd4afd8606b"}, + {file = "numpy-2.1.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:08801848a40aea24ce16c2ecde3b756f9ad756586fb2d13210939eb69b023f5b"}, + {file = "numpy-2.1.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:398049e237d1aae53d82a416dade04defed1a47f87d18d5bd615b6e7d7e41d1f"}, + {file = "numpy-2.1.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:0abb3916a35d9090088a748636b2c06dc9a6542f99cd476979fb156a18192b84"}, + {file = "numpy-2.1.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:10e2350aea18d04832319aac0f887d5fcec1b36abd485d14f173e3e900b83e33"}, + {file = "numpy-2.1.0-cp310-cp310-win32.whl", hash = "sha256:f6b26e6c3b98adb648243670fddc8cab6ae17473f9dc58c51574af3e64d61211"}, + {file = "numpy-2.1.0-cp310-cp310-win_amd64.whl", hash = "sha256:f505264735ee074250a9c78247ee8618292091d9d1fcc023290e9ac67e8f1afa"}, + {file = "numpy-2.1.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:76368c788ccb4f4782cf9c842b316140142b4cbf22ff8db82724e82fe1205dce"}, + {file = "numpy-2.1.0-cp311-cp311-macosx_14_0_arm64.whl", hash = "sha256:f8e93a01a35be08d31ae33021e5268f157a2d60ebd643cfc15de6ab8e4722eb1"}, + {file = "numpy-2.1.0-cp311-cp311-macosx_14_0_x86_64.whl", hash = "sha256:9523f8b46485db6939bd069b28b642fec86c30909cea90ef550373787f79530e"}, + {file = "numpy-2.1.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:54139e0eb219f52f60656d163cbe67c31ede51d13236c950145473504fa208cb"}, + {file = "numpy-2.1.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f5ebbf9fbdabed208d4ecd2e1dfd2c0741af2f876e7ae522c2537d404ca895c3"}, + {file = "numpy-2.1.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:378cb4f24c7d93066ee4103204f73ed046eb88f9ad5bb2275bb9fa0f6a02bd36"}, + {file = "numpy-2.1.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:d8f699a709120b220dfe173f79c73cb2a2cab2c0b88dd59d7b49407d032b8ebd"}, + {file = "numpy-2.1.0-cp311-cp311-win32.whl", hash = "sha256:ffbd6faeb190aaf2b5e9024bac9622d2ee549b7ec89ef3a9373fa35313d44e0e"}, + {file = "numpy-2.1.0-cp311-cp311-win_amd64.whl", hash = "sha256:0af3a5987f59d9c529c022c8c2a64805b339b7ef506509fba7d0556649b9714b"}, + {file = "numpy-2.1.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:fe76d75b345dc045acdbc006adcb197cc680754afd6c259de60d358d60c93736"}, + {file = "numpy-2.1.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:f358ea9e47eb3c2d6eba121ab512dfff38a88db719c38d1e67349af210bc7529"}, + {file = "numpy-2.1.0-cp312-cp312-macosx_14_0_arm64.whl", hash = "sha256:dd94ce596bda40a9618324547cfaaf6650b1a24f5390350142499aa4e34e53d1"}, + {file = "numpy-2.1.0-cp312-cp312-macosx_14_0_x86_64.whl", hash = "sha256:b47c551c6724960479cefd7353656498b86e7232429e3a41ab83be4da1b109e8"}, + {file = "numpy-2.1.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a0756a179afa766ad7cb6f036de622e8a8f16ffdd55aa31f296c870b5679d745"}, + {file = "numpy-2.1.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:24003ba8ff22ea29a8c306e61d316ac74111cebf942afbf692df65509a05f111"}, + {file = "numpy-2.1.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:b34fa5e3b5d6dc7e0a4243fa0f81367027cb6f4a7215a17852979634b5544ee0"}, + {file = "numpy-2.1.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:c4f982715e65036c34897eb598d64aef15150c447be2cfc6643ec7a11af06574"}, + {file = "numpy-2.1.0-cp312-cp312-win32.whl", hash = "sha256:c4cd94dfefbefec3f8b544f61286584292d740e6e9d4677769bc76b8f41deb02"}, + {file = "numpy-2.1.0-cp312-cp312-win_amd64.whl", hash = "sha256:a0cdef204199278f5c461a0bed6ed2e052998276e6d8ab2963d5b5c39a0500bc"}, + {file = "numpy-2.1.0-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:15ef8b2177eeb7e37dd5ef4016f30b7659c57c2c0b57a779f1d537ff33a72c7b"}, + {file = "numpy-2.1.0-pp310-pypy310_pp73-macosx_14_0_x86_64.whl", hash = "sha256:e5f0642cdf4636198a4990de7a71b693d824c56a757862230454629cf62e323d"}, + {file = "numpy-2.1.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f15976718c004466406342789f31b6673776360f3b1e3c575f25302d7e789575"}, + {file = "numpy-2.1.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:6c1de77ded79fef664d5098a66810d4d27ca0224e9051906e634b3f7ead134c2"}, + {file = "numpy-2.1.0.tar.gz", hash = "sha256:7dc90da0081f7e1da49ec4e398ede6a8e9cc4f5ebe5f9e06b443ed889ee9aaa2"}, +] + +[[package]] +name = "numpydantic" +version = "1.3.3" +requires_python = "<4.0,>=3.9" +summary = "Type and shape validation and serialization for numpy arrays in pydantic models" +groups = ["dev"] +dependencies = [ + "numpy>=1.24.0", + "pydantic>=2.3.0", + "typing-extensions>=4.11.0; python_version < \"3.11\"", +] +files = [ + {file = "numpydantic-1.3.3-py3-none-any.whl", hash = "sha256:e002767252b1b77abb7715834ab7cbf58964baddae44863710f09e71b23287e4"}, + {file = "numpydantic-1.3.3.tar.gz", hash = "sha256:1cc2744f7b5fbcecd51a64fafaf8c9a564bb296336a566a16be97ba7b1c28698"}, ] [[package]] @@ -1473,13 +1333,15 @@ path = "./nwb_linkml" summary = "Translating NWB schema language to LinkML" groups = ["dev"] dependencies = [ - "blosc2>=2.2.7", - "dask>=2023.9.2", + "black>=24.4.2", "h5py>=3.9.0", + "linkml @ git+https://github.com/sneakers-the-rat/linkml@nwb-linkml", "linkml-runtime>=1.7.7", - "linkml>=1.7.10", - "nptyping>=2.5.0", + "linkml-runtime>=1.8.2", + "numpydantic>=1.3.3", + "nwb-models>=0.1.0", "nwb-schema-language>=0.1.3", + "pandas>=2.2.2", "pydantic-settings>=2.0.3", "pydantic>=2.3.0", "pyyaml>=6.0", @@ -1503,15 +1365,29 @@ dependencies = [ "ipywidgets>=8.1.1", "myst-nb @ git+https://github.com/executablebooks/MyST-NB.git", "myst-parser>=2.0.0", - "nptyping>=2.5.0", "nwb-linkml @ file:///${PROJECT_ROOT}/nwb_linkml", "nwb-schema-language @ file:///${PROJECT_ROOT}/nwb_schema_language", "sphinx-autobuild>=2021.3.14", "sphinx-design>=0.5.0", + "sphinx-jinja>=2.0.2", "sphinx-togglebutton>=0.3.2", "sphinx<8.0.0,>=7.2.5", ] +[[package]] +name = "nwb-models" +version = "0.1.0" +requires_python = ">=3.10" +editable = true +path = "./nwb_models" +summary = "Pydantic/LinkML models for Neurodata Without Borders" +groups = ["dev"] +dependencies = [ + "numpydantic>=1.3.3", + "pandas>=2.2.2", + "pydantic>=2.3.0", +] + [[package]] name = "nwb-schema-language" version = "0.1.3" @@ -1550,6 +1426,45 @@ files = [ {file = "packaging-24.1.tar.gz", hash = "sha256:026ed72c8ed3fcce5bf8950572258698927fd1dbda10a5e981cdf0ac37f4f002"}, ] +[[package]] +name = "pandas" +version = "2.2.2" +requires_python = ">=3.9" +summary = "Powerful data structures for data analysis, time series, and statistics" +groups = ["dev"] +dependencies = [ + "numpy>=1.22.4; python_version < \"3.11\"", + "numpy>=1.23.2; python_version == \"3.11\"", + "numpy>=1.26.0; python_version >= \"3.12\"", + "python-dateutil>=2.8.2", + "pytz>=2020.1", + "tzdata>=2022.7", +] +files = [ + {file = "pandas-2.2.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:90c6fca2acf139569e74e8781709dccb6fe25940488755716d1d354d6bc58bce"}, + {file = "pandas-2.2.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:c7adfc142dac335d8c1e0dcbd37eb8617eac386596eb9e1a1b77791cf2498238"}, + {file = "pandas-2.2.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4abfe0be0d7221be4f12552995e58723c7422c80a659da13ca382697de830c08"}, + {file = "pandas-2.2.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8635c16bf3d99040fdf3ca3db669a7250ddf49c55dc4aa8fe0ae0fa8d6dcc1f0"}, + {file = "pandas-2.2.2-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:40ae1dffb3967a52203105a077415a86044a2bea011b5f321c6aa64b379a3f51"}, + {file = "pandas-2.2.2-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:8e5a0b00e1e56a842f922e7fae8ae4077aee4af0acb5ae3622bd4b4c30aedf99"}, + {file = "pandas-2.2.2-cp310-cp310-win_amd64.whl", hash = "sha256:ddf818e4e6c7c6f4f7c8a12709696d193976b591cc7dc50588d3d1a6b5dc8772"}, + {file = "pandas-2.2.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:696039430f7a562b74fa45f540aca068ea85fa34c244d0deee539cb6d70aa288"}, + {file = "pandas-2.2.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:8e90497254aacacbc4ea6ae5e7a8cd75629d6ad2b30025a4a8b09aa4faf55151"}, + {file = "pandas-2.2.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:58b84b91b0b9f4bafac2a0ac55002280c094dfc6402402332c0913a59654ab2b"}, + {file = "pandas-2.2.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6d2123dc9ad6a814bcdea0f099885276b31b24f7edf40f6cdbc0912672e22eee"}, + {file = "pandas-2.2.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:2925720037f06e89af896c70bca73459d7e6a4be96f9de79e2d440bd499fe0db"}, + {file = "pandas-2.2.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:0cace394b6ea70c01ca1595f839cf193df35d1575986e484ad35c4aeae7266c1"}, + {file = "pandas-2.2.2-cp311-cp311-win_amd64.whl", hash = "sha256:873d13d177501a28b2756375d59816c365e42ed8417b41665f346289adc68d24"}, + {file = "pandas-2.2.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:9dfde2a0ddef507a631dc9dc4af6a9489d5e2e740e226ad426a05cabfbd7c8ef"}, + {file = "pandas-2.2.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:e9b79011ff7a0f4b1d6da6a61aa1aa604fb312d6647de5bad20013682d1429ce"}, + {file = "pandas-2.2.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1cb51fe389360f3b5a4d57dbd2848a5f033350336ca3b340d1c53a1fad33bcad"}, + {file = "pandas-2.2.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:eee3a87076c0756de40b05c5e9a6069c035ba43e8dd71c379e68cab2c20f16ad"}, + {file = "pandas-2.2.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:3e374f59e440d4ab45ca2fffde54b81ac3834cf5ae2cdfa69c90bc03bde04d76"}, + {file = "pandas-2.2.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:43498c0bdb43d55cb162cdc8c06fac328ccb5d2eabe3cadeb3529ae6f0517c32"}, + {file = "pandas-2.2.2-cp312-cp312-win_amd64.whl", hash = "sha256:d187d355ecec3629624fccb01d104da7d7f391db0311145817525281e2804d23"}, + {file = "pandas-2.2.2.tar.gz", hash = "sha256:9e79019aba43cb4fda9e4d983f8e88ca0373adbb697ae9c6c43093218de28b54"}, +] + [[package]] name = "parse" version = "1.20.2" @@ -1571,21 +1486,6 @@ files = [ {file = "parso-0.8.4.tar.gz", hash = "sha256:eb3a7b58240fb99099a345571deecc0f9540ea5f4dd2fe14c2a99d6b281ab92d"}, ] -[[package]] -name = "partd" -version = "1.4.2" -requires_python = ">=3.9" -summary = "Appendable key-value storage" -groups = ["dev"] -dependencies = [ - "locket", - "toolz", -] -files = [ - {file = "partd-1.4.2-py3-none-any.whl", hash = "sha256:978e4ac767ec4ba5b86c6eaa52e5a2a3bc748a2ca839e8cc798f1cc6ce6efb0f"}, - {file = "partd-1.4.2.tar.gz", hash = "sha256:d022c33afbdc8405c226621b015e8067888173d85f7f5ecebb3cafed9a20f02c"}, -] - [[package]] name = "pathspec" version = "0.12.1" @@ -1662,7 +1562,7 @@ files = [ [[package]] name = "prefixmaps" -version = "0.2.4" +version = "0.2.5" requires_python = "<4.0,>=3.8" summary = "A python library for retrieving semantic prefix maps" groups = ["dev"] @@ -1671,8 +1571,8 @@ dependencies = [ "pyyaml>=5.3.1", ] files = [ - {file = "prefixmaps-0.2.4-py3-none-any.whl", hash = "sha256:89bf0e6fb08c276f754f9624c42adf2e87c64ee92a3dde1f7eff01f22d85b512"}, - {file = "prefixmaps-0.2.4.tar.gz", hash = "sha256:ae86a1b31189d0516d199756d5808f75f44b39e86546c356cc78c0fe8d2078af"}, + {file = "prefixmaps-0.2.5-py3-none-any.whl", hash = "sha256:68caa04b3a6a8e058aa1c55affe32c62e44b564d031d63f768e267b796a1f3ee"}, + {file = "prefixmaps-0.2.5.tar.gz", hash = "sha256:aaccd2425ade2ea97a502c58be49fe8f3536e3d5e919712ae0358a39fc800799"}, ] [[package]] @@ -1719,22 +1619,12 @@ files = [ [[package]] name = "pure-eval" -version = "0.2.2" +version = "0.2.3" summary = "Safely evaluate AST nodes without side effects" groups = ["dev"] files = [ - {file = "pure_eval-0.2.2-py3-none-any.whl", hash = "sha256:01eaab343580944bc56080ebe0a674b39ec44a945e6d09ba7db3cb8cec289350"}, - {file = "pure_eval-0.2.2.tar.gz", hash = "sha256:2b45320af6dfaa1750f543d714b6d1c520a1688dec6fd24d339063ce0aaa9ac3"}, -] - -[[package]] -name = "py-cpuinfo" -version = "9.0.0" -summary = "Get CPU info with pure Python" -groups = ["dev"] -files = [ - {file = "py-cpuinfo-9.0.0.tar.gz", hash = "sha256:3cdbbf3fac90dc6f118bfd64384f309edeadd902d7c8fb17f02ffa1fc3f49690"}, - {file = "py_cpuinfo-9.0.0-py3-none-any.whl", hash = "sha256:859625bc251f64e21f077d099d4162689c762b5d6a4c3c97553d56241c9674d5"}, + {file = "pure_eval-0.2.3-py3-none-any.whl", hash = "sha256:1db8e35b67b3d218d818ae653e27f06c3aa420901fa7b081ca98cbedc874e0d0"}, + {file = "pure_eval-0.2.3.tar.gz", hash = "sha256:5f4e983f40564c576c7c8635ae88db5956bb2229d7e9237d03b3c0b0190eaf42"}, ] [[package]] @@ -1751,23 +1641,24 @@ files = [ [[package]] name = "pydantic" -version = "2.8.0" +version = "2.8.2" requires_python = ">=3.8" summary = "Data validation using Python type hints" groups = ["dev"] dependencies = [ "annotated-types>=0.4.0", - "pydantic-core==2.20.0", + "pydantic-core==2.20.1", + "typing-extensions>=4.12.2; python_version >= \"3.13\"", "typing-extensions>=4.6.1; python_version < \"3.13\"", ] files = [ - {file = "pydantic-2.8.0-py3-none-any.whl", hash = "sha256:ead4f3a1e92386a734ca1411cb25d94147cf8778ed5be6b56749047676d6364e"}, - {file = "pydantic-2.8.0.tar.gz", hash = "sha256:d970ffb9d030b710795878940bd0489842c638e7252fc4a19c3ae2f7da4d6141"}, + {file = "pydantic-2.8.2-py3-none-any.whl", hash = "sha256:73ee9fddd406dc318b885c7a2eab8a6472b68b8fb5ba8150949fc3db939f23c8"}, + {file = "pydantic-2.8.2.tar.gz", hash = "sha256:6f62c13d067b0755ad1c21a34bdd06c0c12625a22b0fc09c6b149816604f7c2a"}, ] [[package]] name = "pydantic-core" -version = "2.20.0" +version = "2.20.1" requires_python = ">=3.8" summary = "Core functionality for Pydantic validation and serialization" groups = ["dev"] @@ -1775,64 +1666,56 @@ dependencies = [ "typing-extensions!=4.7.0,>=4.6.0", ] files = [ - {file = "pydantic_core-2.20.0-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:e9dcd7fb34f7bfb239b5fa420033642fff0ad676b765559c3737b91f664d4fa9"}, - {file = "pydantic_core-2.20.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:649a764d9b0da29816889424697b2a3746963ad36d3e0968784ceed6e40c6355"}, - {file = "pydantic_core-2.20.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7701df088d0b05f3460f7ba15aec81ac8b0fb5690367dfd072a6c38cf5b7fdb5"}, - {file = "pydantic_core-2.20.0-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ab760f17c3e792225cdaef31ca23c0aea45c14ce80d8eff62503f86a5ab76bff"}, - {file = "pydantic_core-2.20.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:cb1ad5b4d73cde784cf64580166568074f5ccd2548d765e690546cff3d80937d"}, - {file = "pydantic_core-2.20.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b81ec2efc04fc1dbf400647d4357d64fb25543bae38d2d19787d69360aad21c9"}, - {file = "pydantic_core-2.20.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c4a9732a5cad764ba37f3aa873dccb41b584f69c347a57323eda0930deec8e10"}, - {file = "pydantic_core-2.20.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:6dc85b9e10cc21d9c1055f15684f76fa4facadddcb6cd63abab702eb93c98943"}, - {file = "pydantic_core-2.20.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:21d9f7e24f63fdc7118e6cc49defaab8c1d27570782f7e5256169d77498cf7c7"}, - {file = "pydantic_core-2.20.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:8b315685832ab9287e6124b5d74fc12dda31e6421d7f6b08525791452844bc2d"}, - {file = "pydantic_core-2.20.0-cp310-none-win32.whl", hash = "sha256:c3dc8ec8b87c7ad534c75b8855168a08a7036fdb9deeeed5705ba9410721c84d"}, - {file = "pydantic_core-2.20.0-cp310-none-win_amd64.whl", hash = "sha256:85770b4b37bb36ef93a6122601795231225641003e0318d23c6233c59b424279"}, - {file = "pydantic_core-2.20.0-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:58e251bb5a5998f7226dc90b0b753eeffa720bd66664eba51927c2a7a2d5f32c"}, - {file = "pydantic_core-2.20.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:78d584caac52c24240ef9ecd75de64c760bbd0e20dbf6973631815e3ef16ef8b"}, - {file = "pydantic_core-2.20.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5084ec9721f82bef5ff7c4d1ee65e1626783abb585f8c0993833490b63fe1792"}, - {file = "pydantic_core-2.20.0-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:6d0f52684868db7c218437d260e14d37948b094493f2646f22d3dda7229bbe3f"}, - {file = "pydantic_core-2.20.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1def125d59a87fe451212a72ab9ed34c118ff771e5473fef4f2f95d8ede26d75"}, - {file = "pydantic_core-2.20.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b34480fd6778ab356abf1e9086a4ced95002a1e195e8d2fd182b0def9d944d11"}, - {file = "pydantic_core-2.20.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d42669d319db366cb567c3b444f43caa7ffb779bf9530692c6f244fc635a41eb"}, - {file = "pydantic_core-2.20.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:53b06aea7a48919a254b32107647be9128c066aaa6ee6d5d08222325f25ef175"}, - {file = "pydantic_core-2.20.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:1f038156b696a1c39d763b2080aeefa87ddb4162c10aa9fabfefffc3dd8180fa"}, - {file = "pydantic_core-2.20.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:3f0f3a4a23717280a5ee3ac4fb1f81d6fde604c9ec5100f7f6f987716bb8c137"}, - {file = "pydantic_core-2.20.0-cp311-none-win32.whl", hash = "sha256:316fe7c3fec017affd916a0c83d6f1ec697cbbbdf1124769fa73328e7907cc2e"}, - {file = "pydantic_core-2.20.0-cp311-none-win_amd64.whl", hash = "sha256:2d06a7fa437f93782e3f32d739c3ec189f82fca74336c08255f9e20cea1ed378"}, - {file = "pydantic_core-2.20.0-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:d6f8c49657f3eb7720ed4c9b26624063da14937fc94d1812f1e04a2204db3e17"}, - {file = "pydantic_core-2.20.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ad1bd2f377f56fec11d5cfd0977c30061cd19f4fa199bf138b200ec0d5e27eeb"}, - {file = "pydantic_core-2.20.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ed741183719a5271f97d93bbcc45ed64619fa38068aaa6e90027d1d17e30dc8d"}, - {file = "pydantic_core-2.20.0-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:d82e5ed3a05f2dcb89c6ead2fd0dbff7ac09bc02c1b4028ece2d3a3854d049ce"}, - {file = "pydantic_core-2.20.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b2ba34a099576234671f2e4274e5bc6813b22e28778c216d680eabd0db3f7dad"}, - {file = "pydantic_core-2.20.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:879ae6bb08a063b3e1b7ac8c860096d8fd6b48dd9b2690b7f2738b8c835e744b"}, - {file = "pydantic_core-2.20.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0b0eefc7633a04c0694340aad91fbfd1986fe1a1e0c63a22793ba40a18fcbdc8"}, - {file = "pydantic_core-2.20.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:73deadd6fd8a23e2f40b412b3ac617a112143c8989a4fe265050fd91ba5c0608"}, - {file = "pydantic_core-2.20.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:35681445dc85446fb105943d81ae7569aa7e89de80d1ca4ac3229e05c311bdb1"}, - {file = "pydantic_core-2.20.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:0f6dd3612a3b9f91f2e63924ea18a4476656c6d01843ca20a4c09e00422195af"}, - {file = "pydantic_core-2.20.0-cp312-none-win32.whl", hash = "sha256:7e37b6bb6e90c2b8412b06373c6978d9d81e7199a40e24a6ef480e8acdeaf918"}, - {file = "pydantic_core-2.20.0-cp312-none-win_amd64.whl", hash = "sha256:7d4df13d1c55e84351fab51383520b84f490740a9f1fec905362aa64590b7a5d"}, - {file = "pydantic_core-2.20.0-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:cafde15a6f7feaec2f570646e2ffc5b73412295d29134a29067e70740ec6ee20"}, - {file = "pydantic_core-2.20.0-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:2aec8eeea0b08fd6bc2213d8e86811a07491849fd3d79955b62d83e32fa2ad5f"}, - {file = "pydantic_core-2.20.0-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:840200827984f1c4e114008abc2f5ede362d6e11ed0b5931681884dd41852ff1"}, - {file = "pydantic_core-2.20.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f8ea1d8b7df522e5ced34993c423c3bf3735c53df8b2a15688a2f03a7d678800"}, - {file = "pydantic_core-2.20.0-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:d5b8376a867047bf08910573deb95d3c8dfb976eb014ee24f3b5a61ccc5bee1b"}, - {file = "pydantic_core-2.20.0-pp310-pypy310_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:d08264b4460326cefacc179fc1411304d5af388a79910832835e6f641512358b"}, - {file = "pydantic_core-2.20.0-pp310-pypy310_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:7a3639011c2e8a9628466f616ed7fb413f30032b891898e10895a0a8b5857d6c"}, - {file = "pydantic_core-2.20.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:05e83ce2f7eba29e627dd8066aa6c4c0269b2d4f889c0eba157233a353053cea"}, - {file = "pydantic_core-2.20.0-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:603a843fea76a595c8f661cd4da4d2281dff1e38c4a836a928eac1a2f8fe88e4"}, - {file = "pydantic_core-2.20.0-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:ac76f30d5d3454f4c28826d891fe74d25121a346c69523c9810ebba43f3b1cec"}, - {file = "pydantic_core-2.20.0-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:22e3b1d4b1b3f6082849f9b28427ef147a5b46a6132a3dbaf9ca1baa40c88609"}, - {file = "pydantic_core-2.20.0-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2761f71faed820e25ec62eacba670d1b5c2709bb131a19fcdbfbb09884593e5a"}, - {file = "pydantic_core-2.20.0-pp39-pypy39_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:a0586cddbf4380e24569b8a05f234e7305717cc8323f50114dfb2051fcbce2a3"}, - {file = "pydantic_core-2.20.0-pp39-pypy39_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:b8c46a8cf53e849eea7090f331ae2202cd0f1ceb090b00f5902c423bd1e11805"}, - {file = "pydantic_core-2.20.0-pp39-pypy39_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:b4a085bd04af7245e140d1b95619fe8abb445a3d7fdf219b3f80c940853268ef"}, - {file = "pydantic_core-2.20.0-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:116b326ac82c8b315e7348390f6d30bcfe6e688a7d3f1de50ff7bcc2042a23c2"}, - {file = "pydantic_core-2.20.0.tar.gz", hash = "sha256:366be8e64e0cb63d87cf79b4e1765c0703dd6313c729b22e7b9e378db6b96877"}, + {file = "pydantic_core-2.20.1-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:3acae97ffd19bf091c72df4d726d552c473f3576409b2a7ca36b2f535ffff4a3"}, + {file = "pydantic_core-2.20.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:41f4c96227a67a013e7de5ff8f20fb496ce573893b7f4f2707d065907bffdbd6"}, + {file = "pydantic_core-2.20.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5f239eb799a2081495ea659d8d4a43a8f42cd1fe9ff2e7e436295c38a10c286a"}, + {file = "pydantic_core-2.20.1-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:53e431da3fc53360db73eedf6f7124d1076e1b4ee4276b36fb25514544ceb4a3"}, + {file = "pydantic_core-2.20.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:f1f62b2413c3a0e846c3b838b2ecd6c7a19ec6793b2a522745b0869e37ab5bc1"}, + {file = "pydantic_core-2.20.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5d41e6daee2813ecceea8eda38062d69e280b39df793f5a942fa515b8ed67953"}, + {file = "pydantic_core-2.20.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3d482efec8b7dc6bfaedc0f166b2ce349df0011f5d2f1f25537ced4cfc34fd98"}, + {file = "pydantic_core-2.20.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:e93e1a4b4b33daed65d781a57a522ff153dcf748dee70b40c7258c5861e1768a"}, + {file = "pydantic_core-2.20.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:e7c4ea22b6739b162c9ecaaa41d718dfad48a244909fe7ef4b54c0b530effc5a"}, + {file = "pydantic_core-2.20.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:4f2790949cf385d985a31984907fecb3896999329103df4e4983a4a41e13e840"}, + {file = "pydantic_core-2.20.1-cp310-none-win32.whl", hash = "sha256:5e999ba8dd90e93d57410c5e67ebb67ffcaadcea0ad973240fdfd3a135506250"}, + {file = "pydantic_core-2.20.1-cp310-none-win_amd64.whl", hash = "sha256:512ecfbefef6dac7bc5eaaf46177b2de58cdf7acac8793fe033b24ece0b9566c"}, + {file = "pydantic_core-2.20.1-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:d2a8fa9d6d6f891f3deec72f5cc668e6f66b188ab14bb1ab52422fe8e644f312"}, + {file = "pydantic_core-2.20.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:175873691124f3d0da55aeea1d90660a6ea7a3cfea137c38afa0a5ffabe37b88"}, + {file = "pydantic_core-2.20.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:37eee5b638f0e0dcd18d21f59b679686bbd18917b87db0193ae36f9c23c355fc"}, + {file = "pydantic_core-2.20.1-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:25e9185e2d06c16ee438ed39bf62935ec436474a6ac4f9358524220f1b236e43"}, + {file = "pydantic_core-2.20.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:150906b40ff188a3260cbee25380e7494ee85048584998c1e66df0c7a11c17a6"}, + {file = "pydantic_core-2.20.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8ad4aeb3e9a97286573c03df758fc7627aecdd02f1da04516a86dc159bf70121"}, + {file = "pydantic_core-2.20.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d3f3ed29cd9f978c604708511a1f9c2fdcb6c38b9aae36a51905b8811ee5cbf1"}, + {file = "pydantic_core-2.20.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:b0dae11d8f5ded51699c74d9548dcc5938e0804cc8298ec0aa0da95c21fff57b"}, + {file = "pydantic_core-2.20.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:faa6b09ee09433b87992fb5a2859efd1c264ddc37280d2dd5db502126d0e7f27"}, + {file = "pydantic_core-2.20.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:9dc1b507c12eb0481d071f3c1808f0529ad41dc415d0ca11f7ebfc666e66a18b"}, + {file = "pydantic_core-2.20.1-cp311-none-win32.whl", hash = "sha256:fa2fddcb7107e0d1808086ca306dcade7df60a13a6c347a7acf1ec139aa6789a"}, + {file = "pydantic_core-2.20.1-cp311-none-win_amd64.whl", hash = "sha256:40a783fb7ee353c50bd3853e626f15677ea527ae556429453685ae32280c19c2"}, + {file = "pydantic_core-2.20.1-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:595ba5be69b35777474fa07f80fc260ea71255656191adb22a8c53aba4479231"}, + {file = "pydantic_core-2.20.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:a4f55095ad087474999ee28d3398bae183a66be4823f753cd7d67dd0153427c9"}, + {file = "pydantic_core-2.20.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f9aa05d09ecf4c75157197f27cdc9cfaeb7c5f15021c6373932bf3e124af029f"}, + {file = "pydantic_core-2.20.1-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:e97fdf088d4b31ff4ba35db26d9cc472ac7ef4a2ff2badeabf8d727b3377fc52"}, + {file = "pydantic_core-2.20.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bc633a9fe1eb87e250b5c57d389cf28998e4292336926b0b6cdaee353f89a237"}, + {file = "pydantic_core-2.20.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d573faf8eb7e6b1cbbcb4f5b247c60ca8be39fe2c674495df0eb4318303137fe"}, + {file = "pydantic_core-2.20.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:26dc97754b57d2fd00ac2b24dfa341abffc380b823211994c4efac7f13b9e90e"}, + {file = "pydantic_core-2.20.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:33499e85e739a4b60c9dac710c20a08dc73cb3240c9a0e22325e671b27b70d24"}, + {file = "pydantic_core-2.20.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:bebb4d6715c814597f85297c332297c6ce81e29436125ca59d1159b07f423eb1"}, + {file = "pydantic_core-2.20.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:516d9227919612425c8ef1c9b869bbbee249bc91912c8aaffb66116c0b447ebd"}, + {file = "pydantic_core-2.20.1-cp312-none-win32.whl", hash = "sha256:469f29f9093c9d834432034d33f5fe45699e664f12a13bf38c04967ce233d688"}, + {file = "pydantic_core-2.20.1-cp312-none-win_amd64.whl", hash = "sha256:035ede2e16da7281041f0e626459bcae33ed998cca6a0a007a5ebb73414ac72d"}, + {file = "pydantic_core-2.20.1-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:a45f84b09ac9c3d35dfcf6a27fd0634d30d183205230a0ebe8373a0e8cfa0906"}, + {file = "pydantic_core-2.20.1-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:d02a72df14dfdbaf228424573a07af10637bd490f0901cee872c4f434a735b94"}, + {file = "pydantic_core-2.20.1-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d2b27e6af28f07e2f195552b37d7d66b150adbaa39a6d327766ffd695799780f"}, + {file = "pydantic_core-2.20.1-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:084659fac3c83fd674596612aeff6041a18402f1e1bc19ca39e417d554468482"}, + {file = "pydantic_core-2.20.1-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:242b8feb3c493ab78be289c034a1f659e8826e2233786e36f2893a950a719bb6"}, + {file = "pydantic_core-2.20.1-pp310-pypy310_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:38cf1c40a921d05c5edc61a785c0ddb4bed67827069f535d794ce6bcded919fc"}, + {file = "pydantic_core-2.20.1-pp310-pypy310_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:e0bbdd76ce9aa5d4209d65f2b27fc6e5ef1312ae6c5333c26db3f5ade53a1e99"}, + {file = "pydantic_core-2.20.1-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:254ec27fdb5b1ee60684f91683be95e5133c994cc54e86a0b0963afa25c8f8a6"}, + {file = "pydantic_core-2.20.1.tar.gz", hash = "sha256:26ca695eeee5f9f1aeeb211ffc12f10bcb6f71e2989988fda61dabd65db878d4"}, ] [[package]] name = "pydantic-settings" -version = "2.3.4" +version = "2.4.0" requires_python = ">=3.8" summary = "Settings management using Pydantic" groups = ["dev"] @@ -1841,8 +1724,8 @@ dependencies = [ "python-dotenv>=0.21.0", ] files = [ - {file = "pydantic_settings-2.3.4-py3-none-any.whl", hash = "sha256:11ad8bacb68a045f00e4f862c7a718c8a9ec766aa8fd4c32e39a0594b207b53a"}, - {file = "pydantic_settings-2.3.4.tar.gz", hash = "sha256:c5802e3d62b78e82522319bbc9b8f8ffb28ad1c988a99311d04f2a6051fca0a7"}, + {file = "pydantic_settings-2.4.0-py3-none-any.whl", hash = "sha256:bb6849dc067f1687574c12a639e231f3a6feeed0a12d710c1382045c5db1c315"}, + {file = "pydantic_settings-2.4.0.tar.gz", hash = "sha256:ed81c3a0f46392b4d7c0a565c05884e6e54b3456e6f0fe4d8814981172dc9a88"}, ] [[package]] @@ -1872,13 +1755,13 @@ files = [ [[package]] name = "pyparsing" -version = "3.1.2" +version = "3.1.4" requires_python = ">=3.6.8" summary = "pyparsing module - Classes and methods to define and execute parsing grammars" groups = ["dev"] files = [ - {file = "pyparsing-3.1.2-py3-none-any.whl", hash = "sha256:f9db75911801ed778fe61bb643079ff86601aca99fcae6345aa67292038fb742"}, - {file = "pyparsing-3.1.2.tar.gz", hash = "sha256:a1bac0ce561155ecc3ed78ca94d3c9378656ad4c94c1270de543f621420f94ad"}, + {file = "pyparsing-3.1.4-py3-none-any.whl", hash = "sha256:a6a7ee4235a3f944aa1fa2249307708f893fe5717dc603503c6c7969c070fb7c"}, + {file = "pyparsing-3.1.4.tar.gz", hash = "sha256:f86ec8d1a83f11977c9a6ea7598e8c27fc5cddfa5b07ea2241edbbde1d7bc032"}, ] [[package]] @@ -1924,7 +1807,7 @@ files = [ [[package]] name = "pytest" -version = "8.2.2" +version = "8.3.2" requires_python = ">=3.8" summary = "pytest: simple powerful testing with Python" groups = ["dev"] @@ -1933,12 +1816,12 @@ dependencies = [ "exceptiongroup>=1.0.0rc8; python_version < \"3.11\"", "iniconfig", "packaging", - "pluggy<2.0,>=1.5", + "pluggy<2,>=1.5", "tomli>=1; python_version < \"3.11\"", ] files = [ - {file = "pytest-8.2.2-py3-none-any.whl", hash = "sha256:c434598117762e2bd304e526244f67bf66bbd7b5d6cf22138be51ff661980343"}, - {file = "pytest-8.2.2.tar.gz", hash = "sha256:de4bb8104e201939ccdc688b27a89a7be2079b22e2bd2b07f806b6ba71117977"}, + {file = "pytest-8.3.2-py3-none-any.whl", hash = "sha256:4ba08f9ae7dcf84ded419494d229b48d0903ea6407b030eaec46df5e6a73bba5"}, + {file = "pytest-8.3.2.tar.gz", hash = "sha256:c132345d12ce551242c87269de812483f5bcc87cdbb4722e48487ba194f9fdce"}, ] [[package]] @@ -1991,6 +1874,16 @@ files = [ {file = "PyTrie-0.4.0.tar.gz", hash = "sha256:8f4488f402d3465993fb6b6efa09866849ed8cda7903b50647b7d0342b805379"}, ] +[[package]] +name = "pytz" +version = "2024.1" +summary = "World timezone definitions, modern and historical" +groups = ["dev"] +files = [ + {file = "pytz-2024.1-py2.py3-none-any.whl", hash = "sha256:328171f4e3623139da4983451950b28e95ac706e13f3f2630a879749e7a8b319"}, + {file = "pytz-2024.1.tar.gz", hash = "sha256:2a29735ea9c18baf14b448846bde5a48030ed267578472d8955cd0e7443a9812"}, +] + [[package]] name = "pywin32" version = "306" @@ -2010,40 +1903,44 @@ files = [ [[package]] name = "pyyaml" -version = "6.0.1" -requires_python = ">=3.6" +version = "6.0.2" +requires_python = ">=3.8" summary = "YAML parser and emitter for Python" groups = ["dev"] files = [ - {file = "PyYAML-6.0.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:d858aa552c999bc8a8d57426ed01e40bef403cd8ccdd0fc5f6f04a00414cac2a"}, - {file = "PyYAML-6.0.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:fd66fc5d0da6d9815ba2cebeb4205f95818ff4b79c3ebe268e75d961704af52f"}, - {file = "PyYAML-6.0.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:69b023b2b4daa7548bcfbd4aa3da05b3a74b772db9e23b982788168117739938"}, - {file = "PyYAML-6.0.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:81e0b275a9ecc9c0c0c07b4b90ba548307583c125f54d5b6946cfee6360c733d"}, - {file = "PyYAML-6.0.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ba336e390cd8e4d1739f42dfe9bb83a3cc2e80f567d8805e11b46f4a943f5515"}, - {file = "PyYAML-6.0.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:326c013efe8048858a6d312ddd31d56e468118ad4cdeda36c719bf5bb6192290"}, - {file = "PyYAML-6.0.1-cp310-cp310-win32.whl", hash = "sha256:bd4af7373a854424dabd882decdc5579653d7868b8fb26dc7d0e99f823aa5924"}, - {file = "PyYAML-6.0.1-cp310-cp310-win_amd64.whl", hash = "sha256:fd1592b3fdf65fff2ad0004b5e363300ef59ced41c2e6b3a99d4089fa8c5435d"}, - {file = "PyYAML-6.0.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:6965a7bc3cf88e5a1c3bd2e0b5c22f8d677dc88a455344035f03399034eb3007"}, - {file = "PyYAML-6.0.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:f003ed9ad21d6a4713f0a9b5a7a0a79e08dd0f221aff4525a2be4c346ee60aab"}, - {file = "PyYAML-6.0.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:42f8152b8dbc4fe7d96729ec2b99c7097d656dc1213a3229ca5383f973a5ed6d"}, - {file = "PyYAML-6.0.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:062582fca9fabdd2c8b54a3ef1c978d786e0f6b3a1510e0ac93ef59e0ddae2bc"}, - {file = "PyYAML-6.0.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d2b04aac4d386b172d5b9692e2d2da8de7bfb6c387fa4f801fbf6fb2e6ba4673"}, - {file = "PyYAML-6.0.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e7d73685e87afe9f3b36c799222440d6cf362062f78be1013661b00c5c6f678b"}, - {file = "PyYAML-6.0.1-cp311-cp311-win32.whl", hash = "sha256:1635fd110e8d85d55237ab316b5b011de701ea0f29d07611174a1b42f1444741"}, - {file = "PyYAML-6.0.1-cp311-cp311-win_amd64.whl", hash = "sha256:bf07ee2fef7014951eeb99f56f39c9bb4af143d8aa3c21b1677805985307da34"}, - {file = "PyYAML-6.0.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:855fb52b0dc35af121542a76b9a84f8d1cd886ea97c84703eaa6d88e37a2ad28"}, - {file = "PyYAML-6.0.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:40df9b996c2b73138957fe23a16a4f0ba614f4c0efce1e9406a184b6d07fa3a9"}, - {file = "PyYAML-6.0.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a08c6f0fe150303c1c6b71ebcd7213c2858041a7e01975da3a99aed1e7a378ef"}, - {file = "PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6c22bec3fbe2524cde73d7ada88f6566758a8f7227bfbf93a408a9d86bcc12a0"}, - {file = "PyYAML-6.0.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:8d4e9c88387b0f5c7d5f281e55304de64cf7f9c0021a3525bd3b1c542da3b0e4"}, - {file = "PyYAML-6.0.1-cp312-cp312-win32.whl", hash = "sha256:d483d2cdf104e7c9fa60c544d92981f12ad66a457afae824d146093b8c294c54"}, - {file = "PyYAML-6.0.1-cp312-cp312-win_amd64.whl", hash = "sha256:0d3304d8c0adc42be59c5f8a4d9e3d7379e6955ad754aa9d6ab7a398b59dd1df"}, - {file = "PyYAML-6.0.1.tar.gz", hash = "sha256:bfdf460b1736c775f2ba9f6a92bca30bc2095067b8a9d77876d1fad6cc3b4a43"}, + {file = "PyYAML-6.0.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:0a9a2848a5b7feac301353437eb7d5957887edbf81d56e903999a75a3d743086"}, + {file = "PyYAML-6.0.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:29717114e51c84ddfba879543fb232a6ed60086602313ca38cce623c1d62cfbf"}, + {file = "PyYAML-6.0.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8824b5a04a04a047e72eea5cec3bc266db09e35de6bdfe34c9436ac5ee27d237"}, + {file = "PyYAML-6.0.2-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7c36280e6fb8385e520936c3cb3b8042851904eba0e58d277dca80a5cfed590b"}, + {file = "PyYAML-6.0.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ec031d5d2feb36d1d1a24380e4db6d43695f3748343d99434e6f5f9156aaa2ed"}, + {file = "PyYAML-6.0.2-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:936d68689298c36b53b29f23c6dbb74de12b4ac12ca6cfe0e047bedceea56180"}, + {file = "PyYAML-6.0.2-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:23502f431948090f597378482b4812b0caae32c22213aecf3b55325e049a6c68"}, + {file = "PyYAML-6.0.2-cp310-cp310-win32.whl", hash = "sha256:2e99c6826ffa974fe6e27cdb5ed0021786b03fc98e5ee3c5bfe1fd5015f42b99"}, + {file = "PyYAML-6.0.2-cp310-cp310-win_amd64.whl", hash = "sha256:a4d3091415f010369ae4ed1fc6b79def9416358877534caf6a0fdd2146c87a3e"}, + {file = "PyYAML-6.0.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:cc1c1159b3d456576af7a3e4d1ba7e6924cb39de8f67111c735f6fc832082774"}, + {file = "PyYAML-6.0.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:1e2120ef853f59c7419231f3bf4e7021f1b936f6ebd222406c3b60212205d2ee"}, + {file = "PyYAML-6.0.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5d225db5a45f21e78dd9358e58a98702a0302f2659a3c6cd320564b75b86f47c"}, + {file = "PyYAML-6.0.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5ac9328ec4831237bec75defaf839f7d4564be1e6b25ac710bd1a96321cc8317"}, + {file = "PyYAML-6.0.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3ad2a3decf9aaba3d29c8f537ac4b243e36bef957511b4766cb0057d32b0be85"}, + {file = "PyYAML-6.0.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:ff3824dc5261f50c9b0dfb3be22b4567a6f938ccce4587b38952d85fd9e9afe4"}, + {file = "PyYAML-6.0.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:797b4f722ffa07cc8d62053e4cff1486fa6dc094105d13fea7b1de7d8bf71c9e"}, + {file = "PyYAML-6.0.2-cp311-cp311-win32.whl", hash = "sha256:11d8f3dd2b9c1207dcaf2ee0bbbfd5991f571186ec9cc78427ba5bd32afae4b5"}, + {file = "PyYAML-6.0.2-cp311-cp311-win_amd64.whl", hash = "sha256:e10ce637b18caea04431ce14fabcf5c64a1c61ec9c56b071a4b7ca131ca52d44"}, + {file = "PyYAML-6.0.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:c70c95198c015b85feafc136515252a261a84561b7b1d51e3384e0655ddf25ab"}, + {file = "PyYAML-6.0.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ce826d6ef20b1bc864f0a68340c8b3287705cae2f8b4b1d932177dcc76721725"}, + {file = "PyYAML-6.0.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1f71ea527786de97d1a0cc0eacd1defc0985dcf6b3f17bb77dcfc8c34bec4dc5"}, + {file = "PyYAML-6.0.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9b22676e8097e9e22e36d6b7bda33190d0d400f345f23d4065d48f4ca7ae0425"}, + {file = "PyYAML-6.0.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:80bab7bfc629882493af4aa31a4cfa43a4c57c83813253626916b8c7ada83476"}, + {file = "PyYAML-6.0.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:0833f8694549e586547b576dcfaba4a6b55b9e96098b36cdc7ebefe667dfed48"}, + {file = "PyYAML-6.0.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:8b9c7197f7cb2738065c481a0461e50ad02f18c78cd75775628afb4d7137fb3b"}, + {file = "PyYAML-6.0.2-cp312-cp312-win32.whl", hash = "sha256:ef6107725bd54b262d6dedcc2af448a266975032bc85ef0172c5f059da6325b4"}, + {file = "PyYAML-6.0.2-cp312-cp312-win_amd64.whl", hash = "sha256:7e7401d0de89a9a855c839bc697c079a4af81cf878373abd7dc625847d25cbd8"}, + {file = "pyyaml-6.0.2.tar.gz", hash = "sha256:d584d9ec91ad65861cc08d42e834324ef890a082e591037abe114850ff7bbc3e"}, ] [[package]] name = "pyzmq" -version = "26.0.3" +version = "26.2.0" requires_python = ">=3.7" summary = "Python bindings for 0MQ" groups = ["dev"] @@ -2051,64 +1948,48 @@ dependencies = [ "cffi; implementation_name == \"pypy\"", ] files = [ - {file = "pyzmq-26.0.3-cp310-cp310-macosx_10_15_universal2.whl", hash = "sha256:44dd6fc3034f1eaa72ece33588867df9e006a7303725a12d64c3dff92330f625"}, - {file = "pyzmq-26.0.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:acb704195a71ac5ea5ecf2811c9ee19ecdc62b91878528302dd0be1b9451cc90"}, - {file = "pyzmq-26.0.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5dbb9c997932473a27afa93954bb77a9f9b786b4ccf718d903f35da3232317de"}, - {file = "pyzmq-26.0.3-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6bcb34f869d431799c3ee7d516554797f7760cb2198ecaa89c3f176f72d062be"}, - {file = "pyzmq-26.0.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:38ece17ec5f20d7d9b442e5174ae9f020365d01ba7c112205a4d59cf19dc38ee"}, - {file = "pyzmq-26.0.3-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:ba6e5e6588e49139a0979d03a7deb9c734bde647b9a8808f26acf9c547cab1bf"}, - {file = "pyzmq-26.0.3-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:3bf8b000a4e2967e6dfdd8656cd0757d18c7e5ce3d16339e550bd462f4857e59"}, - {file = "pyzmq-26.0.3-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:2136f64fbb86451dbbf70223635a468272dd20075f988a102bf8a3f194a411dc"}, - {file = "pyzmq-26.0.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:e8918973fbd34e7814f59143c5f600ecd38b8038161239fd1a3d33d5817a38b8"}, - {file = "pyzmq-26.0.3-cp310-cp310-win32.whl", hash = "sha256:0aaf982e68a7ac284377d051c742610220fd06d330dcd4c4dbb4cdd77c22a537"}, - {file = "pyzmq-26.0.3-cp310-cp310-win_amd64.whl", hash = "sha256:f1a9b7d00fdf60b4039f4455afd031fe85ee8305b019334b72dcf73c567edc47"}, - {file = "pyzmq-26.0.3-cp310-cp310-win_arm64.whl", hash = "sha256:80b12f25d805a919d53efc0a5ad7c0c0326f13b4eae981a5d7b7cc343318ebb7"}, - {file = "pyzmq-26.0.3-cp311-cp311-macosx_10_15_universal2.whl", hash = "sha256:a72a84570f84c374b4c287183debc776dc319d3e8ce6b6a0041ce2e400de3f32"}, - {file = "pyzmq-26.0.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:7ca684ee649b55fd8f378127ac8462fb6c85f251c2fb027eb3c887e8ee347bcd"}, - {file = "pyzmq-26.0.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e222562dc0f38571c8b1ffdae9d7adb866363134299264a1958d077800b193b7"}, - {file = "pyzmq-26.0.3-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f17cde1db0754c35a91ac00b22b25c11da6eec5746431d6e5092f0cd31a3fea9"}, - {file = "pyzmq-26.0.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4b7c0c0b3244bb2275abe255d4a30c050d541c6cb18b870975553f1fb6f37527"}, - {file = "pyzmq-26.0.3-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:ac97a21de3712afe6a6c071abfad40a6224fd14fa6ff0ff8d0c6e6cd4e2f807a"}, - {file = "pyzmq-26.0.3-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:88b88282e55fa39dd556d7fc04160bcf39dea015f78e0cecec8ff4f06c1fc2b5"}, - {file = "pyzmq-26.0.3-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:72b67f966b57dbd18dcc7efbc1c7fc9f5f983e572db1877081f075004614fcdd"}, - {file = "pyzmq-26.0.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:f4b6cecbbf3b7380f3b61de3a7b93cb721125dc125c854c14ddc91225ba52f83"}, - {file = "pyzmq-26.0.3-cp311-cp311-win32.whl", hash = "sha256:eed56b6a39216d31ff8cd2f1d048b5bf1700e4b32a01b14379c3b6dde9ce3aa3"}, - {file = "pyzmq-26.0.3-cp311-cp311-win_amd64.whl", hash = "sha256:3191d312c73e3cfd0f0afdf51df8405aafeb0bad71e7ed8f68b24b63c4f36500"}, - {file = "pyzmq-26.0.3-cp311-cp311-win_arm64.whl", hash = "sha256:b6907da3017ef55139cf0e417c5123a84c7332520e73a6902ff1f79046cd3b94"}, - {file = "pyzmq-26.0.3-cp312-cp312-macosx_10_15_universal2.whl", hash = "sha256:068ca17214038ae986d68f4a7021f97e187ed278ab6dccb79f837d765a54d753"}, - {file = "pyzmq-26.0.3-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:7821d44fe07335bea256b9f1f41474a642ca55fa671dfd9f00af8d68a920c2d4"}, - {file = "pyzmq-26.0.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:eeb438a26d87c123bb318e5f2b3d86a36060b01f22fbdffd8cf247d52f7c9a2b"}, - {file = "pyzmq-26.0.3-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:69ea9d6d9baa25a4dc9cef5e2b77b8537827b122214f210dd925132e34ae9b12"}, - {file = "pyzmq-26.0.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7daa3e1369355766dea11f1d8ef829905c3b9da886ea3152788dc25ee6079e02"}, - {file = "pyzmq-26.0.3-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:6ca7a9a06b52d0e38ccf6bca1aeff7be178917893f3883f37b75589d42c4ac20"}, - {file = "pyzmq-26.0.3-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:1b7d0e124948daa4d9686d421ef5087c0516bc6179fdcf8828b8444f8e461a77"}, - {file = "pyzmq-26.0.3-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:e746524418b70f38550f2190eeee834db8850088c834d4c8406fbb9bc1ae10b2"}, - {file = "pyzmq-26.0.3-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:6b3146f9ae6af82c47a5282ac8803523d381b3b21caeae0327ed2f7ecb718798"}, - {file = "pyzmq-26.0.3-cp312-cp312-win32.whl", hash = "sha256:2b291d1230845871c00c8462c50565a9cd6026fe1228e77ca934470bb7d70ea0"}, - {file = "pyzmq-26.0.3-cp312-cp312-win_amd64.whl", hash = "sha256:926838a535c2c1ea21c903f909a9a54e675c2126728c21381a94ddf37c3cbddf"}, - {file = "pyzmq-26.0.3-cp312-cp312-win_arm64.whl", hash = "sha256:5bf6c237f8c681dfb91b17f8435b2735951f0d1fad10cc5dfd96db110243370b"}, - {file = "pyzmq-26.0.3-pp310-pypy310_pp73-macosx_10_9_x86_64.whl", hash = "sha256:2c18645ef6294d99b256806e34653e86236eb266278c8ec8112622b61db255de"}, - {file = "pyzmq-26.0.3-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7e6bc96ebe49604df3ec2c6389cc3876cabe475e6bfc84ced1bf4e630662cb35"}, - {file = "pyzmq-26.0.3-pp310-pypy310_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:971e8990c5cc4ddcff26e149398fc7b0f6a042306e82500f5e8db3b10ce69f84"}, - {file = "pyzmq-26.0.3-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d8416c23161abd94cc7da80c734ad7c9f5dbebdadfdaa77dad78244457448223"}, - {file = "pyzmq-26.0.3-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:082a2988364b60bb5de809373098361cf1dbb239623e39e46cb18bc035ed9c0c"}, - {file = "pyzmq-26.0.3-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:d57dfbf9737763b3a60d26e6800e02e04284926329aee8fb01049635e957fe81"}, - {file = "pyzmq-26.0.3-pp37-pypy37_pp73-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:77a85dca4c2430ac04dc2a2185c2deb3858a34fe7f403d0a946fa56970cf60a1"}, - {file = "pyzmq-26.0.3-pp37-pypy37_pp73-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:4c82a6d952a1d555bf4be42b6532927d2a5686dd3c3e280e5f63225ab47ac1f5"}, - {file = "pyzmq-26.0.3-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4496b1282c70c442809fc1b151977c3d967bfb33e4e17cedbf226d97de18f709"}, - {file = "pyzmq-26.0.3-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:e4946d6bdb7ba972dfda282f9127e5756d4f299028b1566d1245fa0d438847e6"}, - {file = "pyzmq-26.0.3-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:03c0ae165e700364b266876d712acb1ac02693acd920afa67da2ebb91a0b3c09"}, - {file = "pyzmq-26.0.3-pp38-pypy38_pp73-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:3e3070e680f79887d60feeda051a58d0ac36622e1759f305a41059eff62c6da7"}, - {file = "pyzmq-26.0.3-pp38-pypy38_pp73-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:6ca08b840fe95d1c2bd9ab92dac5685f949fc6f9ae820ec16193e5ddf603c3b2"}, - {file = "pyzmq-26.0.3-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e76654e9dbfb835b3518f9938e565c7806976c07b37c33526b574cc1a1050480"}, - {file = "pyzmq-26.0.3-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:871587bdadd1075b112e697173e946a07d722459d20716ceb3d1bd6c64bd08ce"}, - {file = "pyzmq-26.0.3-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:d0a2d1bd63a4ad79483049b26514e70fa618ce6115220da9efdff63688808b17"}, - {file = "pyzmq-26.0.3-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0270b49b6847f0d106d64b5086e9ad5dc8a902413b5dbbb15d12b60f9c1747a4"}, - {file = "pyzmq-26.0.3-pp39-pypy39_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:703c60b9910488d3d0954ca585c34f541e506a091a41930e663a098d3b794c67"}, - {file = "pyzmq-26.0.3-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:74423631b6be371edfbf7eabb02ab995c2563fee60a80a30829176842e71722a"}, - {file = "pyzmq-26.0.3-pp39-pypy39_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:4adfbb5451196842a88fda3612e2c0414134874bffb1c2ce83ab4242ec9e027d"}, - {file = "pyzmq-26.0.3-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:3516119f4f9b8671083a70b6afaa0a070f5683e431ab3dc26e9215620d7ca1ad"}, - {file = "pyzmq-26.0.3.tar.gz", hash = "sha256:dba7d9f2e047dfa2bca3b01f4f84aa5246725203d6284e3790f2ca15fba6b40a"}, + {file = "pyzmq-26.2.0-cp310-cp310-macosx_10_15_universal2.whl", hash = "sha256:ddf33d97d2f52d89f6e6e7ae66ee35a4d9ca6f36eda89c24591b0c40205a3629"}, + {file = "pyzmq-26.2.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:dacd995031a01d16eec825bf30802fceb2c3791ef24bcce48fa98ce40918c27b"}, + {file = "pyzmq-26.2.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:89289a5ee32ef6c439086184529ae060c741334b8970a6855ec0b6ad3ff28764"}, + {file = "pyzmq-26.2.0-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:5506f06d7dc6ecf1efacb4a013b1f05071bb24b76350832c96449f4a2d95091c"}, + {file = "pyzmq-26.2.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8ea039387c10202ce304af74def5021e9adc6297067f3441d348d2b633e8166a"}, + {file = "pyzmq-26.2.0-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:a2224fa4a4c2ee872886ed00a571f5e967c85e078e8e8c2530a2fb01b3309b88"}, + {file = "pyzmq-26.2.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:28ad5233e9c3b52d76196c696e362508959741e1a005fb8fa03b51aea156088f"}, + {file = "pyzmq-26.2.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:1c17211bc037c7d88e85ed8b7d8f7e52db6dc8eca5590d162717c654550f7282"}, + {file = "pyzmq-26.2.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:b8f86dd868d41bea9a5f873ee13bf5551c94cf6bc51baebc6f85075971fe6eea"}, + {file = "pyzmq-26.2.0-cp310-cp310-win32.whl", hash = "sha256:46a446c212e58456b23af260f3d9fb785054f3e3653dbf7279d8f2b5546b21c2"}, + {file = "pyzmq-26.2.0-cp310-cp310-win_amd64.whl", hash = "sha256:49d34ab71db5a9c292a7644ce74190b1dd5a3475612eefb1f8be1d6961441971"}, + {file = "pyzmq-26.2.0-cp310-cp310-win_arm64.whl", hash = "sha256:bfa832bfa540e5b5c27dcf5de5d82ebc431b82c453a43d141afb1e5d2de025fa"}, + {file = "pyzmq-26.2.0-cp311-cp311-macosx_10_15_universal2.whl", hash = "sha256:8f7e66c7113c684c2b3f1c83cdd3376103ee0ce4c49ff80a648643e57fb22218"}, + {file = "pyzmq-26.2.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:3a495b30fc91db2db25120df5847d9833af237546fd59170701acd816ccc01c4"}, + {file = "pyzmq-26.2.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:77eb0968da535cba0470a5165468b2cac7772cfb569977cff92e240f57e31bef"}, + {file = "pyzmq-26.2.0-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6ace4f71f1900a548f48407fc9be59c6ba9d9aaf658c2eea6cf2779e72f9f317"}, + {file = "pyzmq-26.2.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:92a78853d7280bffb93df0a4a6a2498cba10ee793cc8076ef797ef2f74d107cf"}, + {file = "pyzmq-26.2.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:689c5d781014956a4a6de61d74ba97b23547e431e9e7d64f27d4922ba96e9d6e"}, + {file = "pyzmq-26.2.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:0aca98bc423eb7d153214b2df397c6421ba6373d3397b26c057af3c904452e37"}, + {file = "pyzmq-26.2.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:1f3496d76b89d9429a656293744ceca4d2ac2a10ae59b84c1da9b5165f429ad3"}, + {file = "pyzmq-26.2.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:5c2b3bfd4b9689919db068ac6c9911f3fcb231c39f7dd30e3138be94896d18e6"}, + {file = "pyzmq-26.2.0-cp311-cp311-win32.whl", hash = "sha256:eac5174677da084abf378739dbf4ad245661635f1600edd1221f150b165343f4"}, + {file = "pyzmq-26.2.0-cp311-cp311-win_amd64.whl", hash = "sha256:5a509df7d0a83a4b178d0f937ef14286659225ef4e8812e05580776c70e155d5"}, + {file = "pyzmq-26.2.0-cp311-cp311-win_arm64.whl", hash = "sha256:c0e6091b157d48cbe37bd67233318dbb53e1e6327d6fc3bb284afd585d141003"}, + {file = "pyzmq-26.2.0-cp312-cp312-macosx_10_15_universal2.whl", hash = "sha256:ded0fc7d90fe93ae0b18059930086c51e640cdd3baebdc783a695c77f123dcd9"}, + {file = "pyzmq-26.2.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:17bf5a931c7f6618023cdacc7081f3f266aecb68ca692adac015c383a134ca52"}, + {file = "pyzmq-26.2.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:55cf66647e49d4621a7e20c8d13511ef1fe1efbbccf670811864452487007e08"}, + {file = "pyzmq-26.2.0-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4661c88db4a9e0f958c8abc2b97472e23061f0bc737f6f6179d7a27024e1faa5"}, + {file = "pyzmq-26.2.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ea7f69de383cb47522c9c208aec6dd17697db7875a4674c4af3f8cfdac0bdeae"}, + {file = "pyzmq-26.2.0-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:7f98f6dfa8b8ccaf39163ce872bddacca38f6a67289116c8937a02e30bbe9711"}, + {file = "pyzmq-26.2.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:e3e0210287329272539eea617830a6a28161fbbd8a3271bf4150ae3e58c5d0e6"}, + {file = "pyzmq-26.2.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:6b274e0762c33c7471f1a7471d1a2085b1a35eba5cdc48d2ae319f28b6fc4de3"}, + {file = "pyzmq-26.2.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:29c6a4635eef69d68a00321e12a7d2559fe2dfccfa8efae3ffb8e91cd0b36a8b"}, + {file = "pyzmq-26.2.0-cp312-cp312-win32.whl", hash = "sha256:989d842dc06dc59feea09e58c74ca3e1678c812a4a8a2a419046d711031f69c7"}, + {file = "pyzmq-26.2.0-cp312-cp312-win_amd64.whl", hash = "sha256:2a50625acdc7801bc6f74698c5c583a491c61d73c6b7ea4dee3901bb99adb27a"}, + {file = "pyzmq-26.2.0-cp312-cp312-win_arm64.whl", hash = "sha256:4d29ab8592b6ad12ebbf92ac2ed2bedcfd1cec192d8e559e2e099f648570e19b"}, + {file = "pyzmq-26.2.0-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:706e794564bec25819d21a41c31d4df2d48e1cc4b061e8d345d7fb4dd3e94072"}, + {file = "pyzmq-26.2.0-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8b435f2753621cd36e7c1762156815e21c985c72b19135dac43a7f4f31d28dd1"}, + {file = "pyzmq-26.2.0-pp310-pypy310_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:160c7e0a5eb178011e72892f99f918c04a131f36056d10d9c1afb223fc952c2d"}, + {file = "pyzmq-26.2.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2c4a71d5d6e7b28a47a394c0471b7e77a0661e2d651e7ae91e0cab0a587859ca"}, + {file = "pyzmq-26.2.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:90412f2db8c02a3864cbfc67db0e3dcdbda336acf1c469526d3e869394fe001c"}, + {file = "pyzmq-26.2.0.tar.gz", hash = "sha256:070672c258581c8e4f640b5159297580a9974b026043bd4ab0470be9ed324f1f"}, ] [[package]] @@ -2212,99 +2093,79 @@ files = [ [[package]] name = "rich" -version = "13.7.1" +version = "13.8.0" requires_python = ">=3.7.0" summary = "Render rich text, tables, progress bars, syntax highlighting, markdown and more to the terminal" groups = ["dev"] dependencies = [ "markdown-it-py>=2.2.0", "pygments<3.0.0,>=2.13.0", + "typing-extensions<5.0,>=4.0.0; python_version < \"3.9\"", ] files = [ - {file = "rich-13.7.1-py3-none-any.whl", hash = "sha256:4edbae314f59eb482f54e9e30bf00d33350aaa94f4bfcd4e9e3110e64d0d7222"}, - {file = "rich-13.7.1.tar.gz", hash = "sha256:9be308cb1fe2f1f57d67ce99e95af38a1e2bc71ad9813b0e247cf7ffbcc3a432"}, + {file = "rich-13.8.0-py3-none-any.whl", hash = "sha256:2e85306a063b9492dffc86278197a60cbece75bcb766022f3436f567cae11bdc"}, + {file = "rich-13.8.0.tar.gz", hash = "sha256:a5ac1f1cd448ade0d59cc3356f7db7a7ccda2c8cbae9c7a90c28ff463d3e91f4"}, ] [[package]] name = "rpds-py" -version = "0.18.1" +version = "0.20.0" requires_python = ">=3.8" summary = "Python bindings to Rust's persistent data structures (rpds)" groups = ["dev"] files = [ - {file = "rpds_py-0.18.1-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:d31dea506d718693b6b2cffc0648a8929bdc51c70a311b2770f09611caa10d53"}, - {file = "rpds_py-0.18.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:732672fbc449bab754e0b15356c077cc31566df874964d4801ab14f71951ea80"}, - {file = "rpds_py-0.18.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4a98a1f0552b5f227a3d6422dbd61bc6f30db170939bd87ed14f3c339aa6c7c9"}, - {file = "rpds_py-0.18.1-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:7f1944ce16401aad1e3f7d312247b3d5de7981f634dc9dfe90da72b87d37887d"}, - {file = "rpds_py-0.18.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:38e14fb4e370885c4ecd734f093a2225ee52dc384b86fa55fe3f74638b2cfb09"}, - {file = "rpds_py-0.18.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:08d74b184f9ab6289b87b19fe6a6d1a97fbfea84b8a3e745e87a5de3029bf944"}, - {file = "rpds_py-0.18.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d70129cef4a8d979caa37e7fe957202e7eee8ea02c5e16455bc9808a59c6b2f0"}, - {file = "rpds_py-0.18.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:ce0bb20e3a11bd04461324a6a798af34d503f8d6f1aa3d2aa8901ceaf039176d"}, - {file = "rpds_py-0.18.1-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:81c5196a790032e0fc2464c0b4ab95f8610f96f1f2fa3d4deacce6a79852da60"}, - {file = "rpds_py-0.18.1-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:f3027be483868c99b4985fda802a57a67fdf30c5d9a50338d9db646d590198da"}, - {file = "rpds_py-0.18.1-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:d44607f98caa2961bab4fa3c4309724b185b464cdc3ba6f3d7340bac3ec97cc1"}, - {file = "rpds_py-0.18.1-cp310-none-win32.whl", hash = "sha256:c273e795e7a0f1fddd46e1e3cb8be15634c29ae8ff31c196debb620e1edb9333"}, - {file = "rpds_py-0.18.1-cp310-none-win_amd64.whl", hash = "sha256:8352f48d511de5f973e4f2f9412736d7dea76c69faa6d36bcf885b50c758ab9a"}, - {file = "rpds_py-0.18.1-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:6b5ff7e1d63a8281654b5e2896d7f08799378e594f09cf3674e832ecaf396ce8"}, - {file = "rpds_py-0.18.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:8927638a4d4137a289e41d0fd631551e89fa346d6dbcfc31ad627557d03ceb6d"}, - {file = "rpds_py-0.18.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:154bf5c93d79558b44e5b50cc354aa0459e518e83677791e6adb0b039b7aa6a7"}, - {file = "rpds_py-0.18.1-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:07f2139741e5deb2c5154a7b9629bc5aa48c766b643c1a6750d16f865a82c5fc"}, - {file = "rpds_py-0.18.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8c7672e9fba7425f79019db9945b16e308ed8bc89348c23d955c8c0540da0a07"}, - {file = "rpds_py-0.18.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:489bdfe1abd0406eba6b3bb4fdc87c7fa40f1031de073d0cfb744634cc8fa261"}, - {file = "rpds_py-0.18.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3c20f05e8e3d4fc76875fc9cb8cf24b90a63f5a1b4c5b9273f0e8225e169b100"}, - {file = "rpds_py-0.18.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:967342e045564cef76dfcf1edb700b1e20838d83b1aa02ab313e6a497cf923b8"}, - {file = "rpds_py-0.18.1-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:2cc7c1a47f3a63282ab0f422d90ddac4aa3034e39fc66a559ab93041e6505da7"}, - {file = "rpds_py-0.18.1-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:f7afbfee1157e0f9376c00bb232e80a60e59ed716e3211a80cb8506550671e6e"}, - {file = "rpds_py-0.18.1-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:9e6934d70dc50f9f8ea47081ceafdec09245fd9f6032669c3b45705dea096b88"}, - {file = "rpds_py-0.18.1-cp311-none-win32.whl", hash = "sha256:c69882964516dc143083d3795cb508e806b09fc3800fd0d4cddc1df6c36e76bb"}, - {file = "rpds_py-0.18.1-cp311-none-win_amd64.whl", hash = "sha256:70a838f7754483bcdc830444952fd89645569e7452e3226de4a613a4c1793fb2"}, - {file = "rpds_py-0.18.1-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:3dd3cd86e1db5aadd334e011eba4e29d37a104b403e8ca24dcd6703c68ca55b3"}, - {file = "rpds_py-0.18.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:05f3d615099bd9b13ecf2fc9cf2d839ad3f20239c678f461c753e93755d629ee"}, - {file = "rpds_py-0.18.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:35b2b771b13eee8729a5049c976197ff58a27a3829c018a04341bcf1ae409b2b"}, - {file = "rpds_py-0.18.1-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ee17cd26b97d537af8f33635ef38be873073d516fd425e80559f4585a7b90c43"}, - {file = "rpds_py-0.18.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b646bf655b135ccf4522ed43d6902af37d3f5dbcf0da66c769a2b3938b9d8184"}, - {file = "rpds_py-0.18.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:19ba472b9606c36716062c023afa2484d1e4220548751bda14f725a7de17b4f6"}, - {file = "rpds_py-0.18.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6e30ac5e329098903262dc5bdd7e2086e0256aa762cc8b744f9e7bf2a427d3f8"}, - {file = "rpds_py-0.18.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:d58ad6317d188c43750cb76e9deacf6051d0f884d87dc6518e0280438648a9ac"}, - {file = "rpds_py-0.18.1-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:e1735502458621921cee039c47318cb90b51d532c2766593be6207eec53e5c4c"}, - {file = "rpds_py-0.18.1-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:f5bab211605d91db0e2995a17b5c6ee5edec1270e46223e513eaa20da20076ac"}, - {file = "rpds_py-0.18.1-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:2fc24a329a717f9e2448f8cd1f960f9dac4e45b6224d60734edeb67499bab03a"}, - {file = "rpds_py-0.18.1-cp312-none-win32.whl", hash = "sha256:1805d5901779662d599d0e2e4159d8a82c0b05faa86ef9222bf974572286b2b6"}, - {file = "rpds_py-0.18.1-cp312-none-win_amd64.whl", hash = "sha256:720edcb916df872d80f80a1cc5ea9058300b97721efda8651efcd938a9c70a72"}, - {file = "rpds_py-0.18.1-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:cbfbea39ba64f5e53ae2915de36f130588bba71245b418060ec3330ebf85678e"}, - {file = "rpds_py-0.18.1-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:a3d456ff2a6a4d2adcdf3c1c960a36f4fd2fec6e3b4902a42a384d17cf4e7a65"}, - {file = "rpds_py-0.18.1-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7700936ef9d006b7ef605dc53aa364da2de5a3aa65516a1f3ce73bf82ecfc7ae"}, - {file = "rpds_py-0.18.1-pp310-pypy310_pp73-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:51584acc5916212e1bf45edd17f3a6b05fe0cbb40482d25e619f824dccb679de"}, - {file = "rpds_py-0.18.1-pp310-pypy310_pp73-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:942695a206a58d2575033ff1e42b12b2aece98d6003c6bc739fbf33d1773b12f"}, - {file = "rpds_py-0.18.1-pp310-pypy310_pp73-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b906b5f58892813e5ba5c6056d6a5ad08f358ba49f046d910ad992196ea61397"}, - {file = "rpds_py-0.18.1-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f6f8e3fecca256fefc91bb6765a693d96692459d7d4c644660a9fff32e517843"}, - {file = "rpds_py-0.18.1-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:7732770412bab81c5a9f6d20aeb60ae943a9b36dcd990d876a773526468e7163"}, - {file = "rpds_py-0.18.1-pp310-pypy310_pp73-musllinux_1_2_aarch64.whl", hash = "sha256:bd1105b50ede37461c1d51b9698c4f4be6e13e69a908ab7751e3807985fc0346"}, - {file = "rpds_py-0.18.1-pp310-pypy310_pp73-musllinux_1_2_i686.whl", hash = "sha256:618916f5535784960f3ecf8111581f4ad31d347c3de66d02e728de460a46303c"}, - {file = "rpds_py-0.18.1-pp310-pypy310_pp73-musllinux_1_2_x86_64.whl", hash = "sha256:17c6d2155e2423f7e79e3bb18151c686d40db42d8645e7977442170c360194d4"}, - {file = "rpds_py-0.18.1-pp38-pypy38_pp73-macosx_10_12_x86_64.whl", hash = "sha256:6c4c4c3f878df21faf5fac86eda32671c27889e13570645a9eea0a1abdd50922"}, - {file = "rpds_py-0.18.1-pp38-pypy38_pp73-macosx_11_0_arm64.whl", hash = "sha256:fab6ce90574645a0d6c58890e9bcaac8d94dff54fb51c69e5522a7358b80ab64"}, - {file = "rpds_py-0.18.1-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:531796fb842b53f2695e94dc338929e9f9dbf473b64710c28af5a160b2a8927d"}, - {file = "rpds_py-0.18.1-pp38-pypy38_pp73-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:740884bc62a5e2bbb31e584f5d23b32320fd75d79f916f15a788d527a5e83644"}, - {file = "rpds_py-0.18.1-pp38-pypy38_pp73-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:998125738de0158f088aef3cb264a34251908dd2e5d9966774fdab7402edfab7"}, - {file = "rpds_py-0.18.1-pp38-pypy38_pp73-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e2be6e9dd4111d5b31ba3b74d17da54a8319d8168890fbaea4b9e5c3de630ae5"}, - {file = "rpds_py-0.18.1-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d0cee71bc618cd93716f3c1bf56653740d2d13ddbd47673efa8bf41435a60daa"}, - {file = "rpds_py-0.18.1-pp38-pypy38_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:2c3caec4ec5cd1d18e5dd6ae5194d24ed12785212a90b37f5f7f06b8bedd7139"}, - {file = "rpds_py-0.18.1-pp38-pypy38_pp73-musllinux_1_2_aarch64.whl", hash = "sha256:27bba383e8c5231cd559affe169ca0b96ec78d39909ffd817f28b166d7ddd4d8"}, - {file = "rpds_py-0.18.1-pp38-pypy38_pp73-musllinux_1_2_i686.whl", hash = "sha256:a888e8bdb45916234b99da2d859566f1e8a1d2275a801bb8e4a9644e3c7e7909"}, - {file = "rpds_py-0.18.1-pp38-pypy38_pp73-musllinux_1_2_x86_64.whl", hash = "sha256:6031b25fb1b06327b43d841f33842b383beba399884f8228a6bb3df3088485ff"}, - {file = "rpds_py-0.18.1-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:48c2faaa8adfacefcbfdb5f2e2e7bdad081e5ace8d182e5f4ade971f128e6bb3"}, - {file = "rpds_py-0.18.1-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:d85164315bd68c0806768dc6bb0429c6f95c354f87485ee3593c4f6b14def2bd"}, - {file = "rpds_py-0.18.1-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6afd80f6c79893cfc0574956f78a0add8c76e3696f2d6a15bca2c66c415cf2d4"}, - {file = "rpds_py-0.18.1-pp39-pypy39_pp73-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:fa242ac1ff583e4ec7771141606aafc92b361cd90a05c30d93e343a0c2d82a89"}, - {file = "rpds_py-0.18.1-pp39-pypy39_pp73-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d21be4770ff4e08698e1e8e0bce06edb6ea0626e7c8f560bc08222880aca6a6f"}, - {file = "rpds_py-0.18.1-pp39-pypy39_pp73-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5c45a639e93a0c5d4b788b2613bd637468edd62f8f95ebc6fcc303d58ab3f0a8"}, - {file = "rpds_py-0.18.1-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:910e71711d1055b2768181efa0a17537b2622afeb0424116619817007f8a2b10"}, - {file = "rpds_py-0.18.1-pp39-pypy39_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:b9bb1f182a97880f6078283b3505a707057c42bf55d8fca604f70dedfdc0772a"}, - {file = "rpds_py-0.18.1-pp39-pypy39_pp73-musllinux_1_2_aarch64.whl", hash = "sha256:1d54f74f40b1f7aaa595a02ff42ef38ca654b1469bef7d52867da474243cc633"}, - {file = "rpds_py-0.18.1-pp39-pypy39_pp73-musllinux_1_2_i686.whl", hash = "sha256:8d2e182c9ee01135e11e9676e9a62dfad791a7a467738f06726872374a83db49"}, - {file = "rpds_py-0.18.1-pp39-pypy39_pp73-musllinux_1_2_x86_64.whl", hash = "sha256:636a15acc588f70fda1661234761f9ed9ad79ebed3f2125d44be0862708b666e"}, - {file = "rpds_py-0.18.1.tar.gz", hash = "sha256:dc48b479d540770c811fbd1eb9ba2bb66951863e448efec2e2c102625328e92f"}, + {file = "rpds_py-0.20.0-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:3ad0fda1635f8439cde85c700f964b23ed5fc2d28016b32b9ee5fe30da5c84e2"}, + {file = "rpds_py-0.20.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:9bb4a0d90fdb03437c109a17eade42dfbf6190408f29b2744114d11586611d6f"}, + {file = "rpds_py-0.20.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c6377e647bbfd0a0b159fe557f2c6c602c159fc752fa316572f012fc0bf67150"}, + {file = "rpds_py-0.20.0-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:eb851b7df9dda52dc1415ebee12362047ce771fc36914586b2e9fcbd7d293b3e"}, + {file = "rpds_py-0.20.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1e0f80b739e5a8f54837be5d5c924483996b603d5502bfff79bf33da06164ee2"}, + {file = "rpds_py-0.20.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5a8c94dad2e45324fc74dce25e1645d4d14df9a4e54a30fa0ae8bad9a63928e3"}, + {file = "rpds_py-0.20.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f8e604fe73ba048c06085beaf51147eaec7df856824bfe7b98657cf436623daf"}, + {file = "rpds_py-0.20.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:df3de6b7726b52966edf29663e57306b23ef775faf0ac01a3e9f4012a24a4140"}, + {file = "rpds_py-0.20.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:cf258ede5bc22a45c8e726b29835b9303c285ab46fc7c3a4cc770736b5304c9f"}, + {file = "rpds_py-0.20.0-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:55fea87029cded5df854ca7e192ec7bdb7ecd1d9a3f63d5c4eb09148acf4a7ce"}, + {file = "rpds_py-0.20.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:ae94bd0b2f02c28e199e9bc51485d0c5601f58780636185660f86bf80c89af94"}, + {file = "rpds_py-0.20.0-cp310-none-win32.whl", hash = "sha256:28527c685f237c05445efec62426d285e47a58fb05ba0090a4340b73ecda6dee"}, + {file = "rpds_py-0.20.0-cp310-none-win_amd64.whl", hash = "sha256:238a2d5b1cad28cdc6ed15faf93a998336eb041c4e440dd7f902528b8891b399"}, + {file = "rpds_py-0.20.0-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:ac2f4f7a98934c2ed6505aead07b979e6f999389f16b714448fb39bbaa86a489"}, + {file = "rpds_py-0.20.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:220002c1b846db9afd83371d08d239fdc865e8f8c5795bbaec20916a76db3318"}, + {file = "rpds_py-0.20.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8d7919548df3f25374a1f5d01fbcd38dacab338ef5f33e044744b5c36729c8db"}, + {file = "rpds_py-0.20.0-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:758406267907b3781beee0f0edfe4a179fbd97c0be2e9b1154d7f0a1279cf8e5"}, + {file = "rpds_py-0.20.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:3d61339e9f84a3f0767b1995adfb171a0d00a1185192718a17af6e124728e0f5"}, + {file = "rpds_py-0.20.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1259c7b3705ac0a0bd38197565a5d603218591d3f6cee6e614e380b6ba61c6f6"}, + {file = "rpds_py-0.20.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5c1dc0f53856b9cc9a0ccca0a7cc61d3d20a7088201c0937f3f4048c1718a209"}, + {file = "rpds_py-0.20.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:7e60cb630f674a31f0368ed32b2a6b4331b8350d67de53c0359992444b116dd3"}, + {file = "rpds_py-0.20.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:dbe982f38565bb50cb7fb061ebf762c2f254ca3d8c20d4006878766e84266272"}, + {file = "rpds_py-0.20.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:514b3293b64187172bc77c8fb0cdae26981618021053b30d8371c3a902d4d5ad"}, + {file = "rpds_py-0.20.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:d0a26ffe9d4dd35e4dfdd1e71f46401cff0181c75ac174711ccff0459135fa58"}, + {file = "rpds_py-0.20.0-cp311-none-win32.whl", hash = "sha256:89c19a494bf3ad08c1da49445cc5d13d8fefc265f48ee7e7556839acdacf69d0"}, + {file = "rpds_py-0.20.0-cp311-none-win_amd64.whl", hash = "sha256:c638144ce971df84650d3ed0096e2ae7af8e62ecbbb7b201c8935c370df00a2c"}, + {file = "rpds_py-0.20.0-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:a84ab91cbe7aab97f7446652d0ed37d35b68a465aeef8fc41932a9d7eee2c1a6"}, + {file = "rpds_py-0.20.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:56e27147a5a4c2c21633ff8475d185734c0e4befd1c989b5b95a5d0db699b21b"}, + {file = "rpds_py-0.20.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2580b0c34583b85efec8c5c5ec9edf2dfe817330cc882ee972ae650e7b5ef739"}, + {file = "rpds_py-0.20.0-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:b80d4a7900cf6b66bb9cee5c352b2d708e29e5a37fe9bf784fa97fc11504bf6c"}, + {file = "rpds_py-0.20.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:50eccbf054e62a7b2209b28dc7a22d6254860209d6753e6b78cfaeb0075d7bee"}, + {file = "rpds_py-0.20.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:49a8063ea4296b3a7e81a5dfb8f7b2d73f0b1c20c2af401fb0cdf22e14711a96"}, + {file = "rpds_py-0.20.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ea438162a9fcbee3ecf36c23e6c68237479f89f962f82dae83dc15feeceb37e4"}, + {file = "rpds_py-0.20.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:18d7585c463087bddcfa74c2ba267339f14f2515158ac4db30b1f9cbdb62c8ef"}, + {file = "rpds_py-0.20.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:d4c7d1a051eeb39f5c9547e82ea27cbcc28338482242e3e0b7768033cb083821"}, + {file = "rpds_py-0.20.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:e4df1e3b3bec320790f699890d41c59d250f6beda159ea3c44c3f5bac1976940"}, + {file = "rpds_py-0.20.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:2cf126d33a91ee6eedc7f3197b53e87a2acdac63602c0f03a02dd69e4b138174"}, + {file = "rpds_py-0.20.0-cp312-none-win32.whl", hash = "sha256:8bc7690f7caee50b04a79bf017a8d020c1f48c2a1077ffe172abec59870f1139"}, + {file = "rpds_py-0.20.0-cp312-none-win_amd64.whl", hash = "sha256:0e13e6952ef264c40587d510ad676a988df19adea20444c2b295e536457bc585"}, + {file = "rpds_py-0.20.0-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:617c7357272c67696fd052811e352ac54ed1d9b49ab370261a80d3b6ce385045"}, + {file = "rpds_py-0.20.0-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:9426133526f69fcaba6e42146b4e12d6bc6c839b8b555097020e2b78ce908dcc"}, + {file = "rpds_py-0.20.0-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:deb62214c42a261cb3eb04d474f7155279c1a8a8c30ac89b7dcb1721d92c3c02"}, + {file = "rpds_py-0.20.0-pp310-pypy310_pp73-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:fcaeb7b57f1a1e071ebd748984359fef83ecb026325b9d4ca847c95bc7311c92"}, + {file = "rpds_py-0.20.0-pp310-pypy310_pp73-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d454b8749b4bd70dd0a79f428731ee263fa6995f83ccb8bada706e8d1d3ff89d"}, + {file = "rpds_py-0.20.0-pp310-pypy310_pp73-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d807dc2051abe041b6649681dce568f8e10668e3c1c6543ebae58f2d7e617855"}, + {file = "rpds_py-0.20.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c3c20f0ddeb6e29126d45f89206b8291352b8c5b44384e78a6499d68b52ae511"}, + {file = "rpds_py-0.20.0-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:b7f19250ceef892adf27f0399b9e5afad019288e9be756d6919cb58892129f51"}, + {file = "rpds_py-0.20.0-pp310-pypy310_pp73-musllinux_1_2_aarch64.whl", hash = "sha256:4f1ed4749a08379555cebf4650453f14452eaa9c43d0a95c49db50c18b7da075"}, + {file = "rpds_py-0.20.0-pp310-pypy310_pp73-musllinux_1_2_i686.whl", hash = "sha256:dcedf0b42bcb4cfff4101d7771a10532415a6106062f005ab97d1d0ab5681c60"}, + {file = "rpds_py-0.20.0-pp310-pypy310_pp73-musllinux_1_2_x86_64.whl", hash = "sha256:39ed0d010457a78f54090fafb5d108501b5aa5604cc22408fc1c0c77eac14344"}, + {file = "rpds_py-0.20.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:bb273176be34a746bdac0b0d7e4e2c467323d13640b736c4c477881a3220a989"}, + {file = "rpds_py-0.20.0.tar.gz", hash = "sha256:d72a210824facfdaf8768cf2d7ca25a042c30320b3020de2fa04640920d4e121"}, ] [[package]] @@ -2358,40 +2219,40 @@ files = [ [[package]] name = "ruff" -version = "0.5.0" +version = "0.6.2" requires_python = ">=3.7" summary = "An extremely fast Python linter and code formatter, written in Rust." groups = ["dev"] files = [ - {file = "ruff-0.5.0-py3-none-linux_armv6l.whl", hash = "sha256:ee770ea8ab38918f34e7560a597cc0a8c9a193aaa01bfbd879ef43cb06bd9c4c"}, - {file = "ruff-0.5.0-py3-none-macosx_10_12_x86_64.whl", hash = "sha256:38f3b8327b3cb43474559d435f5fa65dacf723351c159ed0dc567f7ab735d1b6"}, - {file = "ruff-0.5.0-py3-none-macosx_11_0_arm64.whl", hash = "sha256:7594f8df5404a5c5c8f64b8311169879f6cf42142da644c7e0ba3c3f14130370"}, - {file = "ruff-0.5.0-py3-none-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:adc7012d6ec85032bc4e9065110df205752d64010bed5f958d25dbee9ce35de3"}, - {file = "ruff-0.5.0-py3-none-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:d505fb93b0fabef974b168d9b27c3960714d2ecda24b6ffa6a87ac432905ea38"}, - {file = "ruff-0.5.0-py3-none-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9dc5cfd3558f14513ed0d5b70ce531e28ea81a8a3b1b07f0f48421a3d9e7d80a"}, - {file = "ruff-0.5.0-py3-none-manylinux_2_17_ppc64.manylinux2014_ppc64.whl", hash = "sha256:db3ca35265de239a1176d56a464b51557fce41095c37d6c406e658cf80bbb362"}, - {file = "ruff-0.5.0-py3-none-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b1a321c4f68809fddd9b282fab6a8d8db796b270fff44722589a8b946925a2a8"}, - {file = "ruff-0.5.0-py3-none-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2c4dfcd8d34b143916994b3876b63d53f56724c03f8c1a33a253b7b1e6bf2a7d"}, - {file = "ruff-0.5.0-py3-none-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:81e5facfc9f4a674c6a78c64d38becfbd5e4f739c31fcd9ce44c849f1fad9e4c"}, - {file = "ruff-0.5.0-py3-none-musllinux_1_2_aarch64.whl", hash = "sha256:e589e27971c2a3efff3fadafb16e5aef7ff93250f0134ec4b52052b673cf988d"}, - {file = "ruff-0.5.0-py3-none-musllinux_1_2_armv7l.whl", hash = "sha256:d2ffbc3715a52b037bcb0f6ff524a9367f642cdc5817944f6af5479bbb2eb50e"}, - {file = "ruff-0.5.0-py3-none-musllinux_1_2_i686.whl", hash = "sha256:cd096e23c6a4f9c819525a437fa0a99d1c67a1b6bb30948d46f33afbc53596cf"}, - {file = "ruff-0.5.0-py3-none-musllinux_1_2_x86_64.whl", hash = "sha256:46e193b36f2255729ad34a49c9a997d506e58f08555366b2108783b3064a0e1e"}, - {file = "ruff-0.5.0-py3-none-win32.whl", hash = "sha256:49141d267100f5ceff541b4e06552e98527870eafa1acc9dec9139c9ec5af64c"}, - {file = "ruff-0.5.0-py3-none-win_amd64.whl", hash = "sha256:e9118f60091047444c1b90952736ee7b1792910cab56e9b9a9ac20af94cd0440"}, - {file = "ruff-0.5.0-py3-none-win_arm64.whl", hash = "sha256:ed5c4df5c1fb4518abcb57725b576659542bdbe93366f4f329e8f398c4b71178"}, - {file = "ruff-0.5.0.tar.gz", hash = "sha256:eb641b5873492cf9bd45bc9c5ae5320648218e04386a5f0c264ad6ccce8226a1"}, + {file = "ruff-0.6.2-py3-none-linux_armv6l.whl", hash = "sha256:5c8cbc6252deb3ea840ad6a20b0f8583caab0c5ef4f9cca21adc5a92b8f79f3c"}, + {file = "ruff-0.6.2-py3-none-macosx_10_12_x86_64.whl", hash = "sha256:17002fe241e76544448a8e1e6118abecbe8cd10cf68fde635dad480dba594570"}, + {file = "ruff-0.6.2-py3-none-macosx_11_0_arm64.whl", hash = "sha256:3dbeac76ed13456f8158b8f4fe087bf87882e645c8e8b606dd17b0b66c2c1158"}, + {file = "ruff-0.6.2-py3-none-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:094600ee88cda325988d3f54e3588c46de5c18dae09d683ace278b11f9d4d534"}, + {file = "ruff-0.6.2-py3-none-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:316d418fe258c036ba05fbf7dfc1f7d3d4096db63431546163b472285668132b"}, + {file = "ruff-0.6.2-py3-none-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d72b8b3abf8a2d51b7b9944a41307d2f442558ccb3859bbd87e6ae9be1694a5d"}, + {file = "ruff-0.6.2-py3-none-manylinux_2_17_ppc64.manylinux2014_ppc64.whl", hash = "sha256:2aed7e243be68487aa8982e91c6e260982d00da3f38955873aecd5a9204b1d66"}, + {file = "ruff-0.6.2-py3-none-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d371f7fc9cec83497fe7cf5eaf5b76e22a8efce463de5f775a1826197feb9df8"}, + {file = "ruff-0.6.2-py3-none-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a8f310d63af08f583363dfb844ba8f9417b558199c58a5999215082036d795a1"}, + {file = "ruff-0.6.2-py3-none-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7db6880c53c56addb8638fe444818183385ec85eeada1d48fc5abe045301b2f1"}, + {file = "ruff-0.6.2-py3-none-musllinux_1_2_aarch64.whl", hash = "sha256:1175d39faadd9a50718f478d23bfc1d4da5743f1ab56af81a2b6caf0a2394f23"}, + {file = "ruff-0.6.2-py3-none-musllinux_1_2_armv7l.whl", hash = "sha256:5b939f9c86d51635fe486585389f54582f0d65b8238e08c327c1534844b3bb9a"}, + {file = "ruff-0.6.2-py3-none-musllinux_1_2_i686.whl", hash = "sha256:d0d62ca91219f906caf9b187dea50d17353f15ec9bb15aae4a606cd697b49b4c"}, + {file = "ruff-0.6.2-py3-none-musllinux_1_2_x86_64.whl", hash = "sha256:7438a7288f9d67ed3c8ce4d059e67f7ed65e9fe3aa2ab6f5b4b3610e57e3cb56"}, + {file = "ruff-0.6.2-py3-none-win32.whl", hash = "sha256:279d5f7d86696df5f9549b56b9b6a7f6c72961b619022b5b7999b15db392a4da"}, + {file = "ruff-0.6.2-py3-none-win_amd64.whl", hash = "sha256:d9f3469c7dd43cd22eb1c3fc16926fb8258d50cb1b216658a07be95dd117b0f2"}, + {file = "ruff-0.6.2-py3-none-win_arm64.whl", hash = "sha256:f28fcd2cd0e02bdf739297516d5643a945cc7caf09bd9bcb4d932540a5ea4fa9"}, + {file = "ruff-0.6.2.tar.gz", hash = "sha256:239ee6beb9e91feb8e0ec384204a763f36cb53fb895a1a364618c6abb076b3be"}, ] [[package]] name = "setuptools" -version = "70.2.0" +version = "74.0.0" requires_python = ">=3.8" summary = "Easily download, build, install, upgrade, and uninstall Python packages" groups = ["dev"] files = [ - {file = "setuptools-70.2.0-py3-none-any.whl", hash = "sha256:b8b8060bb426838fbe942479c90296ce976249451118ef566a5a0b7d8b78fb05"}, - {file = "setuptools-70.2.0.tar.gz", hash = "sha256:bd63e505105011b25c3c11f753f7e3b8465ea739efddaccef8f0efac2137bac1"}, + {file = "setuptools-74.0.0-py3-none-any.whl", hash = "sha256:0274581a0037b638b9fc1c6883cc71c0210865aaa76073f7882376b641b84e8f"}, + {file = "setuptools-74.0.0.tar.gz", hash = "sha256:a85e96b8be2b906f3e3e789adec6a9323abf79758ecfa3065bd740d81158b11e"}, ] [[package]] @@ -2451,13 +2312,13 @@ files = [ [[package]] name = "soupsieve" -version = "2.5" +version = "2.6" requires_python = ">=3.8" summary = "A modern CSS selector implementation for Beautiful Soup." groups = ["dev"] files = [ - {file = "soupsieve-2.5-py3-none-any.whl", hash = "sha256:eaa337ff55a1579b6549dc679565eac1e3d000563bcb1c8ab0d0fefbc0c2cdc7"}, - {file = "soupsieve-2.5.tar.gz", hash = "sha256:5663d5a7b3bfaeee0bc4372e7fc48f9cff4940b3eec54a6451cc5299f1097690"}, + {file = "soupsieve-2.6-py3-none-any.whl", hash = "sha256:e72c4ff06e4fb6e4b5a9f0f55fe6e81514581fca1515028625d0f299c602ccc9"}, + {file = "soupsieve-2.6.tar.gz", hash = "sha256:e2e68417777af359ec65daac1057404a3c8a5455bb8abc36f1a9866ab1a51abb"}, ] [[package]] @@ -2492,21 +2353,22 @@ files = [ [[package]] name = "sphinx" -version = "7.3.7" +version = "7.4.7" requires_python = ">=3.9" summary = "Python documentation generator" groups = ["dev"] dependencies = [ - "Jinja2>=3.0", - "Pygments>=2.14", + "Jinja2>=3.1", + "Pygments>=2.17", "alabaster~=0.7.14", - "babel>=2.9", - "colorama>=0.4.5; sys_platform == \"win32\"", - "docutils<0.22,>=0.18.1", + "babel>=2.13", + "colorama>=0.4.6; sys_platform == \"win32\"", + "docutils<0.22,>=0.20", "imagesize>=1.3", - "packaging>=21.0", - "requests>=2.25.0", - "snowballstemmer>=2.0", + "importlib-metadata>=6.0; python_version < \"3.10\"", + "packaging>=23.0", + "requests>=2.30.0", + "snowballstemmer>=2.2", "sphinxcontrib-applehelp", "sphinxcontrib-devhelp", "sphinxcontrib-htmlhelp>=2.0.0", @@ -2516,8 +2378,8 @@ dependencies = [ "tomli>=2; python_version < \"3.11\"", ] files = [ - {file = "sphinx-7.3.7-py3-none-any.whl", hash = "sha256:413f75440be4cacf328f580b4274ada4565fb2187d696a84970c23f77b64d8c3"}, - {file = "sphinx-7.3.7.tar.gz", hash = "sha256:a4a7db75ed37531c05002d56ed6948d4c42f473a36f46e1382b0bd76ca9627bc"}, + {file = "sphinx-7.4.7-py3-none-any.whl", hash = "sha256:c2419e2135d11f1951cd994d6eb18a1835bd8fdd8429f9ca375dc1f3281bd239"}, + {file = "sphinx-7.4.7.tar.gz", hash = "sha256:242f92a7ea7e6c5b406fdc2615413890ba9f699114a9c09192d7dfead2ee9cfe"}, ] [[package]] @@ -2555,16 +2417,32 @@ files = [ [[package]] name = "sphinx-design" -version = "0.6.0" +version = "0.6.1" requires_python = ">=3.9" summary = "A sphinx extension for designing beautiful, view size responsive web components." groups = ["dev"] dependencies = [ - "sphinx<8,>=5", + "sphinx<9,>=6", ] files = [ - {file = "sphinx_design-0.6.0-py3-none-any.whl", hash = "sha256:e9bd07eecec82eb07ff72cb50fc3624e186b04f5661270bc7b62db86c7546e95"}, - {file = "sphinx_design-0.6.0.tar.gz", hash = "sha256:ec8e3c5c59fed4049b3a5a2e209360feab31829346b5f6a0c7c342b894082192"}, + {file = "sphinx_design-0.6.1-py3-none-any.whl", hash = "sha256:b11f37db1a802a183d61b159d9a202314d4d2fe29c163437001324fe2f19549c"}, + {file = "sphinx_design-0.6.1.tar.gz", hash = "sha256:b44eea3719386d04d765c1a8257caca2b3e6f8421d7b3a5e742c0fd45f84e632"}, +] + +[[package]] +name = "sphinx-jinja" +version = "2.0.2" +requires_python = ">=3.6,<4" +summary = "includes jinja templates in a documentation" +groups = ["dev"] +dependencies = [ + "Jinja2>=2.11", + "docutils>=0.16", + "sphinx>4.2.0", +] +files = [ + {file = "sphinx-jinja-2.0.2.tar.gz", hash = "sha256:c6232b59a894139770be1dc6d0b00a379e4288ce78157904e1f8473dea3e0718"}, + {file = "sphinx_jinja-2.0.2-py3-none-any.whl", hash = "sha256:705ebeb9b7a6018ca3f93724315a7c1effa6ba3db44d630e7eaaa15e4ac081a8"}, ] [[package]] @@ -2585,35 +2463,35 @@ files = [ [[package]] name = "sphinxcontrib-applehelp" -version = "1.0.8" +version = "2.0.0" requires_python = ">=3.9" summary = "sphinxcontrib-applehelp is a Sphinx extension which outputs Apple help books" groups = ["dev"] files = [ - {file = "sphinxcontrib_applehelp-1.0.8-py3-none-any.whl", hash = "sha256:cb61eb0ec1b61f349e5cc36b2028e9e7ca765be05e49641c97241274753067b4"}, - {file = "sphinxcontrib_applehelp-1.0.8.tar.gz", hash = "sha256:c40a4f96f3776c4393d933412053962fac2b84f4c99a7982ba42e09576a70619"}, + {file = "sphinxcontrib_applehelp-2.0.0-py3-none-any.whl", hash = "sha256:4cd3f0ec4ac5dd9c17ec65e9ab272c9b867ea77425228e68ecf08d6b28ddbdb5"}, + {file = "sphinxcontrib_applehelp-2.0.0.tar.gz", hash = "sha256:2f29ef331735ce958efa4734873f084941970894c6090408b079c61b2e1c06d1"}, ] [[package]] name = "sphinxcontrib-devhelp" -version = "1.0.6" +version = "2.0.0" requires_python = ">=3.9" summary = "sphinxcontrib-devhelp is a sphinx extension which outputs Devhelp documents" groups = ["dev"] files = [ - {file = "sphinxcontrib_devhelp-1.0.6-py3-none-any.whl", hash = "sha256:6485d09629944511c893fa11355bda18b742b83a2b181f9a009f7e500595c90f"}, - {file = "sphinxcontrib_devhelp-1.0.6.tar.gz", hash = "sha256:9893fd3f90506bc4b97bdb977ceb8fbd823989f4316b28c3841ec128544372d3"}, + {file = "sphinxcontrib_devhelp-2.0.0-py3-none-any.whl", hash = "sha256:aefb8b83854e4b0998877524d1029fd3e6879210422ee3780459e28a1f03a8a2"}, + {file = "sphinxcontrib_devhelp-2.0.0.tar.gz", hash = "sha256:411f5d96d445d1d73bb5d52133377b4248ec79db5c793ce7dbe59e074b4dd1ad"}, ] [[package]] name = "sphinxcontrib-htmlhelp" -version = "2.0.5" +version = "2.1.0" requires_python = ">=3.9" summary = "sphinxcontrib-htmlhelp is a sphinx extension which renders HTML help files" groups = ["dev"] files = [ - {file = "sphinxcontrib_htmlhelp-2.0.5-py3-none-any.whl", hash = "sha256:393f04f112b4d2f53d93448d4bce35842f62b307ccdc549ec1585e950bc35e04"}, - {file = "sphinxcontrib_htmlhelp-2.0.5.tar.gz", hash = "sha256:0dc87637d5de53dd5eec3a6a01753b1ccf99494bd756aafecd74b4fa9e729015"}, + {file = "sphinxcontrib_htmlhelp-2.1.0-py3-none-any.whl", hash = "sha256:166759820b47002d22914d64a075ce08f4c46818e17cfc9470a9786b759b19f8"}, + {file = "sphinxcontrib_htmlhelp-2.1.0.tar.gz", hash = "sha256:c9e2916ace8aad64cc13a0d233ee22317f2b9025b9cf3295249fa985cc7082e9"}, ] [[package]] @@ -2629,63 +2507,64 @@ files = [ [[package]] name = "sphinxcontrib-qthelp" -version = "1.0.7" +version = "2.0.0" requires_python = ">=3.9" summary = "sphinxcontrib-qthelp is a sphinx extension which outputs QtHelp documents" groups = ["dev"] files = [ - {file = "sphinxcontrib_qthelp-1.0.7-py3-none-any.whl", hash = "sha256:e2ae3b5c492d58fcbd73281fbd27e34b8393ec34a073c792642cd8e529288182"}, - {file = "sphinxcontrib_qthelp-1.0.7.tar.gz", hash = "sha256:053dedc38823a80a7209a80860b16b722e9e0209e32fea98c90e4e6624588ed6"}, + {file = "sphinxcontrib_qthelp-2.0.0-py3-none-any.whl", hash = "sha256:b18a828cdba941ccd6ee8445dbe72ffa3ef8cbe7505d8cd1fa0d42d3f2d5f3eb"}, + {file = "sphinxcontrib_qthelp-2.0.0.tar.gz", hash = "sha256:4fe7d0ac8fc171045be623aba3e2a8f613f8682731f9153bb2e40ece16b9bbab"}, ] [[package]] name = "sphinxcontrib-serializinghtml" -version = "1.1.10" +version = "2.0.0" requires_python = ">=3.9" summary = "sphinxcontrib-serializinghtml is a sphinx extension which outputs \"serialized\" HTML files (json and pickle)" groups = ["dev"] files = [ - {file = "sphinxcontrib_serializinghtml-1.1.10-py3-none-any.whl", hash = "sha256:326369b8df80a7d2d8d7f99aa5ac577f51ea51556ed974e7716cfd4fca3f6cb7"}, - {file = "sphinxcontrib_serializinghtml-1.1.10.tar.gz", hash = "sha256:93f3f5dc458b91b192fe10c397e324f262cf163d79f3282c158e8436a2c4511f"}, + {file = "sphinxcontrib_serializinghtml-2.0.0-py3-none-any.whl", hash = "sha256:6e2cb0eef194e10c27ec0023bfeb25badbbb5868244cf5bc5bdc04e4464bf331"}, + {file = "sphinxcontrib_serializinghtml-2.0.0.tar.gz", hash = "sha256:e9d912827f872c029017a53f0ef2180b327c3f7fd23c87229f7a8e8b70031d4d"}, ] [[package]] name = "sqlalchemy" -version = "2.0.31" +version = "2.0.32" requires_python = ">=3.7" summary = "Database Abstraction Library" groups = ["dev"] dependencies = [ "greenlet!=0.4.17; (platform_machine == \"win32\" or platform_machine == \"WIN32\" or platform_machine == \"AMD64\" or platform_machine == \"amd64\" or platform_machine == \"x86_64\" or platform_machine == \"ppc64le\" or platform_machine == \"aarch64\") and python_version < \"3.13\"", + "importlib-metadata; python_version < \"3.8\"", "typing-extensions>=4.6.0", ] files = [ - {file = "SQLAlchemy-2.0.31-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:f2a213c1b699d3f5768a7272de720387ae0122f1becf0901ed6eaa1abd1baf6c"}, - {file = "SQLAlchemy-2.0.31-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:9fea3d0884e82d1e33226935dac990b967bef21315cbcc894605db3441347443"}, - {file = "SQLAlchemy-2.0.31-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f3ad7f221d8a69d32d197e5968d798217a4feebe30144986af71ada8c548e9fa"}, - {file = "SQLAlchemy-2.0.31-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9f2bee229715b6366f86a95d497c347c22ddffa2c7c96143b59a2aa5cc9eebbc"}, - {file = "SQLAlchemy-2.0.31-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:cd5b94d4819c0c89280b7c6109c7b788a576084bf0a480ae17c227b0bc41e109"}, - {file = "SQLAlchemy-2.0.31-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:750900a471d39a7eeba57580b11983030517a1f512c2cb287d5ad0fcf3aebd58"}, - {file = "SQLAlchemy-2.0.31-cp310-cp310-win32.whl", hash = "sha256:7bd112be780928c7f493c1a192cd8c5fc2a2a7b52b790bc5a84203fb4381c6be"}, - {file = "SQLAlchemy-2.0.31-cp310-cp310-win_amd64.whl", hash = "sha256:5a48ac4d359f058474fadc2115f78a5cdac9988d4f99eae44917f36aa1476327"}, - {file = "SQLAlchemy-2.0.31-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:f68470edd70c3ac3b6cd5c2a22a8daf18415203ca1b036aaeb9b0fb6f54e8298"}, - {file = "SQLAlchemy-2.0.31-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:2e2c38c2a4c5c634fe6c3c58a789712719fa1bf9b9d6ff5ebfce9a9e5b89c1ca"}, - {file = "SQLAlchemy-2.0.31-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bd15026f77420eb2b324dcb93551ad9c5f22fab2c150c286ef1dc1160f110203"}, - {file = "SQLAlchemy-2.0.31-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2196208432deebdfe3b22185d46b08f00ac9d7b01284e168c212919891289396"}, - {file = "SQLAlchemy-2.0.31-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:352b2770097f41bff6029b280c0e03b217c2dcaddc40726f8f53ed58d8a85da4"}, - {file = "SQLAlchemy-2.0.31-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:56d51ae825d20d604583f82c9527d285e9e6d14f9a5516463d9705dab20c3740"}, - {file = "SQLAlchemy-2.0.31-cp311-cp311-win32.whl", hash = "sha256:6e2622844551945db81c26a02f27d94145b561f9d4b0c39ce7bfd2fda5776dac"}, - {file = "SQLAlchemy-2.0.31-cp311-cp311-win_amd64.whl", hash = "sha256:ccaf1b0c90435b6e430f5dd30a5aede4764942a695552eb3a4ab74ed63c5b8d3"}, - {file = "SQLAlchemy-2.0.31-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:3b74570d99126992d4b0f91fb87c586a574a5872651185de8297c6f90055ae42"}, - {file = "SQLAlchemy-2.0.31-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:6f77c4f042ad493cb8595e2f503c7a4fe44cd7bd59c7582fd6d78d7e7b8ec52c"}, - {file = "SQLAlchemy-2.0.31-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cd1591329333daf94467e699e11015d9c944f44c94d2091f4ac493ced0119449"}, - {file = "SQLAlchemy-2.0.31-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:74afabeeff415e35525bf7a4ecdab015f00e06456166a2eba7590e49f8db940e"}, - {file = "SQLAlchemy-2.0.31-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:b9c01990d9015df2c6f818aa8f4297d42ee71c9502026bb074e713d496e26b67"}, - {file = "SQLAlchemy-2.0.31-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:66f63278db425838b3c2b1c596654b31939427016ba030e951b292e32b99553e"}, - {file = "SQLAlchemy-2.0.31-cp312-cp312-win32.whl", hash = "sha256:0b0f658414ee4e4b8cbcd4a9bb0fd743c5eeb81fc858ca517217a8013d282c96"}, - {file = "SQLAlchemy-2.0.31-cp312-cp312-win_amd64.whl", hash = "sha256:fa4b1af3e619b5b0b435e333f3967612db06351217c58bfb50cee5f003db2a5a"}, - {file = "SQLAlchemy-2.0.31-py3-none-any.whl", hash = "sha256:69f3e3c08867a8e4856e92d7afb618b95cdee18e0bc1647b77599722c9a28911"}, - {file = "SQLAlchemy-2.0.31.tar.gz", hash = "sha256:b607489dd4a54de56984a0c7656247504bd5523d9d0ba799aef59d4add009484"}, + {file = "SQLAlchemy-2.0.32-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:0c9045ecc2e4db59bfc97b20516dfdf8e41d910ac6fb667ebd3a79ea54084619"}, + {file = "SQLAlchemy-2.0.32-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:1467940318e4a860afd546ef61fefb98a14d935cd6817ed07a228c7f7c62f389"}, + {file = "SQLAlchemy-2.0.32-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5954463675cb15db8d4b521f3566a017c8789222b8316b1e6934c811018ee08b"}, + {file = "SQLAlchemy-2.0.32-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:167e7497035c303ae50651b351c28dc22a40bb98fbdb8468cdc971821b1ae533"}, + {file = "SQLAlchemy-2.0.32-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:b27dfb676ac02529fb6e343b3a482303f16e6bc3a4d868b73935b8792edb52d0"}, + {file = "SQLAlchemy-2.0.32-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:bf2360a5e0f7bd75fa80431bf8ebcfb920c9f885e7956c7efde89031695cafb8"}, + {file = "SQLAlchemy-2.0.32-cp310-cp310-win32.whl", hash = "sha256:306fe44e754a91cd9d600a6b070c1f2fadbb4a1a257b8781ccf33c7067fd3e4d"}, + {file = "SQLAlchemy-2.0.32-cp310-cp310-win_amd64.whl", hash = "sha256:99db65e6f3ab42e06c318f15c98f59a436f1c78179e6a6f40f529c8cc7100b22"}, + {file = "SQLAlchemy-2.0.32-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:21b053be28a8a414f2ddd401f1be8361e41032d2ef5884b2f31d31cb723e559f"}, + {file = "SQLAlchemy-2.0.32-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:b178e875a7a25b5938b53b006598ee7645172fccafe1c291a706e93f48499ff5"}, + {file = "SQLAlchemy-2.0.32-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:723a40ee2cc7ea653645bd4cf024326dea2076673fc9d3d33f20f6c81db83e1d"}, + {file = "SQLAlchemy-2.0.32-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:295ff8689544f7ee7e819529633d058bd458c1fd7f7e3eebd0f9268ebc56c2a0"}, + {file = "SQLAlchemy-2.0.32-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:49496b68cd190a147118af585173ee624114dfb2e0297558c460ad7495f9dfe2"}, + {file = "SQLAlchemy-2.0.32-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:acd9b73c5c15f0ec5ce18128b1fe9157ddd0044abc373e6ecd5ba376a7e5d961"}, + {file = "SQLAlchemy-2.0.32-cp311-cp311-win32.whl", hash = "sha256:9365a3da32dabd3e69e06b972b1ffb0c89668994c7e8e75ce21d3e5e69ddef28"}, + {file = "SQLAlchemy-2.0.32-cp311-cp311-win_amd64.whl", hash = "sha256:8bd63d051f4f313b102a2af1cbc8b80f061bf78f3d5bd0843ff70b5859e27924"}, + {file = "SQLAlchemy-2.0.32-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:6bab3db192a0c35e3c9d1560eb8332463e29e5507dbd822e29a0a3c48c0a8d92"}, + {file = "SQLAlchemy-2.0.32-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:19d98f4f58b13900d8dec4ed09dd09ef292208ee44cc9c2fe01c1f0a2fe440e9"}, + {file = "SQLAlchemy-2.0.32-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3cd33c61513cb1b7371fd40cf221256456d26a56284e7d19d1f0b9f1eb7dd7e8"}, + {file = "SQLAlchemy-2.0.32-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7d6ba0497c1d066dd004e0f02a92426ca2df20fac08728d03f67f6960271feec"}, + {file = "SQLAlchemy-2.0.32-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:2b6be53e4fde0065524f1a0a7929b10e9280987b320716c1509478b712a7688c"}, + {file = "SQLAlchemy-2.0.32-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:916a798f62f410c0b80b63683c8061f5ebe237b0f4ad778739304253353bc1cb"}, + {file = "SQLAlchemy-2.0.32-cp312-cp312-win32.whl", hash = "sha256:31983018b74908ebc6c996a16ad3690301a23befb643093fcfe85efd292e384d"}, + {file = "SQLAlchemy-2.0.32-cp312-cp312-win_amd64.whl", hash = "sha256:4363ed245a6231f2e2957cccdda3c776265a75851f4753c60f3004b90e69bfeb"}, + {file = "SQLAlchemy-2.0.32-py3-none-any.whl", hash = "sha256:e567a8793a692451f706b363ccf3c45e056b67d90ead58c3bc9471af5d212202"}, + {file = "SQLAlchemy-2.0.32.tar.gz", hash = "sha256:c1b88cc8b02b6a5f0efb0345a03672d4c897dc7d92585176f88c67346f565ea8"}, ] [[package]] @@ -2705,16 +2584,17 @@ files = [ [[package]] name = "starlette" -version = "0.37.2" +version = "0.38.2" requires_python = ">=3.8" summary = "The little ASGI library that shines." groups = ["dev"] dependencies = [ "anyio<5,>=3.4.0", + "typing-extensions>=3.10.0; python_version < \"3.10\"", ] files = [ - {file = "starlette-0.37.2-py3-none-any.whl", hash = "sha256:6fe59f29268538e5d0d182f2791a479a0c64638e6935d1c6989e63fb2699c6ee"}, - {file = "starlette-0.37.2.tar.gz", hash = "sha256:9af890290133b79fc3db55474ade20f6220a364a0402e0b556e7cd5e1e093823"}, + {file = "starlette-0.38.2-py3-none-any.whl", hash = "sha256:4ec6a59df6bbafdab5f567754481657f7ed90dc9d69b0c9ff017907dd54faeff"}, + {file = "starlette-0.38.2.tar.gz", hash = "sha256:c7c0441065252160993a1a37cf2a73bb64d271b17303e0b0c1eb7191cfb12d75"}, ] [[package]] @@ -2740,17 +2620,6 @@ files = [ {file = "tomli-2.0.1.tar.gz", hash = "sha256:de526c12914f0c550d15924c62d72abc48d6fe7364aa87328337a31007fe8a4f"}, ] -[[package]] -name = "toolz" -version = "0.12.1" -requires_python = ">=3.7" -summary = "List processing tools and functional utilities" -groups = ["dev"] -files = [ - {file = "toolz-0.12.1-py3-none-any.whl", hash = "sha256:d22731364c07d72eea0a0ad45bafb2c2937ab6fd38a3507bf55eae8744aa7d85"}, - {file = "toolz-0.12.1.tar.gz", hash = "sha256:ecca342664893f177a13dac0e6b41cbd8ac25a358e5f215316d43e2100224f4d"}, -] - [[package]] name = "tornado" version = "6.4.1" @@ -2773,7 +2642,7 @@ files = [ [[package]] name = "tqdm" -version = "4.66.4" +version = "4.66.5" requires_python = ">=3.7" summary = "Fast, Extensible Progress Meter" groups = ["dev"] @@ -2781,8 +2650,8 @@ dependencies = [ "colorama; platform_system == \"Windows\"", ] files = [ - {file = "tqdm-4.66.4-py3-none-any.whl", hash = "sha256:b75ca56b413b030bc3f00af51fd2c1a1a5eac6a0c1cca83cbb37a5c52abce644"}, - {file = "tqdm-4.66.4.tar.gz", hash = "sha256:e4d936c9de8727928f3be6079590e97d9abfe8d39a590be678eb5919ffc186bb"}, + {file = "tqdm-4.66.5-py3-none-any.whl", hash = "sha256:90279a3770753eafc9194a0364852159802111925aa30eb3f9d85b0e805ac7cd"}, + {file = "tqdm-4.66.5.tar.gz", hash = "sha256:e1020aef2e5096702d8a025ac7d16b1577279c9d63f8375b63083e9a5f0fcbad"}, ] [[package]] @@ -2798,13 +2667,13 @@ files = [ [[package]] name = "types-python-dateutil" -version = "2.9.0.20240316" +version = "2.9.0.20240821" requires_python = ">=3.8" summary = "Typing stubs for python-dateutil" groups = ["dev"] files = [ - {file = "types-python-dateutil-2.9.0.20240316.tar.gz", hash = "sha256:5d2f2e240b86905e40944dd787db6da9263f0deabef1076ddaed797351ec0202"}, - {file = "types_python_dateutil-2.9.0.20240316-py3-none-any.whl", hash = "sha256:6b8cb66d960771ce5ff974e9dd45e38facb81718cc1e208b10b1baccbfdbee3b"}, + {file = "types-python-dateutil-2.9.0.20240821.tar.gz", hash = "sha256:9649d1dcb6fef1046fb18bebe9ea2aa0028b160918518c34589a46045f6ebd98"}, + {file = "types_python_dateutil-2.9.0.20240821-py3-none-any.whl", hash = "sha256:f5889fcb4e63ed4aaa379b44f93c32593d50b9a94c9a60a0c854d8cc3511cd57"}, ] [[package]] @@ -2818,6 +2687,17 @@ files = [ {file = "typing_extensions-4.12.2.tar.gz", hash = "sha256:1a7ead55c7e559dd4dee8856e3a88b41225abfe1ce8df57b7c13915fe121ffb8"}, ] +[[package]] +name = "tzdata" +version = "2024.1" +requires_python = ">=2" +summary = "Provider of IANA time zone data" +groups = ["dev"] +files = [ + {file = "tzdata-2024.1-py2.py3-none-any.whl", hash = "sha256:9068bc196136463f5245e51efda838afa15aaeca9903f49050dfa2679db4d252"}, + {file = "tzdata-2024.1.tar.gz", hash = "sha256:2674120f8d891909751c38abcdfd386ac0a5a1127954fbc332af6b5ceae07efd"}, +] + [[package]] name = "uri-template" version = "1.3.0" @@ -2842,7 +2722,7 @@ files = [ [[package]] name = "uvicorn" -version = "0.30.1" +version = "0.30.6" requires_python = ">=3.8" summary = "The lightning-fast ASGI server." groups = ["dev"] @@ -2852,48 +2732,44 @@ dependencies = [ "typing-extensions>=4.0; python_version < \"3.11\"", ] files = [ - {file = "uvicorn-0.30.1-py3-none-any.whl", hash = "sha256:cd17daa7f3b9d7a24de3617820e634d0933b69eed8e33a516071174427238c81"}, - {file = "uvicorn-0.30.1.tar.gz", hash = "sha256:d46cd8e0fd80240baffbcd9ec1012a712938754afcf81bce56c024c1656aece8"}, + {file = "uvicorn-0.30.6-py3-none-any.whl", hash = "sha256:65fd46fe3fda5bdc1b03b94eb634923ff18cd35b2f084813ea79d1f103f711b5"}, + {file = "uvicorn-0.30.6.tar.gz", hash = "sha256:4b15decdda1e72be08209e860a1e10e92439ad5b97cf44cc945fcbee66fc5788"}, ] [[package]] name = "watchdog" -version = "4.0.1" -requires_python = ">=3.8" +version = "5.0.0" +requires_python = ">=3.9" summary = "Filesystem events monitoring" groups = ["dev"] files = [ - {file = "watchdog-4.0.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:da2dfdaa8006eb6a71051795856bedd97e5b03e57da96f98e375682c48850645"}, - {file = "watchdog-4.0.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:e93f451f2dfa433d97765ca2634628b789b49ba8b504fdde5837cdcf25fdb53b"}, - {file = "watchdog-4.0.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:ef0107bbb6a55f5be727cfc2ef945d5676b97bffb8425650dadbb184be9f9a2b"}, - {file = "watchdog-4.0.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:17e32f147d8bf9657e0922c0940bcde863b894cd871dbb694beb6704cfbd2fb5"}, - {file = "watchdog-4.0.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:03e70d2df2258fb6cb0e95bbdbe06c16e608af94a3ffbd2b90c3f1e83eb10767"}, - {file = "watchdog-4.0.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:123587af84260c991dc5f62a6e7ef3d1c57dfddc99faacee508c71d287248459"}, - {file = "watchdog-4.0.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:093b23e6906a8b97051191a4a0c73a77ecc958121d42346274c6af6520dec175"}, - {file = "watchdog-4.0.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:611be3904f9843f0529c35a3ff3fd617449463cb4b73b1633950b3d97fa4bfb7"}, - {file = "watchdog-4.0.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:62c613ad689ddcb11707f030e722fa929f322ef7e4f18f5335d2b73c61a85c28"}, - {file = "watchdog-4.0.1-pp310-pypy310_pp73-macosx_10_9_x86_64.whl", hash = "sha256:0144c0ea9997b92615af1d94afc0c217e07ce2c14912c7b1a5731776329fcfc7"}, - {file = "watchdog-4.0.1-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:998d2be6976a0ee3a81fb8e2777900c28641fb5bfbd0c84717d89bca0addcdc5"}, - {file = "watchdog-4.0.1-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:e7921319fe4430b11278d924ef66d4daa469fafb1da679a2e48c935fa27af193"}, - {file = "watchdog-4.0.1-pp38-pypy38_pp73-macosx_11_0_arm64.whl", hash = "sha256:f0de0f284248ab40188f23380b03b59126d1479cd59940f2a34f8852db710625"}, - {file = "watchdog-4.0.1-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:bca36be5707e81b9e6ce3208d92d95540d4ca244c006b61511753583c81c70dd"}, - {file = "watchdog-4.0.1-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:ab998f567ebdf6b1da7dc1e5accfaa7c6992244629c0fdaef062f43249bd8dee"}, - {file = "watchdog-4.0.1-py3-none-manylinux2014_aarch64.whl", hash = "sha256:dddba7ca1c807045323b6af4ff80f5ddc4d654c8bce8317dde1bd96b128ed253"}, - {file = "watchdog-4.0.1-py3-none-manylinux2014_armv7l.whl", hash = "sha256:4513ec234c68b14d4161440e07f995f231be21a09329051e67a2118a7a612d2d"}, - {file = "watchdog-4.0.1-py3-none-manylinux2014_i686.whl", hash = "sha256:4107ac5ab936a63952dea2a46a734a23230aa2f6f9db1291bf171dac3ebd53c6"}, - {file = "watchdog-4.0.1-py3-none-manylinux2014_ppc64.whl", hash = "sha256:6e8c70d2cd745daec2a08734d9f63092b793ad97612470a0ee4cbb8f5f705c57"}, - {file = "watchdog-4.0.1-py3-none-manylinux2014_ppc64le.whl", hash = "sha256:f27279d060e2ab24c0aa98363ff906d2386aa6c4dc2f1a374655d4e02a6c5e5e"}, - {file = "watchdog-4.0.1-py3-none-manylinux2014_s390x.whl", hash = "sha256:f8affdf3c0f0466e69f5b3917cdd042f89c8c63aebdb9f7c078996f607cdb0f5"}, - {file = "watchdog-4.0.1-py3-none-manylinux2014_x86_64.whl", hash = "sha256:ac7041b385f04c047fcc2951dc001671dee1b7e0615cde772e84b01fbf68ee84"}, - {file = "watchdog-4.0.1-py3-none-win32.whl", hash = "sha256:206afc3d964f9a233e6ad34618ec60b9837d0582b500b63687e34011e15bb429"}, - {file = "watchdog-4.0.1-py3-none-win_amd64.whl", hash = "sha256:7577b3c43e5909623149f76b099ac49a1a01ca4e167d1785c76eb52fa585745a"}, - {file = "watchdog-4.0.1-py3-none-win_ia64.whl", hash = "sha256:d7b9f5f3299e8dd230880b6c55504a1f69cf1e4316275d1b215ebdd8187ec88d"}, - {file = "watchdog-4.0.1.tar.gz", hash = "sha256:eebaacf674fa25511e8867028d281e602ee6500045b57f43b08778082f7f8b44"}, + {file = "watchdog-5.0.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:bf3216ec994eabb2212df9861f19056ca0d4cd3516d56cb95801933876519bfe"}, + {file = "watchdog-5.0.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:cb59ad83a1700304fc1ac7bc53ae9e5cbe9d60a52ed9bba8e2e2d782a201bb2b"}, + {file = "watchdog-5.0.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:1228cb097e855d1798b550be8f0e9f0cfbac4384f9a3e91f66d250d03e11294e"}, + {file = "watchdog-5.0.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:3c177085c3d210d1c73cb4569442bdaef706ebebc423bd7aed9e90fc12b2e553"}, + {file = "watchdog-5.0.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:01ab36cddc836a0f202c66267daaef92ba5c17c7d6436deff0587bb61234c5c9"}, + {file = "watchdog-5.0.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:0834c21efa3e767849b09e667274604c7cdfe30b49eb95d794565c53f4db3c1e"}, + {file = "watchdog-5.0.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:1e26f570dd7f5178656affb24d6f0e22ce66c8daf88d4061a27bfb9ac866b40d"}, + {file = "watchdog-5.0.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:d146331e6b206baa9f6dd40f72b5783ad2302c240df68e7fce196d30588ccf7b"}, + {file = "watchdog-5.0.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:6c96b1706430839872a3e33b9370ee3f7a0079f6b828129d88498ad1f96a0f45"}, + {file = "watchdog-5.0.0-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:bc16d448a74a929b896ed9578c25756b2125400b19b3258be8d9a681c7ae8e71"}, + {file = "watchdog-5.0.0-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:7e6b0e9b8a9dc3865d65888b5f5222da4ba9c4e09eab13cff5e305e7b7e7248f"}, + {file = "watchdog-5.0.0-py3-none-manylinux2014_aarch64.whl", hash = "sha256:d76efab5248aafbf8a2c2a63cd7b9545e6b346ad1397af8b862a3bb3140787d8"}, + {file = "watchdog-5.0.0-py3-none-manylinux2014_armv7l.whl", hash = "sha256:ff4e957c45c446de34c513eadce01d0b65da7eee47c01dce472dd136124552c9"}, + {file = "watchdog-5.0.0-py3-none-manylinux2014_i686.whl", hash = "sha256:16c1aa3377bb1f82c5e24277fcbf4e2cac3c4ce46aaaf7212d53caa9076eb7b7"}, + {file = "watchdog-5.0.0-py3-none-manylinux2014_ppc64.whl", hash = "sha256:22fcad6168fc43cf0e709bd854be5b8edbb0b260f0a6f28f1ea9baa53c6907f7"}, + {file = "watchdog-5.0.0-py3-none-manylinux2014_ppc64le.whl", hash = "sha256:0120b2fa65732797ffa65fa8ee5540c288aa861d91447df298626d6385a24658"}, + {file = "watchdog-5.0.0-py3-none-manylinux2014_s390x.whl", hash = "sha256:2aa59fab7ff75281778c649557275ca3085eccbdf825a0e2a5ca3810e977afe5"}, + {file = "watchdog-5.0.0-py3-none-manylinux2014_x86_64.whl", hash = "sha256:78db0fe0336958fc0e1269545c980b6f33d04d184ba191b2800a8b71d3e971a9"}, + {file = "watchdog-5.0.0-py3-none-win32.whl", hash = "sha256:d1acef802916083f2ad7988efc7decf07e46e266916c0a09d8fb9d387288ea12"}, + {file = "watchdog-5.0.0-py3-none-win_amd64.whl", hash = "sha256:3c2d50fdb86aa6df3973313272f5a17eb26eab29ff5a0bf54b6d34597b4dc4e4"}, + {file = "watchdog-5.0.0-py3-none-win_ia64.whl", hash = "sha256:1d17ec7e022c34fa7ddc72aa41bf28c9d1207ffb193df18ba4f6fde453725b3c"}, + {file = "watchdog-5.0.0.tar.gz", hash = "sha256:990aedb9e2f336b45a70aed9c014450e7c4a70fd99c5f5b1834d57e1453a177e"}, ] [[package]] name = "watchfiles" -version = "0.22.0" +version = "0.23.0" requires_python = ">=3.8" summary = "Simple, modern and high performance file watching and code reload in python." groups = ["dev"] @@ -2901,57 +2777,49 @@ dependencies = [ "anyio>=3.0.0", ] files = [ - {file = "watchfiles-0.22.0-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:da1e0a8caebf17976e2ffd00fa15f258e14749db5e014660f53114b676e68538"}, - {file = "watchfiles-0.22.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:61af9efa0733dc4ca462347becb82e8ef4945aba5135b1638bfc20fad64d4f0e"}, - {file = "watchfiles-0.22.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1d9188979a58a096b6f8090e816ccc3f255f137a009dd4bbec628e27696d67c1"}, - {file = "watchfiles-0.22.0-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:2bdadf6b90c099ca079d468f976fd50062905d61fae183f769637cb0f68ba59a"}, - {file = "watchfiles-0.22.0-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:067dea90c43bf837d41e72e546196e674f68c23702d3ef80e4e816937b0a3ffd"}, - {file = "watchfiles-0.22.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bbf8a20266136507abf88b0df2328e6a9a7c7309e8daff124dda3803306a9fdb"}, - {file = "watchfiles-0.22.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1235c11510ea557fe21be5d0e354bae2c655a8ee6519c94617fe63e05bca4171"}, - {file = "watchfiles-0.22.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c2444dc7cb9d8cc5ab88ebe792a8d75709d96eeef47f4c8fccb6df7c7bc5be71"}, - {file = "watchfiles-0.22.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:c5af2347d17ab0bd59366db8752d9e037982e259cacb2ba06f2c41c08af02c39"}, - {file = "watchfiles-0.22.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:9624a68b96c878c10437199d9a8b7d7e542feddda8d5ecff58fdc8e67b460848"}, - {file = "watchfiles-0.22.0-cp310-none-win32.whl", hash = "sha256:4b9f2a128a32a2c273d63eb1fdbf49ad64852fc38d15b34eaa3f7ca2f0d2b797"}, - {file = "watchfiles-0.22.0-cp310-none-win_amd64.whl", hash = "sha256:2627a91e8110b8de2406d8b2474427c86f5a62bf7d9ab3654f541f319ef22bcb"}, - {file = "watchfiles-0.22.0-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:8c39987a1397a877217be1ac0fb1d8b9f662c6077b90ff3de2c05f235e6a8f96"}, - {file = "watchfiles-0.22.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:a927b3034d0672f62fb2ef7ea3c9fc76d063c4b15ea852d1db2dc75fe2c09696"}, - {file = "watchfiles-0.22.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:052d668a167e9fc345c24203b104c313c86654dd6c0feb4b8a6dfc2462239249"}, - {file = "watchfiles-0.22.0-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:5e45fb0d70dda1623a7045bd00c9e036e6f1f6a85e4ef2c8ae602b1dfadf7550"}, - {file = "watchfiles-0.22.0-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c49b76a78c156979759d759339fb62eb0549515acfe4fd18bb151cc07366629c"}, - {file = "watchfiles-0.22.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c4a65474fd2b4c63e2c18ac67a0c6c66b82f4e73e2e4d940f837ed3d2fd9d4da"}, - {file = "watchfiles-0.22.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1cc0cba54f47c660d9fa3218158b8963c517ed23bd9f45fe463f08262a4adae1"}, - {file = "watchfiles-0.22.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:94ebe84a035993bb7668f58a0ebf998174fb723a39e4ef9fce95baabb42b787f"}, - {file = "watchfiles-0.22.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:e0f0a874231e2839abbf473256efffe577d6ee2e3bfa5b540479e892e47c172d"}, - {file = "watchfiles-0.22.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:213792c2cd3150b903e6e7884d40660e0bcec4465e00563a5fc03f30ea9c166c"}, - {file = "watchfiles-0.22.0-cp311-none-win32.whl", hash = "sha256:b44b70850f0073b5fcc0b31ede8b4e736860d70e2dbf55701e05d3227a154a67"}, - {file = "watchfiles-0.22.0-cp311-none-win_amd64.whl", hash = "sha256:00f39592cdd124b4ec5ed0b1edfae091567c72c7da1487ae645426d1b0ffcad1"}, - {file = "watchfiles-0.22.0-cp311-none-win_arm64.whl", hash = "sha256:3218a6f908f6a276941422b035b511b6d0d8328edd89a53ae8c65be139073f84"}, - {file = "watchfiles-0.22.0-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:c7b978c384e29d6c7372209cbf421d82286a807bbcdeb315427687f8371c340a"}, - {file = "watchfiles-0.22.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:bd4c06100bce70a20c4b81e599e5886cf504c9532951df65ad1133e508bf20be"}, - {file = "watchfiles-0.22.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:425440e55cd735386ec7925f64d5dde392e69979d4c8459f6bb4e920210407f2"}, - {file = "watchfiles-0.22.0-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:68fe0c4d22332d7ce53ad094622b27e67440dacefbaedd29e0794d26e247280c"}, - {file = "watchfiles-0.22.0-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a8a31bfd98f846c3c284ba694c6365620b637debdd36e46e1859c897123aa232"}, - {file = "watchfiles-0.22.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:dc2e8fe41f3cac0660197d95216c42910c2b7e9c70d48e6d84e22f577d106fc1"}, - {file = "watchfiles-0.22.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:55b7cc10261c2786c41d9207193a85c1db1b725cf87936df40972aab466179b6"}, - {file = "watchfiles-0.22.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:28585744c931576e535860eaf3f2c0ec7deb68e3b9c5a85ca566d69d36d8dd27"}, - {file = "watchfiles-0.22.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:00095dd368f73f8f1c3a7982a9801190cc88a2f3582dd395b289294f8975172b"}, - {file = "watchfiles-0.22.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:52fc9b0dbf54d43301a19b236b4a4614e610605f95e8c3f0f65c3a456ffd7d35"}, - {file = "watchfiles-0.22.0-cp312-none-win32.whl", hash = "sha256:581f0a051ba7bafd03e17127735d92f4d286af941dacf94bcf823b101366249e"}, - {file = "watchfiles-0.22.0-cp312-none-win_amd64.whl", hash = "sha256:aec83c3ba24c723eac14225194b862af176d52292d271c98820199110e31141e"}, - {file = "watchfiles-0.22.0-cp312-none-win_arm64.whl", hash = "sha256:c668228833c5619f6618699a2c12be057711b0ea6396aeaece4ded94184304ea"}, - {file = "watchfiles-0.22.0-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:b810a2c7878cbdecca12feae2c2ae8af59bea016a78bc353c184fa1e09f76b68"}, - {file = "watchfiles-0.22.0-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:f7e1f9c5d1160d03b93fc4b68a0aeb82fe25563e12fbcdc8507f8434ab6f823c"}, - {file = "watchfiles-0.22.0-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:030bc4e68d14bcad2294ff68c1ed87215fbd9a10d9dea74e7cfe8a17869785ab"}, - {file = "watchfiles-0.22.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ace7d060432acde5532e26863e897ee684780337afb775107c0a90ae8dbccfd2"}, - {file = "watchfiles-0.22.0-pp38-pypy38_pp73-macosx_10_12_x86_64.whl", hash = "sha256:5834e1f8b71476a26df97d121c0c0ed3549d869124ed2433e02491553cb468c2"}, - {file = "watchfiles-0.22.0-pp38-pypy38_pp73-macosx_11_0_arm64.whl", hash = "sha256:0bc3b2f93a140df6806c8467c7f51ed5e55a931b031b5c2d7ff6132292e803d6"}, - {file = "watchfiles-0.22.0-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8fdebb655bb1ba0122402352b0a4254812717a017d2dc49372a1d47e24073795"}, - {file = "watchfiles-0.22.0-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0c8e0aa0e8cc2a43561e0184c0513e291ca891db13a269d8d47cb9841ced7c71"}, - {file = "watchfiles-0.22.0-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:2f350cbaa4bb812314af5dab0eb8d538481e2e2279472890864547f3fe2281ed"}, - {file = "watchfiles-0.22.0-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:7a74436c415843af2a769b36bf043b6ccbc0f8d784814ba3d42fc961cdb0a9dc"}, - {file = "watchfiles-0.22.0-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:00ad0bcd399503a84cc688590cdffbe7a991691314dde5b57b3ed50a41319a31"}, - {file = "watchfiles-0.22.0-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:72a44e9481afc7a5ee3291b09c419abab93b7e9c306c9ef9108cb76728ca58d2"}, - {file = "watchfiles-0.22.0.tar.gz", hash = "sha256:988e981aaab4f3955209e7e28c7794acdb690be1efa7f16f8ea5aba7ffdadacb"}, + {file = "watchfiles-0.23.0-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:bee8ce357a05c20db04f46c22be2d1a2c6a8ed365b325d08af94358e0688eeb4"}, + {file = "watchfiles-0.23.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:4ccd3011cc7ee2f789af9ebe04745436371d36afe610028921cab9f24bb2987b"}, + {file = "watchfiles-0.23.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fb02d41c33be667e6135e6686f1bb76104c88a312a18faa0ef0262b5bf7f1a0f"}, + {file = "watchfiles-0.23.0-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:7cf12ac34c444362f3261fb3ff548f0037ddd4c5bb85f66c4be30d2936beb3c5"}, + {file = "watchfiles-0.23.0-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a0b2c25040a3c0ce0e66c7779cc045fdfbbb8d59e5aabfe033000b42fe44b53e"}, + {file = "watchfiles-0.23.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ecf2be4b9eece4f3da8ba5f244b9e51932ebc441c0867bd6af46a3d97eb068d6"}, + {file = "watchfiles-0.23.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:40cb8fa00028908211eb9f8d47744dca21a4be6766672e1ff3280bee320436f1"}, + {file = "watchfiles-0.23.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8f48c917ffd36ff9a5212614c2d0d585fa8b064ca7e66206fb5c095015bc8207"}, + {file = "watchfiles-0.23.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:9d183e3888ada88185ab17064079c0db8c17e32023f5c278d7bf8014713b1b5b"}, + {file = "watchfiles-0.23.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:9837edf328b2805346f91209b7e660f65fb0e9ca18b7459d075d58db082bf981"}, + {file = "watchfiles-0.23.0-cp310-none-win32.whl", hash = "sha256:296e0b29ab0276ca59d82d2da22cbbdb39a23eed94cca69aed274595fb3dfe42"}, + {file = "watchfiles-0.23.0-cp310-none-win_amd64.whl", hash = "sha256:4ea756e425ab2dfc8ef2a0cb87af8aa7ef7dfc6fc46c6f89bcf382121d4fff75"}, + {file = "watchfiles-0.23.0-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:e397b64f7aaf26915bf2ad0f1190f75c855d11eb111cc00f12f97430153c2eab"}, + {file = "watchfiles-0.23.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:b4ac73b02ca1824ec0a7351588241fd3953748d3774694aa7ddb5e8e46aef3e3"}, + {file = "watchfiles-0.23.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:130a896d53b48a1cecccfa903f37a1d87dbb74295305f865a3e816452f6e49e4"}, + {file = "watchfiles-0.23.0-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:c5e7803a65eb2d563c73230e9d693c6539e3c975ccfe62526cadde69f3fda0cf"}, + {file = "watchfiles-0.23.0-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d1aa4cc85202956d1a65c88d18c7b687b8319dbe6b1aec8969784ef7a10e7d1a"}, + {file = "watchfiles-0.23.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:87f889f6e58849ddb7c5d2cb19e2e074917ed1c6e3ceca50405775166492cca8"}, + {file = "watchfiles-0.23.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:37fd826dac84c6441615aa3f04077adcc5cac7194a021c9f0d69af20fb9fa788"}, + {file = "watchfiles-0.23.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ee7db6e36e7a2c15923072e41ea24d9a0cf39658cb0637ecc9307b09d28827e1"}, + {file = "watchfiles-0.23.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:2368c5371c17fdcb5a2ea71c5c9d49f9b128821bfee69503cc38eae00feb3220"}, + {file = "watchfiles-0.23.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:857af85d445b9ba9178db95658c219dbd77b71b8264e66836a6eba4fbf49c320"}, + {file = "watchfiles-0.23.0-cp311-none-win32.whl", hash = "sha256:1d636c8aeb28cdd04a4aa89030c4b48f8b2954d8483e5f989774fa441c0ed57b"}, + {file = "watchfiles-0.23.0-cp311-none-win_amd64.whl", hash = "sha256:46f1d8069a95885ca529645cdbb05aea5837d799965676e1b2b1f95a4206313e"}, + {file = "watchfiles-0.23.0-cp311-none-win_arm64.whl", hash = "sha256:e495ed2a7943503766c5d1ff05ae9212dc2ce1c0e30a80d4f0d84889298fa304"}, + {file = "watchfiles-0.23.0-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:1db691bad0243aed27c8354b12d60e8e266b75216ae99d33e927ff5238d270b5"}, + {file = "watchfiles-0.23.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:62d2b18cb1edaba311fbbfe83fb5e53a858ba37cacb01e69bc20553bb70911b8"}, + {file = "watchfiles-0.23.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e087e8fdf1270d000913c12e6eca44edd02aad3559b3e6b8ef00f0ce76e0636f"}, + {file = "watchfiles-0.23.0-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:dd41d5c72417b87c00b1b635738f3c283e737d75c5fa5c3e1c60cd03eac3af77"}, + {file = "watchfiles-0.23.0-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1e5f3ca0ff47940ce0a389457b35d6df601c317c1e1a9615981c474452f98de1"}, + {file = "watchfiles-0.23.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6991e3a78f642368b8b1b669327eb6751439f9f7eaaa625fae67dd6070ecfa0b"}, + {file = "watchfiles-0.23.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7f7252f52a09f8fa5435dc82b6af79483118ce6bd51eb74e6269f05ee22a7b9f"}, + {file = "watchfiles-0.23.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0e01bcb8d767c58865207a6c2f2792ad763a0fe1119fb0a430f444f5b02a5ea0"}, + {file = "watchfiles-0.23.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:8e56fbcdd27fce061854ddec99e015dd779cae186eb36b14471fc9ae713b118c"}, + {file = "watchfiles-0.23.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:bd3e2d64500a6cad28bcd710ee6269fbeb2e5320525acd0cfab5f269ade68581"}, + {file = "watchfiles-0.23.0-cp312-none-win32.whl", hash = "sha256:eb99c954291b2fad0eff98b490aa641e128fbc4a03b11c8a0086de8b7077fb75"}, + {file = "watchfiles-0.23.0-cp312-none-win_amd64.whl", hash = "sha256:dccc858372a56080332ea89b78cfb18efb945da858fabeb67f5a44fa0bcb4ebb"}, + {file = "watchfiles-0.23.0-cp312-none-win_arm64.whl", hash = "sha256:6c21a5467f35c61eafb4e394303720893066897fca937bade5b4f5877d350ff8"}, + {file = "watchfiles-0.23.0-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:6a9265cf87a5b70147bfb2fec14770ed5b11a5bb83353f0eee1c25a81af5abfe"}, + {file = "watchfiles-0.23.0-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:9f02a259fcbbb5fcfe7a0805b1097ead5ba7a043e318eef1db59f93067f0b49b"}, + {file = "watchfiles-0.23.0-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1ebaebb53b34690da0936c256c1cdb0914f24fb0e03da76d185806df9328abed"}, + {file = "watchfiles-0.23.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fd257f98cff9c6cb39eee1a83c7c3183970d8a8d23e8cf4f47d9a21329285cee"}, + {file = "watchfiles-0.23.0.tar.gz", hash = "sha256:9338ade39ff24f8086bb005d16c29f8e9f19e55b18dcb04dfa26fcbc09da497b"}, ] [[package]] @@ -2959,6 +2827,9 @@ name = "wcwidth" version = "0.2.13" summary = "Measures the displayed width of unicode strings in a terminal" groups = ["dev"] +dependencies = [ + "backports-functools-lru-cache>=1.2.1; python_version < \"3.2\"", +] files = [ {file = "wcwidth-0.2.13-py2.py3-none-any.whl", hash = "sha256:3da69048e4540d84af32131829ff948f1e022c1c6bdb8d6102117aac784f6859"}, {file = "wcwidth-0.2.13.tar.gz", hash = "sha256:72ea0c06399eb286d978fdedb6923a9eb47e1c486ce63e9b4e64fc18303972b5"}, @@ -2966,94 +2837,85 @@ files = [ [[package]] name = "webcolors" -version = "24.6.0" +version = "24.8.0" requires_python = ">=3.8" summary = "A library for working with the color formats defined by HTML and CSS." groups = ["dev"] files = [ - {file = "webcolors-24.6.0-py3-none-any.whl", hash = "sha256:8cf5bc7e28defd1d48b9e83d5fc30741328305a8195c29a8e668fa45586568a1"}, - {file = "webcolors-24.6.0.tar.gz", hash = "sha256:1d160d1de46b3e81e58d0a280d0c78b467dc80f47294b91b1ad8029d2cedb55b"}, + {file = "webcolors-24.8.0-py3-none-any.whl", hash = "sha256:fc4c3b59358ada164552084a8ebee637c221e4059267d0f8325b3b560f6c7f0a"}, + {file = "webcolors-24.8.0.tar.gz", hash = "sha256:08b07af286a01bcd30d583a7acadf629583d1f79bfef27dd2c2c5c263817277d"}, ] [[package]] name = "websockets" -version = "12.0" +version = "13.0" requires_python = ">=3.8" summary = "An implementation of the WebSocket Protocol (RFC 6455 & 7692)" groups = ["dev"] files = [ - {file = "websockets-12.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:d554236b2a2006e0ce16315c16eaa0d628dab009c33b63ea03f41c6107958374"}, - {file = "websockets-12.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:2d225bb6886591b1746b17c0573e29804619c8f755b5598d875bb4235ea639be"}, - {file = "websockets-12.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:eb809e816916a3b210bed3c82fb88eaf16e8afcf9c115ebb2bacede1797d2547"}, - {file = "websockets-12.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c588f6abc13f78a67044c6b1273a99e1cf31038ad51815b3b016ce699f0d75c2"}, - {file = "websockets-12.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:5aa9348186d79a5f232115ed3fa9020eab66d6c3437d72f9d2c8ac0c6858c558"}, - {file = "websockets-12.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6350b14a40c95ddd53e775dbdbbbc59b124a5c8ecd6fbb09c2e52029f7a9f480"}, - {file = "websockets-12.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:70ec754cc2a769bcd218ed8d7209055667b30860ffecb8633a834dde27d6307c"}, - {file = "websockets-12.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:6e96f5ed1b83a8ddb07909b45bd94833b0710f738115751cdaa9da1fb0cb66e8"}, - {file = "websockets-12.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:4d87be612cbef86f994178d5186add3d94e9f31cc3cb499a0482b866ec477603"}, - {file = "websockets-12.0-cp310-cp310-win32.whl", hash = "sha256:befe90632d66caaf72e8b2ed4d7f02b348913813c8b0a32fae1cc5fe3730902f"}, - {file = "websockets-12.0-cp310-cp310-win_amd64.whl", hash = "sha256:363f57ca8bc8576195d0540c648aa58ac18cf85b76ad5202b9f976918f4219cf"}, - {file = "websockets-12.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:5d873c7de42dea355d73f170be0f23788cf3fa9f7bed718fd2830eefedce01b4"}, - {file = "websockets-12.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:3f61726cae9f65b872502ff3c1496abc93ffbe31b278455c418492016e2afc8f"}, - {file = "websockets-12.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:ed2fcf7a07334c77fc8a230755c2209223a7cc44fc27597729b8ef5425aa61a3"}, - {file = "websockets-12.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8e332c210b14b57904869ca9f9bf4ca32f5427a03eeb625da9b616c85a3a506c"}, - {file = "websockets-12.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:5693ef74233122f8ebab026817b1b37fe25c411ecfca084b29bc7d6efc548f45"}, - {file = "websockets-12.0-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6e9e7db18b4539a29cc5ad8c8b252738a30e2b13f033c2d6e9d0549b45841c04"}, - {file = "websockets-12.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:6e2df67b8014767d0f785baa98393725739287684b9f8d8a1001eb2839031447"}, - {file = "websockets-12.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:bea88d71630c5900690fcb03161ab18f8f244805c59e2e0dc4ffadae0a7ee0ca"}, - {file = "websockets-12.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:dff6cdf35e31d1315790149fee351f9e52978130cef6c87c4b6c9b3baf78bc53"}, - {file = "websockets-12.0-cp311-cp311-win32.whl", hash = "sha256:3e3aa8c468af01d70332a382350ee95f6986db479ce7af14d5e81ec52aa2b402"}, - {file = "websockets-12.0-cp311-cp311-win_amd64.whl", hash = "sha256:25eb766c8ad27da0f79420b2af4b85d29914ba0edf69f547cc4f06ca6f1d403b"}, - {file = "websockets-12.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:0e6e2711d5a8e6e482cacb927a49a3d432345dfe7dea8ace7b5790df5932e4df"}, - {file = "websockets-12.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:dbcf72a37f0b3316e993e13ecf32f10c0e1259c28ffd0a85cee26e8549595fbc"}, - {file = "websockets-12.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:12743ab88ab2af1d17dd4acb4645677cb7063ef4db93abffbf164218a5d54c6b"}, - {file = "websockets-12.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7b645f491f3c48d3f8a00d1fce07445fab7347fec54a3e65f0725d730d5b99cb"}, - {file = "websockets-12.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9893d1aa45a7f8b3bc4510f6ccf8db8c3b62120917af15e3de247f0780294b92"}, - {file = "websockets-12.0-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1f38a7b376117ef7aff996e737583172bdf535932c9ca021746573bce40165ed"}, - {file = "websockets-12.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:f764ba54e33daf20e167915edc443b6f88956f37fb606449b4a5b10ba42235a5"}, - {file = "websockets-12.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:1e4b3f8ea6a9cfa8be8484c9221ec0257508e3a1ec43c36acdefb2a9c3b00aa2"}, - {file = "websockets-12.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:9fdf06fd06c32205a07e47328ab49c40fc1407cdec801d698a7c41167ea45113"}, - {file = "websockets-12.0-cp312-cp312-win32.whl", hash = "sha256:baa386875b70cbd81798fa9f71be689c1bf484f65fd6fb08d051a0ee4e79924d"}, - {file = "websockets-12.0-cp312-cp312-win_amd64.whl", hash = "sha256:ae0a5da8f35a5be197f328d4727dbcfafa53d1824fac3d96cdd3a642fe09394f"}, - {file = "websockets-12.0-pp310-pypy310_pp73-macosx_10_9_x86_64.whl", hash = "sha256:248d8e2446e13c1d4326e0a6a4e9629cb13a11195051a73acf414812700badbd"}, - {file = "websockets-12.0-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f44069528d45a933997a6fef143030d8ca8042f0dfaad753e2906398290e2870"}, - {file = "websockets-12.0-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c4e37d36f0d19f0a4413d3e18c0d03d0c268ada2061868c1e6f5ab1a6d575077"}, - {file = "websockets-12.0-pp310-pypy310_pp73-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3d829f975fc2e527a3ef2f9c8f25e553eb7bc779c6665e8e1d52aa22800bb38b"}, - {file = "websockets-12.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:2c71bd45a777433dd9113847af751aae36e448bc6b8c361a566cb043eda6ec30"}, - {file = "websockets-12.0-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:0bee75f400895aef54157b36ed6d3b308fcab62e5260703add87f44cee9c82a6"}, - {file = "websockets-12.0-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:423fc1ed29f7512fceb727e2d2aecb952c46aa34895e9ed96071821309951123"}, - {file = "websockets-12.0-pp38-pypy38_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:27a5e9964ef509016759f2ef3f2c1e13f403725a5e6a1775555994966a66e931"}, - {file = "websockets-12.0-pp38-pypy38_pp73-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c3181df4583c4d3994d31fb235dc681d2aaad744fbdbf94c4802485ececdecf2"}, - {file = "websockets-12.0-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:b067cb952ce8bf40115f6c19f478dc71c5e719b7fbaa511359795dfd9d1a6468"}, - {file = "websockets-12.0-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:00700340c6c7ab788f176d118775202aadea7602c5cc6be6ae127761c16d6b0b"}, - {file = "websockets-12.0-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e469d01137942849cff40517c97a30a93ae79917752b34029f0ec72df6b46399"}, - {file = "websockets-12.0-pp39-pypy39_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ffefa1374cd508d633646d51a8e9277763a9b78ae71324183693959cf94635a7"}, - {file = "websockets-12.0-pp39-pypy39_pp73-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ba0cab91b3956dfa9f512147860783a1829a8d905ee218a9837c18f683239611"}, - {file = "websockets-12.0-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:2cb388a5bfb56df4d9a406783b7f9dbefb888c09b71629351cc6b036e9259370"}, - {file = "websockets-12.0-py3-none-any.whl", hash = "sha256:dc284bbc8d7c78a6c69e0c7325ab46ee5e40bb4d50e494d8131a07ef47500e9e"}, - {file = "websockets-12.0.tar.gz", hash = "sha256:81df9cbcbb6c260de1e007e58c011bfebe2dafc8435107b0537f393dd38c8b1b"}, + {file = "websockets-13.0-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:ad4fa707ff9e2ffee019e946257b5300a45137a58f41fbd9a4db8e684ab61528"}, + {file = "websockets-13.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:6fd757f313c13c34dae9f126d3ba4cf97175859c719e57c6a614b781c86b617e"}, + {file = "websockets-13.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:cbac2eb7ce0fac755fb983c9247c4a60c4019bcde4c0e4d167aeb17520cc7ef1"}, + {file = "websockets-13.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d4b83cf7354cbbc058e97b3e545dceb75b8d9cf17fd5a19db419c319ddbaaf7a"}, + {file = "websockets-13.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9202c0010c78fad1041e1c5285232b6508d3633f92825687549540a70e9e5901"}, + {file = "websockets-13.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3e6566e79c8c7cbea75ec450f6e1828945fc5c9a4769ceb1c7b6e22470539712"}, + {file = "websockets-13.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:e7fcad070dcd9ad37a09d89a4cbc2a5e3e45080b88977c0da87b3090f9f55ead"}, + {file = "websockets-13.0-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:0a8f7d65358a25172db00c69bcc7df834155ee24229f560d035758fd6613111a"}, + {file = "websockets-13.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:63b702fb31e3f058f946ccdfa551f4d57a06f7729c369e8815eb18643099db37"}, + {file = "websockets-13.0-cp310-cp310-win32.whl", hash = "sha256:3a20cf14ba7b482c4a1924b5e061729afb89c890ca9ed44ac4127c6c5986e424"}, + {file = "websockets-13.0-cp310-cp310-win_amd64.whl", hash = "sha256:587245f0704d0bb675f919898d7473e8827a6d578e5a122a21756ca44b811ec8"}, + {file = "websockets-13.0-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:06df8306c241c235075d2ae77367038e701e53bc8c1bb4f6644f4f53aa6dedd0"}, + {file = "websockets-13.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:85a1f92a02f0b8c1bf02699731a70a8a74402bb3f82bee36e7768b19a8ed9709"}, + {file = "websockets-13.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:9ed02c604349068d46d87ef4c2012c112c791f2bec08671903a6bb2bd9c06784"}, + {file = "websockets-13.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b89849171b590107f6724a7b0790736daead40926ddf47eadf998b4ff51d6414"}, + {file = "websockets-13.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:939a16849d71203628157a5e4a495da63967c744e1e32018e9b9e2689aca64d4"}, + {file = "websockets-13.0-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ad818cdac37c0ad4c58e51cb4964eae4f18b43c4a83cb37170b0d90c31bd80cf"}, + {file = "websockets-13.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:cbfe82a07596a044de78bb7a62519e71690c5812c26c5f1d4b877e64e4f46309"}, + {file = "websockets-13.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:e07e76c49f39c5b45cbd7362b94f001ae209a3ea4905ae9a09cfd53b3c76373d"}, + {file = "websockets-13.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:372f46a0096cfda23c88f7e42349a33f8375e10912f712e6b496d3a9a557290f"}, + {file = "websockets-13.0-cp311-cp311-win32.whl", hash = "sha256:376a43a4fd96725f13450d3d2e98f4f36c3525c562ab53d9a98dd2950dca9a8a"}, + {file = "websockets-13.0-cp311-cp311-win_amd64.whl", hash = "sha256:2be1382a4daa61e2f3e2be3b3c86932a8db9d1f85297feb6e9df22f391f94452"}, + {file = "websockets-13.0-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:b5407c34776b9b77bd89a5f95eb0a34aaf91889e3f911c63f13035220eb50107"}, + {file = "websockets-13.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:4782ec789f059f888c1e8fdf94383d0e64b531cffebbf26dd55afd53ab487ca4"}, + {file = "websockets-13.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:c8feb8e19ef65c9994e652c5b0324abd657bedd0abeb946fb4f5163012c1e730"}, + {file = "websockets-13.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d3f3d2e20c442b58dbac593cb1e02bc02d149a86056cc4126d977ad902472e3b"}, + {file = "websockets-13.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e39d393e0ab5b8bd01717cc26f2922026050188947ff54fe6a49dc489f7750b7"}, + {file = "websockets-13.0-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1f661a4205741bdc88ac9c2b2ec003c72cee97e4acd156eb733662ff004ba429"}, + {file = "websockets-13.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:384129ad0490e06bab2b98c1da9b488acb35bb11e2464c728376c6f55f0d45f3"}, + {file = "websockets-13.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:df5c0eff91f61b8205a6c9f7b255ff390cdb77b61c7b41f79ca10afcbb22b6cb"}, + {file = "websockets-13.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:02cc9bb1a887dac0e08bf657c5d00aa3fac0d03215d35a599130c2034ae6663a"}, + {file = "websockets-13.0-cp312-cp312-win32.whl", hash = "sha256:d9726d2c9bd6aed8cb994d89b3910ca0079406edce3670886ec828a73e7bdd53"}, + {file = "websockets-13.0-cp312-cp312-win_amd64.whl", hash = "sha256:fa0839f35322f7b038d8adcf679e2698c3a483688cc92e3bd15ee4fb06669e9a"}, + {file = "websockets-13.0-pp310-pypy310_pp73-macosx_10_15_x86_64.whl", hash = "sha256:602cbd010d8c21c8475f1798b705bb18567eb189c533ab5ef568bc3033fdf417"}, + {file = "websockets-13.0-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:bf8eb5dca4f484a60f5327b044e842e0d7f7cdbf02ea6dc4a4f811259f1f1f0b"}, + {file = "websockets-13.0-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:89d795c1802d99a643bf689b277e8604c14b5af1bc0a31dade2cd7a678087212"}, + {file = "websockets-13.0-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:788bc841d250beccff67a20a5a53a15657a60111ef9c0c0a97fbdd614fae0fe2"}, + {file = "websockets-13.0-pp310-pypy310_pp73-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7334752052532c156d28b8eaf3558137e115c7871ea82adff69b6d94a7bee273"}, + {file = "websockets-13.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:e7a1963302947332c3039e3f66209ec73b1626f8a0191649e0713c391e9f5b0d"}, + {file = "websockets-13.0-py3-none-any.whl", hash = "sha256:dbbac01e80aee253d44c4f098ab3cc17c822518519e869b284cfbb8cd16cc9de"}, + {file = "websockets-13.0.tar.gz", hash = "sha256:b7bf950234a482b7461afdb2ec99eee3548ec4d53f418c7990bb79c620476602"}, ] [[package]] name = "wheel" -version = "0.43.0" +version = "0.44.0" requires_python = ">=3.8" summary = "A built-package format for Python" groups = ["dev"] files = [ - {file = "wheel-0.43.0-py3-none-any.whl", hash = "sha256:55c570405f142630c6b9f72fe09d9b67cf1477fcf543ae5b8dcb1f5b7377da81"}, - {file = "wheel-0.43.0.tar.gz", hash = "sha256:465ef92c69fa5c5da2d1cf8ac40559a8c940886afcef87dcf14b9470862f1d85"}, + {file = "wheel-0.44.0-py3-none-any.whl", hash = "sha256:2376a90c98cc337d18623527a97c31797bd02bad0033d41547043a1cbfbe448f"}, + {file = "wheel-0.44.0.tar.gz", hash = "sha256:a29c3f2817e95ab89aa4660681ad547c0e9547f20e75b0562fe7723c9a2a9d49"}, ] [[package]] name = "widgetsnbextension" -version = "4.0.11" +version = "4.0.13" requires_python = ">=3.7" summary = "Jupyter interactive widgets for Jupyter Notebook" groups = ["dev"] files = [ - {file = "widgetsnbextension-4.0.11-py3-none-any.whl", hash = "sha256:55d4d6949d100e0d08b94948a42efc3ed6dfdc0e9468b2c4b128c9a2ce3a7a36"}, - {file = "widgetsnbextension-4.0.11.tar.gz", hash = "sha256:8b22a8f1910bfd188e596fe7fc05dcbd87e810c8a4ba010bdb3da86637398474"}, + {file = "widgetsnbextension-4.0.13-py3-none-any.whl", hash = "sha256:74b2692e8500525cc38c2b877236ba51d34541e6385eeed5aec15a70f88a6c71"}, + {file = "widgetsnbextension-4.0.13.tar.gz", hash = "sha256:ffcb67bc9febd10234a362795f643927f4e0c05d9342c727b65d2384f8feacb6"}, ] [[package]] @@ -3099,11 +2961,11 @@ files = [ [[package]] name = "zipp" -version = "3.19.2" +version = "3.20.1" requires_python = ">=3.8" summary = "Backport of pathlib-compatible object wrapper for zip files" groups = ["dev"] files = [ - {file = "zipp-3.19.2-py3-none-any.whl", hash = "sha256:f091755f667055f2d02b32c53771a7a6c8b47e1fdbc4b72a8b9072b3eef8015c"}, - {file = "zipp-3.19.2.tar.gz", hash = "sha256:bf1dcf6450f873a13e952a29504887c89e6de7506209e5b1bcc3460135d4de19"}, + {file = "zipp-3.20.1-py3-none-any.whl", hash = "sha256:9960cd8967c8f85a56f920d5d507274e74f9ff813a0ab8889a5b5be2daf44064"}, + {file = "zipp-3.20.1.tar.gz", hash = "sha256:c22b14cc4763c5a5b04134207736c107db42e9d3ef2d9779d465f5f1bcba572b"}, ] diff --git a/pyproject.toml b/pyproject.toml index 99b5e1f..f744e6f 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -7,12 +7,15 @@ requires-python = "<3.13,>=3.10" dev = [ '-e nwb-linkml @ file:///${PROJECT_ROOT}/nwb_linkml', '-e nwb-schema-language @ file:///${PROJECT_ROOT}/nwb_schema_language', - '-e nwb-models @ file:///${PROJECT_ROOT/nwb_models', + '-e nwb-models @ file:///${PROJECT_ROOT}/nwb_models', '-e docs @ file:///${PROJECT_ROOT}/docs', "ruff>=0.5.0", "black>=24.4.2", ] +[tool.pdm.scripts] +build-models = "python scripts/generate_core.py" + [tool.codespell] # Ref: https://github.com/codespell-project/codespell#using-a-config-file skip = '.git*,*.lock,*.css,./nwb_models/src/nwb_models/models,./nwb_models/src/nwb_models/schema' diff --git a/scripts/generate_core.py b/scripts/generate_core.py index 1e03897..221aeaf 100644 --- a/scripts/generate_core.py +++ b/scripts/generate_core.py @@ -166,29 +166,17 @@ def generate_versions( pydantic_task = None if not dry_run: - if hdmf_only: - shutil.rmtree(yaml_path / "linkml" / "hdmf_common") - shutil.rmtree(yaml_path / "linkml" / "hdmf_experimental") - shutil.rmtree(pydantic_path / "pydantic" / "hdmf_common") - shutil.rmtree(pydantic_path / "pydantic" / "hdmf_experimental") - shutil.move(tmp_dir / "linkml" / "hdmf_common", yaml_path / "linkml") - shutil.move(tmp_dir / "linkml" / "hdmf_experimental", yaml_path / "linkml") - shutil.move(tmp_dir / "pydantic" / "hdmf_common", pydantic_path / "pydantic") - shutil.move(tmp_dir / "pydantic" / "hdmf_experimental", pydantic_path / "pydantic") - else: - shutil.rmtree(yaml_path / "linkml") - shutil.rmtree(pydantic_path / "pydantic") - shutil.move(tmp_dir / "linkml", yaml_path) - shutil.move(tmp_dir / "pydantic", pydantic_path) + shutil.copytree(tmp_dir / "linkml", yaml_path, dirs_exist_ok=True) + shutil.copytree(tmp_dir / "pydantic", pydantic_path, dirs_exist_ok=True) + shutil.rmtree(tmp_dir / "linkml") + shutil.rmtree(tmp_dir / "pydantic") # import the most recent version of the schemaz we built - latest_version = sorted( - (pydantic_path / "pydantic" / "core").glob("v*"), key=os.path.getmtime - )[-1] + latest_version = sorted((pydantic_path / "core").glob("v*"), key=os.path.getmtime)[-1] # make inits to use the schema! we don't usually do this in the # provider class because we directly import the files there. - with open(pydantic_path / "pydantic" / "__init__.py", "w") as initfile: + with open(pydantic_path / "__init__.py", "w") as initfile: initfile.write(" ") with open(pydantic_path / "__init__.py", "w") as initfile: @@ -208,13 +196,23 @@ def parser() -> ArgumentParser: "--yaml", help="directory to export linkML schema to", type=Path, - default=Path(__file__).parent.parent / "nwb_models" / "src" / "nwb_models" / "schema", + default=Path(__file__).parent.parent + / "nwb_models" + / "src" + / "nwb_models" + / "schema" + / "linkml", ) parser.add_argument( "--pydantic", help="directory to export pydantic models", type=Path, - default=Path(__file__).parent.parent / "nwb_models" / "src" / "nwb_models" / "models", + default=Path(__file__).parent.parent + / "nwb_models" + / "src" + / "nwb_models" + / "models" + / "pydantic", ) parser.add_argument("--hdmf", help="Only generate the HDMF namespaces", action="store_true") parser.add_argument( From 81b475a2d4e2da8ed34d26f56d0edc233851d247 Mon Sep 17 00:00:00 2001 From: sneakers-the-rat Date: Tue, 27 Aug 2024 20:50:23 -0700 Subject: [PATCH 07/10] regenerate models with sorted imports --- .../nwb_models/models/pydantic/__init__.py | 1 + .../pydantic/core/v2_2_0/core_nwb_base.py | 16 +- .../pydantic/core/v2_2_0/core_nwb_behavior.py | 18 +- .../pydantic/core/v2_2_0/core_nwb_device.py | 14 +- .../pydantic/core/v2_2_0/core_nwb_ecephys.py | 26 ++- .../pydantic/core/v2_2_0/core_nwb_epoch.py | 20 +- .../pydantic/core/v2_2_0/core_nwb_file.py | 28 ++- .../pydantic/core/v2_2_0/core_nwb_icephys.py | 34 +-- .../pydantic/core/v2_2_0/core_nwb_image.py | 14 +- .../pydantic/core/v2_2_0/core_nwb_misc.py | 24 +- .../pydantic/core/v2_2_0/core_nwb_ogen.py | 16 +- .../pydantic/core/v2_2_0/core_nwb_ophys.py | 30 +-- .../core/v2_2_0/core_nwb_retinotopy.py | 22 +- .../models/pydantic/core/v2_2_0/namespace.py | 170 +++++++------- .../pydantic/core/v2_2_1/core_nwb_base.py | 16 +- .../pydantic/core/v2_2_1/core_nwb_behavior.py | 18 +- .../pydantic/core/v2_2_1/core_nwb_device.py | 14 +- .../pydantic/core/v2_2_1/core_nwb_ecephys.py | 26 ++- .../pydantic/core/v2_2_1/core_nwb_epoch.py | 20 +- .../pydantic/core/v2_2_1/core_nwb_file.py | 28 ++- .../pydantic/core/v2_2_1/core_nwb_icephys.py | 34 +-- .../pydantic/core/v2_2_1/core_nwb_image.py | 14 +- .../pydantic/core/v2_2_1/core_nwb_misc.py | 24 +- .../pydantic/core/v2_2_1/core_nwb_ogen.py | 16 +- .../pydantic/core/v2_2_1/core_nwb_ophys.py | 30 +-- .../core/v2_2_1/core_nwb_retinotopy.py | 22 +- .../models/pydantic/core/v2_2_1/namespace.py | 170 +++++++------- .../pydantic/core/v2_2_2/core_nwb_base.py | 16 +- .../pydantic/core/v2_2_2/core_nwb_behavior.py | 18 +- .../pydantic/core/v2_2_2/core_nwb_device.py | 14 +- .../pydantic/core/v2_2_2/core_nwb_ecephys.py | 26 ++- .../pydantic/core/v2_2_2/core_nwb_epoch.py | 20 +- .../pydantic/core/v2_2_2/core_nwb_file.py | 28 ++- .../pydantic/core/v2_2_2/core_nwb_icephys.py | 34 +-- .../pydantic/core/v2_2_2/core_nwb_image.py | 14 +- .../pydantic/core/v2_2_2/core_nwb_misc.py | 24 +- .../pydantic/core/v2_2_2/core_nwb_ogen.py | 16 +- .../pydantic/core/v2_2_2/core_nwb_ophys.py | 30 +-- .../core/v2_2_2/core_nwb_retinotopy.py | 16 +- .../models/pydantic/core/v2_2_2/namespace.py | 164 +++++++------- .../pydantic/core/v2_2_4/core_nwb_base.py | 16 +- .../pydantic/core/v2_2_4/core_nwb_behavior.py | 18 +- .../pydantic/core/v2_2_4/core_nwb_device.py | 14 +- .../pydantic/core/v2_2_4/core_nwb_ecephys.py | 26 ++- .../pydantic/core/v2_2_4/core_nwb_epoch.py | 20 +- .../pydantic/core/v2_2_4/core_nwb_file.py | 32 +-- .../pydantic/core/v2_2_4/core_nwb_icephys.py | 34 +-- .../pydantic/core/v2_2_4/core_nwb_image.py | 14 +- .../pydantic/core/v2_2_4/core_nwb_misc.py | 24 +- .../pydantic/core/v2_2_4/core_nwb_ogen.py | 16 +- .../pydantic/core/v2_2_4/core_nwb_ophys.py | 38 ++-- .../core/v2_2_4/core_nwb_retinotopy.py | 16 +- .../models/pydantic/core/v2_2_4/namespace.py | 178 +++++++-------- .../pydantic/core/v2_2_5/core_nwb_base.py | 16 +- .../pydantic/core/v2_2_5/core_nwb_behavior.py | 18 +- .../pydantic/core/v2_2_5/core_nwb_device.py | 14 +- .../pydantic/core/v2_2_5/core_nwb_ecephys.py | 26 ++- .../pydantic/core/v2_2_5/core_nwb_epoch.py | 20 +- .../pydantic/core/v2_2_5/core_nwb_file.py | 32 +-- .../pydantic/core/v2_2_5/core_nwb_icephys.py | 34 +-- .../pydantic/core/v2_2_5/core_nwb_image.py | 14 +- .../pydantic/core/v2_2_5/core_nwb_misc.py | 24 +- .../pydantic/core/v2_2_5/core_nwb_ogen.py | 16 +- .../pydantic/core/v2_2_5/core_nwb_ophys.py | 38 ++-- .../core/v2_2_5/core_nwb_retinotopy.py | 16 +- .../models/pydantic/core/v2_2_5/namespace.py | 178 +++++++-------- .../pydantic/core/v2_3_0/core_nwb_base.py | 16 +- .../pydantic/core/v2_3_0/core_nwb_behavior.py | 18 +- .../pydantic/core/v2_3_0/core_nwb_device.py | 14 +- .../pydantic/core/v2_3_0/core_nwb_ecephys.py | 26 ++- .../pydantic/core/v2_3_0/core_nwb_epoch.py | 20 +- .../pydantic/core/v2_3_0/core_nwb_file.py | 32 +-- .../pydantic/core/v2_3_0/core_nwb_icephys.py | 34 +-- .../pydantic/core/v2_3_0/core_nwb_image.py | 16 +- .../pydantic/core/v2_3_0/core_nwb_misc.py | 26 ++- .../pydantic/core/v2_3_0/core_nwb_ogen.py | 16 +- .../pydantic/core/v2_3_0/core_nwb_ophys.py | 38 ++-- .../core/v2_3_0/core_nwb_retinotopy.py | 16 +- .../models/pydantic/core/v2_3_0/namespace.py | 178 +++++++-------- .../pydantic/core/v2_4_0/core_nwb_base.py | 26 ++- .../pydantic/core/v2_4_0/core_nwb_behavior.py | 18 +- .../pydantic/core/v2_4_0/core_nwb_device.py | 14 +- .../pydantic/core/v2_4_0/core_nwb_ecephys.py | 26 ++- .../pydantic/core/v2_4_0/core_nwb_epoch.py | 20 +- .../pydantic/core/v2_4_0/core_nwb_file.py | 48 ++-- .../pydantic/core/v2_4_0/core_nwb_icephys.py | 40 ++-- .../pydantic/core/v2_4_0/core_nwb_image.py | 16 +- .../pydantic/core/v2_4_0/core_nwb_misc.py | 26 ++- .../pydantic/core/v2_4_0/core_nwb_ogen.py | 16 +- .../pydantic/core/v2_4_0/core_nwb_ophys.py | 38 ++-- .../core/v2_4_0/core_nwb_retinotopy.py | 16 +- .../models/pydantic/core/v2_4_0/namespace.py | 204 ++++++++--------- .../pydantic/core/v2_5_0/core_nwb_base.py | 36 +-- .../pydantic/core/v2_5_0/core_nwb_behavior.py | 18 +- .../pydantic/core/v2_5_0/core_nwb_device.py | 14 +- .../pydantic/core/v2_5_0/core_nwb_ecephys.py | 26 ++- .../pydantic/core/v2_5_0/core_nwb_epoch.py | 22 +- .../pydantic/core/v2_5_0/core_nwb_file.py | 50 +++-- .../pydantic/core/v2_5_0/core_nwb_icephys.py | 40 ++-- .../pydantic/core/v2_5_0/core_nwb_image.py | 18 +- .../pydantic/core/v2_5_0/core_nwb_misc.py | 26 ++- .../pydantic/core/v2_5_0/core_nwb_ogen.py | 16 +- .../pydantic/core/v2_5_0/core_nwb_ophys.py | 38 ++-- .../core/v2_5_0/core_nwb_retinotopy.py | 16 +- .../models/pydantic/core/v2_5_0/namespace.py | 204 ++++++++--------- .../core/v2_6_0_alpha/core_nwb_base.py | 36 +-- .../core/v2_6_0_alpha/core_nwb_behavior.py | 18 +- .../core/v2_6_0_alpha/core_nwb_device.py | 14 +- .../core/v2_6_0_alpha/core_nwb_ecephys.py | 26 ++- .../core/v2_6_0_alpha/core_nwb_epoch.py | 22 +- .../core/v2_6_0_alpha/core_nwb_file.py | 50 +++-- .../core/v2_6_0_alpha/core_nwb_icephys.py | 40 ++-- .../core/v2_6_0_alpha/core_nwb_image.py | 18 +- .../core/v2_6_0_alpha/core_nwb_misc.py | 26 ++- .../core/v2_6_0_alpha/core_nwb_ogen.py | 16 +- .../core/v2_6_0_alpha/core_nwb_ophys.py | 38 ++-- .../core/v2_6_0_alpha/core_nwb_retinotopy.py | 16 +- .../pydantic/core/v2_6_0_alpha/namespace.py | 208 ++++++++--------- .../pydantic/core/v2_7_0/core_nwb_base.py | 36 +-- .../pydantic/core/v2_7_0/core_nwb_behavior.py | 18 +- .../pydantic/core/v2_7_0/core_nwb_device.py | 14 +- .../pydantic/core/v2_7_0/core_nwb_ecephys.py | 26 ++- .../pydantic/core/v2_7_0/core_nwb_epoch.py | 22 +- .../pydantic/core/v2_7_0/core_nwb_file.py | 50 +++-- .../pydantic/core/v2_7_0/core_nwb_icephys.py | 40 ++-- .../pydantic/core/v2_7_0/core_nwb_image.py | 18 +- .../pydantic/core/v2_7_0/core_nwb_misc.py | 26 ++- .../pydantic/core/v2_7_0/core_nwb_ogen.py | 16 +- .../pydantic/core/v2_7_0/core_nwb_ophys.py | 38 ++-- .../core/v2_7_0/core_nwb_retinotopy.py | 16 +- .../models/pydantic/core/v2_7_0/namespace.py | 210 +++++++++--------- .../hdmf_common/v1_1_0/hdmf_common_sparse.py | 13 +- .../hdmf_common/v1_1_0/hdmf_common_table.py | 27 ++- .../pydantic/hdmf_common/v1_1_0/namespace.py | 34 +-- .../hdmf_common/v1_1_2/hdmf_common_sparse.py | 13 +- .../hdmf_common/v1_1_2/hdmf_common_table.py | 27 ++- .../pydantic/hdmf_common/v1_1_2/namespace.py | 34 +-- .../hdmf_common/v1_1_3/hdmf_common_sparse.py | 13 +- .../hdmf_common/v1_1_3/hdmf_common_table.py | 27 ++- .../pydantic/hdmf_common/v1_1_3/namespace.py | 34 +-- .../hdmf_common/v1_2_0/hdmf_common_base.py | 13 +- .../hdmf_common/v1_2_0/hdmf_common_sparse.py | 13 +- .../hdmf_common/v1_2_0/hdmf_common_table.py | 30 +-- .../pydantic/hdmf_common/v1_2_0/namespace.py | 34 +-- .../hdmf_common/v1_2_1/hdmf_common_base.py | 13 +- .../hdmf_common/v1_2_1/hdmf_common_sparse.py | 16 +- .../hdmf_common/v1_2_1/hdmf_common_table.py | 30 +-- .../pydantic/hdmf_common/v1_2_1/namespace.py | 34 +-- .../hdmf_common/v1_3_0/hdmf_common_base.py | 13 +- .../v1_3_0/hdmf_common_resources.py | 16 +- .../hdmf_common/v1_3_0/hdmf_common_sparse.py | 16 +- .../hdmf_common/v1_3_0/hdmf_common_table.py | 30 +-- .../pydantic/hdmf_common/v1_3_0/namespace.py | 38 ++-- .../hdmf_common/v1_4_0/hdmf_common_base.py | 13 +- .../hdmf_common/v1_4_0/hdmf_common_sparse.py | 16 +- .../hdmf_common/v1_4_0/hdmf_common_table.py | 30 +-- .../pydantic/hdmf_common/v1_4_0/namespace.py | 24 +- .../hdmf_common/v1_5_0/hdmf_common_base.py | 13 +- .../hdmf_common/v1_5_0/hdmf_common_sparse.py | 16 +- .../hdmf_common/v1_5_0/hdmf_common_table.py | 32 +-- .../pydantic/hdmf_common/v1_5_0/namespace.py | 26 ++- .../hdmf_common/v1_5_1/hdmf_common_base.py | 13 +- .../hdmf_common/v1_5_1/hdmf_common_sparse.py | 16 +- .../hdmf_common/v1_5_1/hdmf_common_table.py | 32 +-- .../pydantic/hdmf_common/v1_5_1/namespace.py | 26 ++- .../hdmf_common/v1_6_0/hdmf_common_base.py | 13 +- .../hdmf_common/v1_6_0/hdmf_common_sparse.py | 16 +- .../hdmf_common/v1_6_0/hdmf_common_table.py | 32 +-- .../pydantic/hdmf_common/v1_6_0/namespace.py | 26 ++- .../hdmf_common/v1_7_0/hdmf_common_base.py | 13 +- .../hdmf_common/v1_7_0/hdmf_common_sparse.py | 16 +- .../hdmf_common/v1_7_0/hdmf_common_table.py | 32 +-- .../pydantic/hdmf_common/v1_7_0/namespace.py | 26 ++- .../hdmf_common/v1_8_0/hdmf_common_base.py | 13 +- .../hdmf_common/v1_8_0/hdmf_common_sparse.py | 16 +- .../hdmf_common/v1_8_0/hdmf_common_table.py | 32 +-- .../pydantic/hdmf_common/v1_8_0/namespace.py | 26 ++- .../v0_1_0/hdmf_experimental_experimental.py | 16 +- .../v0_1_0/hdmf_experimental_resources.py | 16 +- .../hdmf_experimental/v0_1_0/namespace.py | 32 +-- .../v0_2_0/hdmf_experimental_experimental.py | 16 +- .../v0_2_0/hdmf_experimental_resources.py | 16 +- .../hdmf_experimental/v0_2_0/namespace.py | 34 +-- .../v0_3_0/hdmf_experimental_experimental.py | 16 +- .../v0_3_0/hdmf_experimental_resources.py | 16 +- .../hdmf_experimental/v0_3_0/namespace.py | 34 +-- .../v0_4_0/hdmf_experimental_experimental.py | 16 +- .../v0_4_0/hdmf_experimental_resources.py | 16 +- .../hdmf_experimental/v0_4_0/namespace.py | 36 +-- .../v0_5_0/hdmf_experimental_experimental.py | 16 +- .../v0_5_0/hdmf_experimental_resources.py | 16 +- .../hdmf_experimental/v0_5_0/namespace.py | 36 +-- 192 files changed, 3417 insertions(+), 2668 deletions(-) diff --git a/nwb_models/src/nwb_models/models/pydantic/__init__.py b/nwb_models/src/nwb_models/models/pydantic/__init__.py index e69de29..fa3cf1e 100644 --- a/nwb_models/src/nwb_models/models/pydantic/__init__.py +++ b/nwb_models/src/nwb_models/models/pydantic/__init__.py @@ -0,0 +1 @@ +from .pydantic.core.v2_7_0.namespace import * diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_base.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_base.py index 6cb19f8..db6e75c 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_base.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape -from ...hdmf_common.v1_1_0.hdmf_common_table import Data, Container, DynamicTable +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_1_0.hdmf_common_table import Container, Data, DynamicTable + metamodel_version = "None" version = "2.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_behavior.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_behavior.py index 095dec1..31bf322 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_behavior.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_behavior.py @@ -1,20 +1,24 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape -from ...core.v2_2_0.core_nwb_misc import IntervalSeries +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_0.core_nwb_base import ( + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, ) +from ...core.v2_2_0.core_nwb_misc import IntervalSeries + metamodel_version = "None" version = "2.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_device.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_device.py index 0456ec3..bf15387 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_device.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_device.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_0.core_nwb_base import NWBContainer + metamodel_version = "None" version = "2.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_ecephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_ecephys.py index c946ad9..7a99a15 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_ecephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_ecephys.py @@ -1,30 +1,34 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...hdmf_common.v1_1_0.hdmf_common_table import DynamicTableRegion -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...core.v2_2_0.core_nwb_device import Device + from ...core.v2_2_0.core_nwb_base import ( + NWBContainer, + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, - NWBContainer, ) -from numpydantic import NDArray, Shape +from ...core.v2_2_0.core_nwb_device import Device +from ...hdmf_common.v1_1_0.hdmf_common_table import DynamicTableRegion + metamodel_version = "None" version = "2.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_epoch.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_epoch.py index ada000f..7475c41 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_epoch.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_epoch.py @@ -1,23 +1,27 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...hdmf_common.v1_1_0.hdmf_common_table import DynamicTable, VectorIndex, VectorData + from ...core.v2_2_0.core_nwb_base import TimeSeries -from numpydantic import NDArray, Shape +from ...hdmf_common.v1_1_0.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_file.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_file.py index 548cc3b..e03f10b 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_file.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_file.py @@ -1,27 +1,31 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_2_0.core_nwb_misc import Units -from ...core.v2_2_0.core_nwb_device import Device -from ...core.v2_2_0.core_nwb_ogen import OptogeneticStimulusSite -from ...core.v2_2_0.core_nwb_ophys import ImagingPlane +from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_0.core_nwb_base import ( NWBContainer, NWBDataInterface, ProcessingModule, TimeSeries, ) +from ...core.v2_2_0.core_nwb_device import Device from ...core.v2_2_0.core_nwb_ecephys import ElectrodeGroup -from numpydantic import NDArray, Shape -from ...hdmf_common.v1_1_0.hdmf_common_table import DynamicTable, VectorData, VectorIndex -from ...core.v2_2_0.core_nwb_icephys import IntracellularElectrode, SweepTable from ...core.v2_2_0.core_nwb_epoch import TimeIntervals +from ...core.v2_2_0.core_nwb_icephys import IntracellularElectrode, SweepTable +from ...core.v2_2_0.core_nwb_misc import Units +from ...core.v2_2_0.core_nwb_ogen import OptogeneticStimulusSite +from ...core.v2_2_0.core_nwb_ophys import ImagingPlane +from ...hdmf_common.v1_1_0.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_icephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_icephys.py index 86cbcb4..be3a0ab 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_icephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_icephys.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_2_0.core_nwb_base import ( - TimeSeries, - TimeSeriesStartingTime, - TimeSeriesSync, - NWBContainer, -) -from ...core.v2_2_0.core_nwb_device import Device -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from numpydantic import NDArray, Shape -from ...hdmf_common.v1_1_0.hdmf_common_table import DynamicTable, VectorIndex, VectorData + +from ...core.v2_2_0.core_nwb_base import ( + NWBContainer, + TimeSeries, + TimeSeriesStartingTime, + TimeSeriesSync, +) +from ...core.v2_2_0.core_nwb_device import Device +from ...hdmf_common.v1_1_0.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_image.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_image.py index 28ff7b4..73b924f 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_image.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_image.py @@ -1,15 +1,19 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_0.core_nwb_base import Image, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync + metamodel_version = "None" version = "2.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_misc.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_misc.py index 0e16f74..f83925f 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_misc.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_misc.py @@ -1,30 +1,34 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_2_0.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) + +from ...core.v2_2_0.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync from ...core.v2_2_0.core_nwb_ecephys import ElectrodeGroup -from numpydantic import NDArray, Shape from ...hdmf_common.v1_1_0.hdmf_common_table import ( DynamicTable, + DynamicTableRegion, VectorData, VectorIndex, - DynamicTableRegion, ) + metamodel_version = "None" version = "2.2.0" @@ -178,7 +182,7 @@ class AbstractFeatureSeriesData(ConfiguredBaseModel): json_schema_extra={"linkml_meta": {"equals_string": "data", "ifabsent": "string(data)"}}, ) unit: Optional[str] = Field( - "see 'feature_units'", + "see ", description="""Since there can be different units for different features, store the units in 'feature_units'. The default value for this attribute is \"see 'feature_units'\".""", json_schema_extra={"linkml_meta": {"ifabsent": "string(see 'feature_units')"}}, ) diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_ogen.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_ogen.py index 2bbed5f..853250a 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_ogen.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_ogen.py @@ -1,21 +1,25 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_0.core_nwb_base import ( + NWBContainer, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBContainer, ) from ...core.v2_2_0.core_nwb_device import Device + metamodel_version = "None" version = "2.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_ophys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_ophys.py index 5321376..6ce44c7 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_ophys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_ophys.py @@ -1,31 +1,35 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_2_0.core_nwb_image import ImageSeries, ImageSeriesExternalFile -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...hdmf_common.v1_1_0.hdmf_common_table import DynamicTableRegion, DynamicTable -from ...core.v2_2_0.core_nwb_device import Device -from numpydantic import NDArray, Shape + from ...core.v2_2_0.core_nwb_base import ( + NWBContainer, + NWBDataInterface, + TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - TimeSeries, - NWBDataInterface, - NWBContainer, ) +from ...core.v2_2_0.core_nwb_device import Device +from ...core.v2_2_0.core_nwb_image import ImageSeries, ImageSeriesExternalFile +from ...hdmf_common.v1_1_0.hdmf_common_table import DynamicTable, DynamicTableRegion + metamodel_version = "None" version = "2.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_retinotopy.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_retinotopy.py index 3ee80c2..ab2f91e 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_retinotopy.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/core_nwb_retinotopy.py @@ -1,23 +1,27 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_2_0.core_nwb_image import GrayscaleImage -from ...core.v2_2_0.core_nwb_base import NWBData, NWBDataInterface -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from numpydantic import NDArray, Shape + +from ...core.v2_2_0.core_nwb_base import NWBData, NWBDataInterface +from ...core.v2_2_0.core_nwb_image import GrayscaleImage + metamodel_version = "None" version = "2.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/namespace.py index 2a75efc..710c80c 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/namespace.py @@ -1,61 +1,78 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_0.core_nwb_base import ( - NWBData, Image, + Images, NWBContainer, + NWBData, NWBDataInterface, + ProcessingModule, TimeSeries, TimeSeriesData, TimeSeriesStartingTime, TimeSeriesSync, - ProcessingModule, - Images, +) +from ...core.v2_2_0.core_nwb_behavior import ( + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + CompassDirection, + EyeTracking, + Position, + PupilTracking, + SpatialSeries, + SpatialSeriesData, ) from ...core.v2_2_0.core_nwb_device import Device -from ...core.v2_2_0.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries -from ...core.v2_2_0.core_nwb_image import ( - GrayscaleImage, - RGBImage, - RGBAImage, - ImageSeries, - ImageSeriesExternalFile, - ImageMaskSeries, - OpticalSeries, - IndexSeries, -) from ...core.v2_2_0.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, ClusterWaveforms, Clustering, + ElectricalSeries, + ElectrodeGroup, + ElectrodeGroupPosition, + EventDetection, + EventWaveform, + FeatureExtraction, + FilteredEphys, + LFP, + SpikeEventSeries, +) +from ...core.v2_2_0.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries +from ...core.v2_2_0.core_nwb_file import ( + ExtracellularEphysElectrodes, + GeneralExtracellularEphys, + GeneralIntracellularEphys, + GeneralSourceScript, + NWBFile, + NWBFileGeneral, + NWBFileIntervals, + NWBFileStimulus, + Subject, ) from ...core.v2_2_0.core_nwb_icephys import ( - PatchClampSeries, - PatchClampSeriesData, CurrentClampSeries, CurrentClampSeriesData, - IZeroClampSeries, CurrentClampStimulusSeries, CurrentClampStimulusSeriesData, + IZeroClampSeries, + IntracellularElectrode, + PatchClampSeries, + PatchClampSeriesData, + SweepTable, VoltageClampSeries, - VoltageClampSeriesData, VoltageClampSeriesCapacitanceFast, VoltageClampSeriesCapacitanceSlow, + VoltageClampSeriesData, VoltageClampSeriesResistanceCompBandwidth, VoltageClampSeriesResistanceCompCorrection, VoltageClampSeriesResistanceCompPrediction, @@ -63,79 +80,66 @@ from ...core.v2_2_0.core_nwb_icephys import ( VoltageClampSeriesWholeCellSeriesResistanceComp, VoltageClampStimulusSeries, VoltageClampStimulusSeriesData, - IntracellularElectrode, - SweepTable, ) -from ...core.v2_2_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite -from ...core.v2_2_0.core_nwb_ophys import ( - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, +from ...core.v2_2_0.core_nwb_image import ( + GrayscaleImage, + ImageMaskSeries, + ImageSeries, + ImageSeriesExternalFile, + IndexSeries, + OpticalSeries, + RGBAImage, + RGBImage, ) from ...core.v2_2_0.core_nwb_misc import ( AbstractFeatureSeries, AbstractFeatureSeriesData, AnnotationSeries, - IntervalSeries, DecompositionSeries, - DecompositionSeriesData, DecompositionSeriesBands, + DecompositionSeriesData, + IntervalSeries, Units, UnitsSpikeTimes, ) -from ...core.v2_2_0.core_nwb_file import ( - NWBFile, - NWBFileStimulus, - NWBFileGeneral, - GeneralSourceScript, - Subject, - GeneralExtracellularEphys, - ExtracellularEphysElectrodes, - GeneralIntracellularEphys, - NWBFileIntervals, -) -from ...core.v2_2_0.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_2_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_2_0.core_nwb_ophys import ( + DfOverF, + Fluorescence, + ImageSegmentation, + ImagingPlane, + ImagingPlaneGridSpacing, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + MotionCorrection, + OpticalChannel, + RoiResponseSeries, + TwoPhotonSeries, ) from ...core.v2_2_0.core_nwb_retinotopy import ( - RetinotopyMap, AxisMap, - RetinotopyImage, ImagingRetinotopy, ImagingRetinotopyFocalDepthImage, -) -from ...hdmf_common.v1_1_0.hdmf_common_table import ( - Data, - Index, - VectorData, - VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - Container, - DynamicTable, + RetinotopyImage, + RetinotopyMap, ) from ...hdmf_common.v1_1_0.hdmf_common_sparse import ( CSRMatrix, + CSRMatrixData, CSRMatrixIndices, CSRMatrixIndptr, - CSRMatrixData, ) +from ...hdmf_common.v1_1_0.hdmf_common_table import ( + Container, + Data, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, + Index, + VectorData, + VectorIndex, +) + metamodel_version = "None" version = "2.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_base.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_base.py index 45c2131..635f77a 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_base.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape -from ...hdmf_common.v1_1_2.hdmf_common_table import Data, Container, DynamicTable +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_1_2.hdmf_common_table import Container, Data, DynamicTable + metamodel_version = "None" version = "2.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_behavior.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_behavior.py index 04c20b4..c0a675b 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_behavior.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_behavior.py @@ -1,20 +1,24 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape -from ...core.v2_2_1.core_nwb_misc import IntervalSeries +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_1.core_nwb_base import ( + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, ) +from ...core.v2_2_1.core_nwb_misc import IntervalSeries + metamodel_version = "None" version = "2.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_device.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_device.py index bc309fc..1da62bb 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_device.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_device.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_1.core_nwb_base import NWBContainer + metamodel_version = "None" version = "2.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_ecephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_ecephys.py index 0a13c81..25525e8 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_ecephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_ecephys.py @@ -1,30 +1,34 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...hdmf_common.v1_1_2.hdmf_common_table import DynamicTableRegion -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...core.v2_2_1.core_nwb_device import Device + from ...core.v2_2_1.core_nwb_base import ( + NWBContainer, + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, - NWBContainer, ) -from numpydantic import NDArray, Shape +from ...core.v2_2_1.core_nwb_device import Device +from ...hdmf_common.v1_1_2.hdmf_common_table import DynamicTableRegion + metamodel_version = "None" version = "2.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_epoch.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_epoch.py index 92fd747..247b667 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_epoch.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_epoch.py @@ -1,23 +1,27 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...hdmf_common.v1_1_2.hdmf_common_table import DynamicTable, VectorIndex, VectorData + from ...core.v2_2_1.core_nwb_base import TimeSeries -from numpydantic import NDArray, Shape +from ...hdmf_common.v1_1_2.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_file.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_file.py index 06fdd52..49ebbf0 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_file.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_file.py @@ -1,27 +1,31 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_2_1.core_nwb_misc import Units -from ...core.v2_2_1.core_nwb_device import Device -from ...core.v2_2_1.core_nwb_ogen import OptogeneticStimulusSite -from ...core.v2_2_1.core_nwb_ophys import ImagingPlane +from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_1.core_nwb_base import ( NWBContainer, NWBDataInterface, ProcessingModule, TimeSeries, ) +from ...core.v2_2_1.core_nwb_device import Device from ...core.v2_2_1.core_nwb_ecephys import ElectrodeGroup -from numpydantic import NDArray, Shape -from ...hdmf_common.v1_1_2.hdmf_common_table import DynamicTable, VectorData, VectorIndex -from ...core.v2_2_1.core_nwb_icephys import IntracellularElectrode, SweepTable from ...core.v2_2_1.core_nwb_epoch import TimeIntervals +from ...core.v2_2_1.core_nwb_icephys import IntracellularElectrode, SweepTable +from ...core.v2_2_1.core_nwb_misc import Units +from ...core.v2_2_1.core_nwb_ogen import OptogeneticStimulusSite +from ...core.v2_2_1.core_nwb_ophys import ImagingPlane +from ...hdmf_common.v1_1_2.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_icephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_icephys.py index d004723..34a9d42 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_icephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_icephys.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_2_1.core_nwb_base import ( - TimeSeries, - TimeSeriesStartingTime, - TimeSeriesSync, - NWBContainer, -) -from ...core.v2_2_1.core_nwb_device import Device -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from numpydantic import NDArray, Shape -from ...hdmf_common.v1_1_2.hdmf_common_table import DynamicTable, VectorIndex, VectorData + +from ...core.v2_2_1.core_nwb_base import ( + NWBContainer, + TimeSeries, + TimeSeriesStartingTime, + TimeSeriesSync, +) +from ...core.v2_2_1.core_nwb_device import Device +from ...hdmf_common.v1_1_2.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_image.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_image.py index 3322ff3..0824778 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_image.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_image.py @@ -1,15 +1,19 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_1.core_nwb_base import Image, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync + metamodel_version = "None" version = "2.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_misc.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_misc.py index cf92403..ecd0946 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_misc.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_misc.py @@ -1,30 +1,34 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_2_1.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) + +from ...core.v2_2_1.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync from ...core.v2_2_1.core_nwb_ecephys import ElectrodeGroup -from numpydantic import NDArray, Shape from ...hdmf_common.v1_1_2.hdmf_common_table import ( DynamicTable, + DynamicTableRegion, VectorData, VectorIndex, - DynamicTableRegion, ) + metamodel_version = "None" version = "2.2.1" @@ -178,7 +182,7 @@ class AbstractFeatureSeriesData(ConfiguredBaseModel): json_schema_extra={"linkml_meta": {"equals_string": "data", "ifabsent": "string(data)"}}, ) unit: Optional[str] = Field( - "see 'feature_units'", + "see ", description="""Since there can be different units for different features, store the units in 'feature_units'. The default value for this attribute is \"see 'feature_units'\".""", json_schema_extra={"linkml_meta": {"ifabsent": "string(see 'feature_units')"}}, ) diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_ogen.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_ogen.py index 07d8693..1577358 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_ogen.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_ogen.py @@ -1,21 +1,25 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_1.core_nwb_base import ( + NWBContainer, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBContainer, ) from ...core.v2_2_1.core_nwb_device import Device + metamodel_version = "None" version = "2.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_ophys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_ophys.py index 587b5ee..ca843fc 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_ophys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_ophys.py @@ -1,31 +1,35 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_2_1.core_nwb_image import ImageSeries, ImageSeriesExternalFile -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...hdmf_common.v1_1_2.hdmf_common_table import DynamicTableRegion, DynamicTable -from ...core.v2_2_1.core_nwb_device import Device -from numpydantic import NDArray, Shape + from ...core.v2_2_1.core_nwb_base import ( + NWBContainer, + NWBDataInterface, + TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - TimeSeries, - NWBDataInterface, - NWBContainer, ) +from ...core.v2_2_1.core_nwb_device import Device +from ...core.v2_2_1.core_nwb_image import ImageSeries, ImageSeriesExternalFile +from ...hdmf_common.v1_1_2.hdmf_common_table import DynamicTable, DynamicTableRegion + metamodel_version = "None" version = "2.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_retinotopy.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_retinotopy.py index eef6b41..69e47a3 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_retinotopy.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/core_nwb_retinotopy.py @@ -1,23 +1,27 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_2_1.core_nwb_image import GrayscaleImage -from ...core.v2_2_1.core_nwb_base import NWBData, NWBDataInterface -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from numpydantic import NDArray, Shape + +from ...core.v2_2_1.core_nwb_base import NWBData, NWBDataInterface +from ...core.v2_2_1.core_nwb_image import GrayscaleImage + metamodel_version = "None" version = "2.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/namespace.py index f2df392..5dd8a41 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/namespace.py @@ -1,61 +1,78 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_1.core_nwb_base import ( - NWBData, Image, + Images, NWBContainer, + NWBData, NWBDataInterface, + ProcessingModule, TimeSeries, TimeSeriesData, TimeSeriesStartingTime, TimeSeriesSync, - ProcessingModule, - Images, +) +from ...core.v2_2_1.core_nwb_behavior import ( + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + CompassDirection, + EyeTracking, + Position, + PupilTracking, + SpatialSeries, + SpatialSeriesData, ) from ...core.v2_2_1.core_nwb_device import Device -from ...core.v2_2_1.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries -from ...core.v2_2_1.core_nwb_image import ( - GrayscaleImage, - RGBImage, - RGBAImage, - ImageSeries, - ImageSeriesExternalFile, - ImageMaskSeries, - OpticalSeries, - IndexSeries, -) from ...core.v2_2_1.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, ClusterWaveforms, Clustering, + ElectricalSeries, + ElectrodeGroup, + ElectrodeGroupPosition, + EventDetection, + EventWaveform, + FeatureExtraction, + FilteredEphys, + LFP, + SpikeEventSeries, +) +from ...core.v2_2_1.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries +from ...core.v2_2_1.core_nwb_file import ( + ExtracellularEphysElectrodes, + GeneralExtracellularEphys, + GeneralIntracellularEphys, + GeneralSourceScript, + NWBFile, + NWBFileGeneral, + NWBFileIntervals, + NWBFileStimulus, + Subject, ) from ...core.v2_2_1.core_nwb_icephys import ( - PatchClampSeries, - PatchClampSeriesData, CurrentClampSeries, CurrentClampSeriesData, - IZeroClampSeries, CurrentClampStimulusSeries, CurrentClampStimulusSeriesData, + IZeroClampSeries, + IntracellularElectrode, + PatchClampSeries, + PatchClampSeriesData, + SweepTable, VoltageClampSeries, - VoltageClampSeriesData, VoltageClampSeriesCapacitanceFast, VoltageClampSeriesCapacitanceSlow, + VoltageClampSeriesData, VoltageClampSeriesResistanceCompBandwidth, VoltageClampSeriesResistanceCompCorrection, VoltageClampSeriesResistanceCompPrediction, @@ -63,79 +80,66 @@ from ...core.v2_2_1.core_nwb_icephys import ( VoltageClampSeriesWholeCellSeriesResistanceComp, VoltageClampStimulusSeries, VoltageClampStimulusSeriesData, - IntracellularElectrode, - SweepTable, ) -from ...core.v2_2_1.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite -from ...core.v2_2_1.core_nwb_ophys import ( - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, +from ...core.v2_2_1.core_nwb_image import ( + GrayscaleImage, + ImageMaskSeries, + ImageSeries, + ImageSeriesExternalFile, + IndexSeries, + OpticalSeries, + RGBAImage, + RGBImage, ) from ...core.v2_2_1.core_nwb_misc import ( AbstractFeatureSeries, AbstractFeatureSeriesData, AnnotationSeries, - IntervalSeries, DecompositionSeries, - DecompositionSeriesData, DecompositionSeriesBands, + DecompositionSeriesData, + IntervalSeries, Units, UnitsSpikeTimes, ) -from ...core.v2_2_1.core_nwb_file import ( - NWBFile, - NWBFileStimulus, - NWBFileGeneral, - GeneralSourceScript, - Subject, - GeneralExtracellularEphys, - ExtracellularEphysElectrodes, - GeneralIntracellularEphys, - NWBFileIntervals, -) -from ...core.v2_2_1.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_2_1.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_2_1.core_nwb_ophys import ( + DfOverF, + Fluorescence, + ImageSegmentation, + ImagingPlane, + ImagingPlaneGridSpacing, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + MotionCorrection, + OpticalChannel, + RoiResponseSeries, + TwoPhotonSeries, ) from ...core.v2_2_1.core_nwb_retinotopy import ( - RetinotopyMap, AxisMap, - RetinotopyImage, ImagingRetinotopy, ImagingRetinotopyFocalDepthImage, -) -from ...hdmf_common.v1_1_2.hdmf_common_table import ( - Data, - Index, - VectorData, - VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - Container, - DynamicTable, + RetinotopyImage, + RetinotopyMap, ) from ...hdmf_common.v1_1_2.hdmf_common_sparse import ( CSRMatrix, + CSRMatrixData, CSRMatrixIndices, CSRMatrixIndptr, - CSRMatrixData, ) +from ...hdmf_common.v1_1_2.hdmf_common_table import ( + Container, + Data, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, + Index, + VectorData, + VectorIndex, +) + metamodel_version = "None" version = "2.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_base.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_base.py index 4b73640..dd580be 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_base.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape -from ...hdmf_common.v1_1_3.hdmf_common_table import Data, Container, DynamicTable +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_1_3.hdmf_common_table import Container, Data, DynamicTable + metamodel_version = "None" version = "2.2.2" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_behavior.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_behavior.py index aa5631c..bb900e7 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_behavior.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_behavior.py @@ -1,20 +1,24 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape -from ...core.v2_2_2.core_nwb_misc import IntervalSeries +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_2.core_nwb_base import ( + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, ) +from ...core.v2_2_2.core_nwb_misc import IntervalSeries + metamodel_version = "None" version = "2.2.2" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_device.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_device.py index dd0ab6e..dbb96bf 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_device.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_device.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_2.core_nwb_base import NWBContainer + metamodel_version = "None" version = "2.2.2" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_ecephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_ecephys.py index 402ccda..5749b00 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_ecephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_ecephys.py @@ -1,30 +1,34 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTableRegion -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...core.v2_2_2.core_nwb_device import Device + from ...core.v2_2_2.core_nwb_base import ( + NWBContainer, + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, - NWBContainer, ) -from numpydantic import NDArray, Shape +from ...core.v2_2_2.core_nwb_device import Device +from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTableRegion + metamodel_version = "None" version = "2.2.2" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_epoch.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_epoch.py index 215cca6..6e766ad 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_epoch.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_epoch.py @@ -1,23 +1,27 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorIndex, VectorData + from ...core.v2_2_2.core_nwb_base import TimeSeries -from numpydantic import NDArray, Shape +from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.2.2" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_file.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_file.py index 5d28191..3824ab2 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_file.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_file.py @@ -1,27 +1,31 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_2_2.core_nwb_misc import Units -from ...core.v2_2_2.core_nwb_device import Device -from ...core.v2_2_2.core_nwb_ogen import OptogeneticStimulusSite -from ...core.v2_2_2.core_nwb_ophys import ImagingPlane +from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_2.core_nwb_base import ( NWBContainer, NWBDataInterface, ProcessingModule, TimeSeries, ) +from ...core.v2_2_2.core_nwb_device import Device from ...core.v2_2_2.core_nwb_ecephys import ElectrodeGroup -from numpydantic import NDArray, Shape -from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorData, VectorIndex -from ...core.v2_2_2.core_nwb_icephys import IntracellularElectrode, SweepTable from ...core.v2_2_2.core_nwb_epoch import TimeIntervals +from ...core.v2_2_2.core_nwb_icephys import IntracellularElectrode, SweepTable +from ...core.v2_2_2.core_nwb_misc import Units +from ...core.v2_2_2.core_nwb_ogen import OptogeneticStimulusSite +from ...core.v2_2_2.core_nwb_ophys import ImagingPlane +from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.2.2" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_icephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_icephys.py index cb14508..9d4a696 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_icephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_icephys.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_2_2.core_nwb_base import ( - TimeSeries, - TimeSeriesStartingTime, - TimeSeriesSync, - NWBContainer, -) -from ...core.v2_2_2.core_nwb_device import Device -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from numpydantic import NDArray, Shape -from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorIndex, VectorData + +from ...core.v2_2_2.core_nwb_base import ( + NWBContainer, + TimeSeries, + TimeSeriesStartingTime, + TimeSeriesSync, +) +from ...core.v2_2_2.core_nwb_device import Device +from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.2.2" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_image.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_image.py index 88c0781..fec53fa 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_image.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_image.py @@ -1,15 +1,19 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_2.core_nwb_base import Image, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync + metamodel_version = "None" version = "2.2.2" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_misc.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_misc.py index 6e8daf9..5c32d21 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_misc.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_misc.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_2_2.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) + +from ...core.v2_2_2.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync from ...core.v2_2_2.core_nwb_ecephys import ElectrodeGroup from ...hdmf_common.v1_1_3.hdmf_common_table import ( DynamicTable, + DynamicTableRegion, VectorData, VectorIndex, - DynamicTableRegion, ) -from numpydantic import NDArray, Shape + metamodel_version = "None" version = "2.2.2" @@ -178,7 +182,7 @@ class AbstractFeatureSeriesData(ConfiguredBaseModel): json_schema_extra={"linkml_meta": {"equals_string": "data", "ifabsent": "string(data)"}}, ) unit: Optional[str] = Field( - "see 'feature_units'", + "see ", description="""Since there can be different units for different features, store the units in 'feature_units'. The default value for this attribute is \"see 'feature_units'\".""", json_schema_extra={"linkml_meta": {"ifabsent": "string(see 'feature_units')"}}, ) diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_ogen.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_ogen.py index e7823a4..8c1e21d 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_ogen.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_ogen.py @@ -1,21 +1,25 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_2.core_nwb_base import ( + NWBContainer, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBContainer, ) from ...core.v2_2_2.core_nwb_device import Device + metamodel_version = "None" version = "2.2.2" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_ophys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_ophys.py index 88bb254..b7ed446 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_ophys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_ophys.py @@ -1,31 +1,35 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_2_2.core_nwb_image import ImageSeries, ImageSeriesExternalFile -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTableRegion, DynamicTable -from ...core.v2_2_2.core_nwb_device import Device -from numpydantic import NDArray, Shape + from ...core.v2_2_2.core_nwb_base import ( + NWBContainer, + NWBDataInterface, + TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - TimeSeries, - NWBDataInterface, - NWBContainer, ) +from ...core.v2_2_2.core_nwb_device import Device +from ...core.v2_2_2.core_nwb_image import ImageSeries, ImageSeriesExternalFile +from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, DynamicTableRegion + metamodel_version = "None" version = "2.2.2" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_retinotopy.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_retinotopy.py index e623a0b..f92004d 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_retinotopy.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/core_nwb_retinotopy.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_2_2.core_nwb_base import NWBDataInterface from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...core.v2_2_2.core_nwb_base import NWBDataInterface + metamodel_version = "None" version = "2.2.2" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/namespace.py index 6a5046e..536af15 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/namespace.py @@ -1,61 +1,78 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_2.core_nwb_base import ( - NWBData, Image, + Images, NWBContainer, + NWBData, NWBDataInterface, + ProcessingModule, TimeSeries, TimeSeriesData, TimeSeriesStartingTime, TimeSeriesSync, - ProcessingModule, - Images, +) +from ...core.v2_2_2.core_nwb_behavior import ( + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + CompassDirection, + EyeTracking, + Position, + PupilTracking, + SpatialSeries, + SpatialSeriesData, ) from ...core.v2_2_2.core_nwb_device import Device -from ...core.v2_2_2.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries -from ...core.v2_2_2.core_nwb_image import ( - GrayscaleImage, - RGBImage, - RGBAImage, - ImageSeries, - ImageSeriesExternalFile, - ImageMaskSeries, - OpticalSeries, - IndexSeries, -) from ...core.v2_2_2.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, ClusterWaveforms, Clustering, + ElectricalSeries, + ElectrodeGroup, + ElectrodeGroupPosition, + EventDetection, + EventWaveform, + FeatureExtraction, + FilteredEphys, + LFP, + SpikeEventSeries, +) +from ...core.v2_2_2.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries +from ...core.v2_2_2.core_nwb_file import ( + ExtracellularEphysElectrodes, + GeneralExtracellularEphys, + GeneralIntracellularEphys, + GeneralSourceScript, + NWBFile, + NWBFileGeneral, + NWBFileIntervals, + NWBFileStimulus, + Subject, ) from ...core.v2_2_2.core_nwb_icephys import ( - PatchClampSeries, - PatchClampSeriesData, CurrentClampSeries, CurrentClampSeriesData, - IZeroClampSeries, CurrentClampStimulusSeries, CurrentClampStimulusSeriesData, + IZeroClampSeries, + IntracellularElectrode, + PatchClampSeries, + PatchClampSeriesData, + SweepTable, VoltageClampSeries, - VoltageClampSeriesData, VoltageClampSeriesCapacitanceFast, VoltageClampSeriesCapacitanceSlow, + VoltageClampSeriesData, VoltageClampSeriesResistanceCompBandwidth, VoltageClampSeriesResistanceCompCorrection, VoltageClampSeriesResistanceCompPrediction, @@ -63,55 +80,41 @@ from ...core.v2_2_2.core_nwb_icephys import ( VoltageClampSeriesWholeCellSeriesResistanceComp, VoltageClampStimulusSeries, VoltageClampStimulusSeriesData, - IntracellularElectrode, - SweepTable, ) -from ...core.v2_2_2.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite -from ...core.v2_2_2.core_nwb_ophys import ( - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, +from ...core.v2_2_2.core_nwb_image import ( + GrayscaleImage, + ImageMaskSeries, + ImageSeries, + ImageSeriesExternalFile, + IndexSeries, + OpticalSeries, + RGBAImage, + RGBImage, ) from ...core.v2_2_2.core_nwb_misc import ( AbstractFeatureSeries, AbstractFeatureSeriesData, AnnotationSeries, - IntervalSeries, DecompositionSeries, - DecompositionSeriesData, DecompositionSeriesBands, + DecompositionSeriesData, + IntervalSeries, Units, UnitsSpikeTimes, ) -from ...core.v2_2_2.core_nwb_file import ( - NWBFile, - NWBFileStimulus, - NWBFileGeneral, - GeneralSourceScript, - Subject, - GeneralExtracellularEphys, - ExtracellularEphysElectrodes, - GeneralIntracellularEphys, - NWBFileIntervals, -) -from ...core.v2_2_2.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_2_2.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_2_2.core_nwb_ophys import ( + DfOverF, + Fluorescence, + ImageSegmentation, + ImagingPlane, + ImagingPlaneGridSpacing, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + MotionCorrection, + OpticalChannel, + RoiResponseSeries, + TwoPhotonSeries, ) from ...core.v2_2_2.core_nwb_retinotopy import ( ImagingRetinotopy, @@ -123,23 +126,24 @@ from ...core.v2_2_2.core_nwb_retinotopy import ( ImagingRetinotopySignMap, ImagingRetinotopyVasculatureImage, ) +from ...hdmf_common.v1_1_3.hdmf_common_sparse import ( + CSRMatrix, + CSRMatrixData, + CSRMatrixIndices, + CSRMatrixIndptr, +) from ...hdmf_common.v1_1_3.hdmf_common_table import ( + Container, Data, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, Index, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - Container, - DynamicTable, -) -from ...hdmf_common.v1_1_3.hdmf_common_sparse import ( - CSRMatrix, - CSRMatrixIndices, - CSRMatrixIndptr, - CSRMatrixData, ) + metamodel_version = "None" version = "2.2.2" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_base.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_base.py index 1d0f436..82fa6ff 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_base.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape -from ...hdmf_common.v1_1_3.hdmf_common_table import Data, Container, DynamicTable +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_1_3.hdmf_common_table import Container, Data, DynamicTable + metamodel_version = "None" version = "2.2.4" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_behavior.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_behavior.py index e095079..e14c8d5 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_behavior.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_behavior.py @@ -1,20 +1,24 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape -from ...core.v2_2_4.core_nwb_misc import IntervalSeries +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_4.core_nwb_base import ( + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, ) +from ...core.v2_2_4.core_nwb_misc import IntervalSeries + metamodel_version = "None" version = "2.2.4" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_device.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_device.py index ed9623b..09cf60b 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_device.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_device.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_4.core_nwb_base import NWBContainer + metamodel_version = "None" version = "2.2.4" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_ecephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_ecephys.py index e5b05d6..25a0a42 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_ecephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_ecephys.py @@ -1,30 +1,34 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTableRegion -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...core.v2_2_4.core_nwb_device import Device + from ...core.v2_2_4.core_nwb_base import ( + NWBContainer, + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, - NWBContainer, ) -from numpydantic import NDArray, Shape +from ...core.v2_2_4.core_nwb_device import Device +from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTableRegion + metamodel_version = "None" version = "2.2.4" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_epoch.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_epoch.py index e216685..3cd5078 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_epoch.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_epoch.py @@ -1,23 +1,27 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorIndex, VectorData + from ...core.v2_2_4.core_nwb_base import TimeSeries -from numpydantic import NDArray, Shape +from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.2.4" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_file.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_file.py index e70c2dc..0542071 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_file.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_file.py @@ -1,28 +1,32 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_2_4.core_nwb_misc import Units -from ...core.v2_2_4.core_nwb_device import Device -from ...core.v2_2_4.core_nwb_ogen import OptogeneticStimulusSite -from ...core.v2_2_4.core_nwb_ophys import ImagingPlane -from ...core.v2_2_4.core_nwb_ecephys import ElectrodeGroup from numpydantic import NDArray, Shape -from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorData, VectorIndex -from ...core.v2_2_4.core_nwb_icephys import IntracellularElectrode, SweepTable -from ...core.v2_2_4.core_nwb_epoch import TimeIntervals +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_4.core_nwb_base import ( - NWBData, NWBContainer, + NWBData, NWBDataInterface, ProcessingModule, TimeSeries, ) +from ...core.v2_2_4.core_nwb_device import Device +from ...core.v2_2_4.core_nwb_ecephys import ElectrodeGroup +from ...core.v2_2_4.core_nwb_epoch import TimeIntervals +from ...core.v2_2_4.core_nwb_icephys import IntracellularElectrode, SweepTable +from ...core.v2_2_4.core_nwb_misc import Units +from ...core.v2_2_4.core_nwb_ogen import OptogeneticStimulusSite +from ...core.v2_2_4.core_nwb_ophys import ImagingPlane +from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.2.4" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_icephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_icephys.py index 98b68dc..8f20762 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_icephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_icephys.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_2_4.core_nwb_base import ( - TimeSeries, - TimeSeriesStartingTime, - TimeSeriesSync, - NWBContainer, -) -from ...core.v2_2_4.core_nwb_device import Device -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from numpydantic import NDArray, Shape -from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorIndex, VectorData + +from ...core.v2_2_4.core_nwb_base import ( + NWBContainer, + TimeSeries, + TimeSeriesStartingTime, + TimeSeriesSync, +) +from ...core.v2_2_4.core_nwb_device import Device +from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.2.4" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_image.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_image.py index 40370ff..850e89f 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_image.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_image.py @@ -1,15 +1,19 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_4.core_nwb_base import Image, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync + metamodel_version = "None" version = "2.2.4" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_misc.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_misc.py index 1a7a26a..22fc753 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_misc.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_misc.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_2_4.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) + +from ...core.v2_2_4.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync from ...core.v2_2_4.core_nwb_ecephys import ElectrodeGroup from ...hdmf_common.v1_1_3.hdmf_common_table import ( DynamicTable, + DynamicTableRegion, VectorData, VectorIndex, - DynamicTableRegion, ) -from numpydantic import NDArray, Shape + metamodel_version = "None" version = "2.2.4" @@ -178,7 +182,7 @@ class AbstractFeatureSeriesData(ConfiguredBaseModel): json_schema_extra={"linkml_meta": {"equals_string": "data", "ifabsent": "string(data)"}}, ) unit: Optional[str] = Field( - "see 'feature_units'", + "see ", description="""Since there can be different units for different features, store the units in 'feature_units'. The default value for this attribute is \"see 'feature_units'\".""", json_schema_extra={"linkml_meta": {"ifabsent": "string(see 'feature_units')"}}, ) diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_ogen.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_ogen.py index 33f8506..50d25ad 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_ogen.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_ogen.py @@ -1,21 +1,25 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_4.core_nwb_base import ( + NWBContainer, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBContainer, ) from ...core.v2_2_4.core_nwb_device import Device + metamodel_version = "None" version = "2.2.4" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_ophys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_ophys.py index 54b8b6a..1a0bf16 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_ophys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_ophys.py @@ -1,36 +1,40 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...hdmf_common.v1_1_3.hdmf_common_table import ( - DynamicTableRegion, - DynamicTable, - VectorIndex, - VectorData, -) -from ...core.v2_2_4.core_nwb_device import Device -from numpydantic import NDArray, Shape + from ...core.v2_2_4.core_nwb_base import ( + NWBContainer, + NWBDataInterface, + TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - TimeSeries, - NWBDataInterface, - NWBContainer, ) +from ...core.v2_2_4.core_nwb_device import Device from ...core.v2_2_4.core_nwb_image import ImageSeries, ImageSeriesExternalFile +from ...hdmf_common.v1_1_3.hdmf_common_table import ( + DynamicTable, + DynamicTableRegion, + VectorData, + VectorIndex, +) + metamodel_version = "None" version = "2.2.4" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_retinotopy.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_retinotopy.py index af820b1..111a502 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_retinotopy.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/core_nwb_retinotopy.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_2_4.core_nwb_base import NWBDataInterface from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...core.v2_2_4.core_nwb_base import NWBDataInterface + metamodel_version = "None" version = "2.2.4" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/namespace.py index 7b03647..10795d3 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/namespace.py @@ -1,61 +1,80 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_4.core_nwb_base import ( - NWBData, Image, + Images, NWBContainer, + NWBData, NWBDataInterface, + ProcessingModule, TimeSeries, TimeSeriesData, TimeSeriesStartingTime, TimeSeriesSync, - ProcessingModule, - Images, +) +from ...core.v2_2_4.core_nwb_behavior import ( + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + CompassDirection, + EyeTracking, + Position, + PupilTracking, + SpatialSeries, + SpatialSeriesData, ) from ...core.v2_2_4.core_nwb_device import Device -from ...core.v2_2_4.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries -from ...core.v2_2_4.core_nwb_image import ( - GrayscaleImage, - RGBImage, - RGBAImage, - ImageSeries, - ImageSeriesExternalFile, - ImageMaskSeries, - OpticalSeries, - IndexSeries, -) from ...core.v2_2_4.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, ClusterWaveforms, Clustering, + ElectricalSeries, + ElectrodeGroup, + ElectrodeGroupPosition, + EventDetection, + EventWaveform, + FeatureExtraction, + FilteredEphys, + LFP, + SpikeEventSeries, +) +from ...core.v2_2_4.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries +from ...core.v2_2_4.core_nwb_file import ( + ExtracellularEphysElectrodes, + GeneralExtracellularEphys, + GeneralIntracellularEphys, + GeneralSourceScript, + LabMetaData, + NWBFile, + NWBFileGeneral, + NWBFileIntervals, + NWBFileStimulus, + ScratchData, + Subject, ) from ...core.v2_2_4.core_nwb_icephys import ( - PatchClampSeries, - PatchClampSeriesData, CurrentClampSeries, CurrentClampSeriesData, - IZeroClampSeries, CurrentClampStimulusSeries, CurrentClampStimulusSeriesData, + IZeroClampSeries, + IntracellularElectrode, + PatchClampSeries, + PatchClampSeriesData, + SweepTable, VoltageClampSeries, - VoltageClampSeriesData, VoltageClampSeriesCapacitanceFast, VoltageClampSeriesCapacitanceSlow, + VoltageClampSeriesData, VoltageClampSeriesResistanceCompBandwidth, VoltageClampSeriesResistanceCompCorrection, VoltageClampSeriesResistanceCompPrediction, @@ -63,62 +82,46 @@ from ...core.v2_2_4.core_nwb_icephys import ( VoltageClampSeriesWholeCellSeriesResistanceComp, VoltageClampStimulusSeries, VoltageClampStimulusSeriesData, - IntracellularElectrode, - SweepTable, ) -from ...core.v2_2_4.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite -from ...core.v2_2_4.core_nwb_ophys import ( - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - PlaneSegmentation, - PlaneSegmentationImageMask, - PlaneSegmentationPixelMask, - PlaneSegmentationVoxelMask, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, - CorrectedImageStack, +from ...core.v2_2_4.core_nwb_image import ( + GrayscaleImage, + ImageMaskSeries, + ImageSeries, + ImageSeriesExternalFile, + IndexSeries, + OpticalSeries, + RGBAImage, + RGBImage, ) from ...core.v2_2_4.core_nwb_misc import ( AbstractFeatureSeries, AbstractFeatureSeriesData, AnnotationSeries, - IntervalSeries, DecompositionSeries, - DecompositionSeriesData, DecompositionSeriesBands, + DecompositionSeriesData, + IntervalSeries, Units, UnitsSpikeTimes, ) -from ...core.v2_2_4.core_nwb_file import ( - ScratchData, - NWBFile, - NWBFileStimulus, - NWBFileGeneral, - GeneralSourceScript, - GeneralExtracellularEphys, - ExtracellularEphysElectrodes, - GeneralIntracellularEphys, - NWBFileIntervals, - LabMetaData, - Subject, -) -from ...core.v2_2_4.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_2_4.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_2_4.core_nwb_ophys import ( + CorrectedImageStack, + DfOverF, + Fluorescence, + ImageSegmentation, + ImagingPlane, + ImagingPlaneGridSpacing, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + MotionCorrection, + OpticalChannel, + PlaneSegmentation, + PlaneSegmentationImageMask, + PlaneSegmentationPixelMask, + PlaneSegmentationVoxelMask, + RoiResponseSeries, + TwoPhotonSeries, ) from ...core.v2_2_4.core_nwb_retinotopy import ( ImagingRetinotopy, @@ -130,23 +133,24 @@ from ...core.v2_2_4.core_nwb_retinotopy import ( ImagingRetinotopySignMap, ImagingRetinotopyVasculatureImage, ) +from ...hdmf_common.v1_1_3.hdmf_common_sparse import ( + CSRMatrix, + CSRMatrixData, + CSRMatrixIndices, + CSRMatrixIndptr, +) from ...hdmf_common.v1_1_3.hdmf_common_table import ( + Container, Data, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, Index, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - Container, - DynamicTable, -) -from ...hdmf_common.v1_1_3.hdmf_common_sparse import ( - CSRMatrix, - CSRMatrixIndices, - CSRMatrixIndptr, - CSRMatrixData, ) + metamodel_version = "None" version = "2.2.4" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_base.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_base.py index 8c121de..5012a43 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_base.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape -from ...hdmf_common.v1_1_3.hdmf_common_table import Data, Container, DynamicTable +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_1_3.hdmf_common_table import Container, Data, DynamicTable + metamodel_version = "None" version = "2.2.5" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_behavior.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_behavior.py index 6b298ff..e7c936a 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_behavior.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_behavior.py @@ -1,20 +1,24 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape -from ...core.v2_2_5.core_nwb_misc import IntervalSeries +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_5.core_nwb_base import ( + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, ) +from ...core.v2_2_5.core_nwb_misc import IntervalSeries + metamodel_version = "None" version = "2.2.5" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_device.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_device.py index 2b32c15..5d308f9 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_device.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_device.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_5.core_nwb_base import NWBContainer + metamodel_version = "None" version = "2.2.5" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_ecephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_ecephys.py index 5869306..4e993f0 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_ecephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_ecephys.py @@ -1,30 +1,34 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTableRegion -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...core.v2_2_5.core_nwb_device import Device + from ...core.v2_2_5.core_nwb_base import ( + NWBContainer, + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, - NWBContainer, ) -from numpydantic import NDArray, Shape +from ...core.v2_2_5.core_nwb_device import Device +from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTableRegion + metamodel_version = "None" version = "2.2.5" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_epoch.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_epoch.py index 3bee6b5..bd7e37e 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_epoch.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_epoch.py @@ -1,23 +1,27 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorIndex, VectorData + from ...core.v2_2_5.core_nwb_base import TimeSeries -from numpydantic import NDArray, Shape +from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.2.5" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_file.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_file.py index 5f22cff..1998de2 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_file.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_file.py @@ -1,28 +1,32 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_2_5.core_nwb_misc import Units -from ...core.v2_2_5.core_nwb_device import Device -from ...core.v2_2_5.core_nwb_ogen import OptogeneticStimulusSite -from ...core.v2_2_5.core_nwb_ophys import ImagingPlane -from ...core.v2_2_5.core_nwb_ecephys import ElectrodeGroup from numpydantic import NDArray, Shape -from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorData, VectorIndex -from ...core.v2_2_5.core_nwb_icephys import IntracellularElectrode, SweepTable -from ...core.v2_2_5.core_nwb_epoch import TimeIntervals +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_5.core_nwb_base import ( - NWBData, NWBContainer, + NWBData, NWBDataInterface, ProcessingModule, TimeSeries, ) +from ...core.v2_2_5.core_nwb_device import Device +from ...core.v2_2_5.core_nwb_ecephys import ElectrodeGroup +from ...core.v2_2_5.core_nwb_epoch import TimeIntervals +from ...core.v2_2_5.core_nwb_icephys import IntracellularElectrode, SweepTable +from ...core.v2_2_5.core_nwb_misc import Units +from ...core.v2_2_5.core_nwb_ogen import OptogeneticStimulusSite +from ...core.v2_2_5.core_nwb_ophys import ImagingPlane +from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.2.5" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_icephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_icephys.py index 220fc73..5a57663 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_icephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_icephys.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_2_5.core_nwb_base import ( - TimeSeries, - TimeSeriesStartingTime, - TimeSeriesSync, - NWBContainer, -) -from ...core.v2_2_5.core_nwb_device import Device -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from numpydantic import NDArray, Shape -from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorIndex, VectorData + +from ...core.v2_2_5.core_nwb_base import ( + NWBContainer, + TimeSeries, + TimeSeriesStartingTime, + TimeSeriesSync, +) +from ...core.v2_2_5.core_nwb_device import Device +from ...hdmf_common.v1_1_3.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.2.5" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_image.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_image.py index 483dfd5..7f20c3a 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_image.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_image.py @@ -1,15 +1,19 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_5.core_nwb_base import Image, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync + metamodel_version = "None" version = "2.2.5" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_misc.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_misc.py index 4a2cdd6..36c0f1e 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_misc.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_misc.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_2_5.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) + +from ...core.v2_2_5.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync from ...core.v2_2_5.core_nwb_ecephys import ElectrodeGroup from ...hdmf_common.v1_1_3.hdmf_common_table import ( DynamicTable, + DynamicTableRegion, VectorData, VectorIndex, - DynamicTableRegion, ) -from numpydantic import NDArray, Shape + metamodel_version = "None" version = "2.2.5" @@ -178,7 +182,7 @@ class AbstractFeatureSeriesData(ConfiguredBaseModel): json_schema_extra={"linkml_meta": {"equals_string": "data", "ifabsent": "string(data)"}}, ) unit: Optional[str] = Field( - "see 'feature_units'", + "see ", description="""Since there can be different units for different features, store the units in 'feature_units'. The default value for this attribute is \"see 'feature_units'\".""", json_schema_extra={"linkml_meta": {"ifabsent": "string(see 'feature_units')"}}, ) diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_ogen.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_ogen.py index ead9c1a..294866b 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_ogen.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_ogen.py @@ -1,21 +1,25 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_5.core_nwb_base import ( + NWBContainer, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBContainer, ) from ...core.v2_2_5.core_nwb_device import Device + metamodel_version = "None" version = "2.2.5" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_ophys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_ophys.py index 4e95539..4860989 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_ophys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_ophys.py @@ -1,36 +1,40 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...hdmf_common.v1_1_3.hdmf_common_table import ( - DynamicTableRegion, - DynamicTable, - VectorIndex, - VectorData, -) -from ...core.v2_2_5.core_nwb_device import Device -from numpydantic import NDArray, Shape + from ...core.v2_2_5.core_nwb_base import ( + NWBContainer, + NWBDataInterface, + TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - TimeSeries, - NWBDataInterface, - NWBContainer, ) +from ...core.v2_2_5.core_nwb_device import Device from ...core.v2_2_5.core_nwb_image import ImageSeries, ImageSeriesExternalFile +from ...hdmf_common.v1_1_3.hdmf_common_table import ( + DynamicTable, + DynamicTableRegion, + VectorData, + VectorIndex, +) + metamodel_version = "None" version = "2.2.5" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_retinotopy.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_retinotopy.py index 916660c..6f05814 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_retinotopy.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/core_nwb_retinotopy.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_2_5.core_nwb_base import NWBDataInterface from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...core.v2_2_5.core_nwb_base import NWBDataInterface + metamodel_version = "None" version = "2.2.5" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/namespace.py index c3c4c28..5f82379 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/namespace.py @@ -1,61 +1,80 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_2_5.core_nwb_base import ( - NWBData, Image, + Images, NWBContainer, + NWBData, NWBDataInterface, + ProcessingModule, TimeSeries, TimeSeriesData, TimeSeriesStartingTime, TimeSeriesSync, - ProcessingModule, - Images, +) +from ...core.v2_2_5.core_nwb_behavior import ( + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + CompassDirection, + EyeTracking, + Position, + PupilTracking, + SpatialSeries, + SpatialSeriesData, ) from ...core.v2_2_5.core_nwb_device import Device -from ...core.v2_2_5.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries -from ...core.v2_2_5.core_nwb_image import ( - GrayscaleImage, - RGBImage, - RGBAImage, - ImageSeries, - ImageSeriesExternalFile, - ImageMaskSeries, - OpticalSeries, - IndexSeries, -) from ...core.v2_2_5.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, ClusterWaveforms, Clustering, + ElectricalSeries, + ElectrodeGroup, + ElectrodeGroupPosition, + EventDetection, + EventWaveform, + FeatureExtraction, + FilteredEphys, + LFP, + SpikeEventSeries, +) +from ...core.v2_2_5.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries +from ...core.v2_2_5.core_nwb_file import ( + ExtracellularEphysElectrodes, + GeneralExtracellularEphys, + GeneralIntracellularEphys, + GeneralSourceScript, + LabMetaData, + NWBFile, + NWBFileGeneral, + NWBFileIntervals, + NWBFileStimulus, + ScratchData, + Subject, ) from ...core.v2_2_5.core_nwb_icephys import ( - PatchClampSeries, - PatchClampSeriesData, CurrentClampSeries, CurrentClampSeriesData, - IZeroClampSeries, CurrentClampStimulusSeries, CurrentClampStimulusSeriesData, + IZeroClampSeries, + IntracellularElectrode, + PatchClampSeries, + PatchClampSeriesData, + SweepTable, VoltageClampSeries, - VoltageClampSeriesData, VoltageClampSeriesCapacitanceFast, VoltageClampSeriesCapacitanceSlow, + VoltageClampSeriesData, VoltageClampSeriesResistanceCompBandwidth, VoltageClampSeriesResistanceCompCorrection, VoltageClampSeriesResistanceCompPrediction, @@ -63,62 +82,46 @@ from ...core.v2_2_5.core_nwb_icephys import ( VoltageClampSeriesWholeCellSeriesResistanceComp, VoltageClampStimulusSeries, VoltageClampStimulusSeriesData, - IntracellularElectrode, - SweepTable, ) -from ...core.v2_2_5.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite -from ...core.v2_2_5.core_nwb_ophys import ( - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - PlaneSegmentation, - PlaneSegmentationImageMask, - PlaneSegmentationPixelMask, - PlaneSegmentationVoxelMask, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, - CorrectedImageStack, +from ...core.v2_2_5.core_nwb_image import ( + GrayscaleImage, + ImageMaskSeries, + ImageSeries, + ImageSeriesExternalFile, + IndexSeries, + OpticalSeries, + RGBAImage, + RGBImage, ) from ...core.v2_2_5.core_nwb_misc import ( AbstractFeatureSeries, AbstractFeatureSeriesData, AnnotationSeries, - IntervalSeries, DecompositionSeries, - DecompositionSeriesData, DecompositionSeriesBands, + DecompositionSeriesData, + IntervalSeries, Units, UnitsSpikeTimes, ) -from ...core.v2_2_5.core_nwb_file import ( - ScratchData, - NWBFile, - NWBFileStimulus, - NWBFileGeneral, - GeneralSourceScript, - GeneralExtracellularEphys, - ExtracellularEphysElectrodes, - GeneralIntracellularEphys, - NWBFileIntervals, - LabMetaData, - Subject, -) -from ...core.v2_2_5.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_2_5.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_2_5.core_nwb_ophys import ( + CorrectedImageStack, + DfOverF, + Fluorescence, + ImageSegmentation, + ImagingPlane, + ImagingPlaneGridSpacing, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + MotionCorrection, + OpticalChannel, + PlaneSegmentation, + PlaneSegmentationImageMask, + PlaneSegmentationPixelMask, + PlaneSegmentationVoxelMask, + RoiResponseSeries, + TwoPhotonSeries, ) from ...core.v2_2_5.core_nwb_retinotopy import ( ImagingRetinotopy, @@ -130,23 +133,24 @@ from ...core.v2_2_5.core_nwb_retinotopy import ( ImagingRetinotopySignMap, ImagingRetinotopyVasculatureImage, ) +from ...hdmf_common.v1_1_3.hdmf_common_sparse import ( + CSRMatrix, + CSRMatrixData, + CSRMatrixIndices, + CSRMatrixIndptr, +) from ...hdmf_common.v1_1_3.hdmf_common_table import ( + Container, Data, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, Index, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - Container, - DynamicTable, -) -from ...hdmf_common.v1_1_3.hdmf_common_sparse import ( - CSRMatrix, - CSRMatrixIndices, - CSRMatrixIndptr, - CSRMatrixData, ) + metamodel_version = "None" version = "2.2.5" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_base.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_base.py index 4fd6a4a..34bb4c6 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_base.py @@ -1,16 +1,20 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_5_0.hdmf_common_base import Container, Data from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable + metamodel_version = "None" version = "2.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_behavior.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_behavior.py index 898519c..ef00827 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_behavior.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_behavior.py @@ -1,20 +1,24 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape -from ...core.v2_3_0.core_nwb_misc import IntervalSeries +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_3_0.core_nwb_base import ( + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, ) +from ...core.v2_3_0.core_nwb_misc import IntervalSeries + metamodel_version = "None" version = "2.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_device.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_device.py index ec6a770..26e327b 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_device.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_device.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_3_0.core_nwb_base import NWBContainer + metamodel_version = "None" version = "2.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_ecephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_ecephys.py index 72ca241..7092c13 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_ecephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_ecephys.py @@ -1,30 +1,34 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTableRegion -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...core.v2_3_0.core_nwb_device import Device + from ...core.v2_3_0.core_nwb_base import ( + NWBContainer, + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, - NWBContainer, ) -from numpydantic import NDArray, Shape +from ...core.v2_3_0.core_nwb_device import Device +from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTableRegion + metamodel_version = "None" version = "2.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_epoch.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_epoch.py index fd6ff0a..d5015fe 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_epoch.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_epoch.py @@ -1,23 +1,27 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorIndex, VectorData + from ...core.v2_3_0.core_nwb_base import TimeSeries -from numpydantic import NDArray, Shape +from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_file.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_file.py index 4fbd77b..2000dfd 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_file.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_file.py @@ -1,28 +1,32 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_3_0.core_nwb_misc import Units -from ...core.v2_3_0.core_nwb_device import Device -from ...core.v2_3_0.core_nwb_ogen import OptogeneticStimulusSite -from ...core.v2_3_0.core_nwb_ophys import ImagingPlane -from ...core.v2_3_0.core_nwb_ecephys import ElectrodeGroup from numpydantic import NDArray, Shape -from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorData -from ...core.v2_3_0.core_nwb_icephys import IntracellularElectrode, SweepTable -from ...core.v2_3_0.core_nwb_epoch import TimeIntervals +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_3_0.core_nwb_base import ( - NWBData, NWBContainer, + NWBData, NWBDataInterface, ProcessingModule, TimeSeries, ) +from ...core.v2_3_0.core_nwb_device import Device +from ...core.v2_3_0.core_nwb_ecephys import ElectrodeGroup +from ...core.v2_3_0.core_nwb_epoch import TimeIntervals +from ...core.v2_3_0.core_nwb_icephys import IntracellularElectrode, SweepTable +from ...core.v2_3_0.core_nwb_misc import Units +from ...core.v2_3_0.core_nwb_ogen import OptogeneticStimulusSite +from ...core.v2_3_0.core_nwb_ophys import ImagingPlane +from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorData + metamodel_version = "None" version = "2.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_icephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_icephys.py index 95dc2af..aad3631 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_icephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_icephys.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_3_0.core_nwb_base import ( - TimeSeries, - TimeSeriesStartingTime, - TimeSeriesSync, - NWBContainer, -) -from ...core.v2_3_0.core_nwb_device import Device -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from numpydantic import NDArray, Shape -from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorIndex, VectorData + +from ...core.v2_3_0.core_nwb_base import ( + NWBContainer, + TimeSeries, + TimeSeriesStartingTime, + TimeSeriesSync, +) +from ...core.v2_3_0.core_nwb_device import Device +from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_image.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_image.py index 81ce140..fb2bc82 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_image.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_image.py @@ -1,15 +1,19 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_3_0.core_nwb_device import Device from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_3_0.core_nwb_base import Image, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync +from ...core.v2_3_0.core_nwb_device import Device + metamodel_version = "None" version = "2.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_misc.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_misc.py index f0e9795..8d984db 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_misc.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_misc.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_3_0.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync -from ...core.v2_3_0.core_nwb_ecephys import ElectrodeGroup -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) + +from ...core.v2_3_0.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync +from ...core.v2_3_0.core_nwb_ecephys import ElectrodeGroup from ...hdmf_common.v1_5_0.hdmf_common_table import ( - DynamicTableRegion, DynamicTable, + DynamicTableRegion, VectorData, VectorIndex, ) -from numpydantic import NDArray, Shape + metamodel_version = "None" version = "2.3.0" @@ -178,7 +182,7 @@ class AbstractFeatureSeriesData(ConfiguredBaseModel): json_schema_extra={"linkml_meta": {"equals_string": "data", "ifabsent": "string(data)"}}, ) unit: Optional[str] = Field( - "see 'feature_units'", + "see ", description="""Since there can be different units for different features, store the units in 'feature_units'. The default value for this attribute is \"see 'feature_units'\".""", json_schema_extra={"linkml_meta": {"ifabsent": "string(see 'feature_units')"}}, ) diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_ogen.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_ogen.py index e77547e..2e49cf9 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_ogen.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_ogen.py @@ -1,21 +1,25 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_3_0.core_nwb_base import ( + NWBContainer, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBContainer, ) from ...core.v2_3_0.core_nwb_device import Device + metamodel_version = "None" version = "2.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_ophys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_ophys.py index ee291fb..29cac39 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_ophys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_ophys.py @@ -1,36 +1,40 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...hdmf_common.v1_5_0.hdmf_common_table import ( - DynamicTableRegion, - DynamicTable, - VectorIndex, - VectorData, -) -from ...core.v2_3_0.core_nwb_device import Device -from numpydantic import NDArray, Shape + from ...core.v2_3_0.core_nwb_base import ( + NWBContainer, + NWBDataInterface, + TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - TimeSeries, - NWBDataInterface, - NWBContainer, ) +from ...core.v2_3_0.core_nwb_device import Device from ...core.v2_3_0.core_nwb_image import ImageSeries, ImageSeriesExternalFile +from ...hdmf_common.v1_5_0.hdmf_common_table import ( + DynamicTable, + DynamicTableRegion, + VectorData, + VectorIndex, +) + metamodel_version = "None" version = "2.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_retinotopy.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_retinotopy.py index 85857c3..d58860e 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_retinotopy.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/core_nwb_retinotopy.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_3_0.core_nwb_base import NWBDataInterface from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...core.v2_3_0.core_nwb_base import NWBDataInterface + metamodel_version = "None" version = "2.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/namespace.py index 2381520..b5ffa4b 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/namespace.py @@ -1,61 +1,80 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_3_0.core_nwb_base import ( - NWBData, Image, + Images, NWBContainer, + NWBData, NWBDataInterface, + ProcessingModule, TimeSeries, TimeSeriesData, TimeSeriesStartingTime, TimeSeriesSync, - ProcessingModule, - Images, +) +from ...core.v2_3_0.core_nwb_behavior import ( + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + CompassDirection, + EyeTracking, + Position, + PupilTracking, + SpatialSeries, + SpatialSeriesData, ) from ...core.v2_3_0.core_nwb_device import Device -from ...core.v2_3_0.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries -from ...core.v2_3_0.core_nwb_image import ( - GrayscaleImage, - RGBImage, - RGBAImage, - ImageSeries, - ImageSeriesExternalFile, - ImageMaskSeries, - OpticalSeries, - IndexSeries, -) from ...core.v2_3_0.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, ClusterWaveforms, Clustering, + ElectricalSeries, + ElectrodeGroup, + ElectrodeGroupPosition, + EventDetection, + EventWaveform, + FeatureExtraction, + FilteredEphys, + LFP, + SpikeEventSeries, +) +from ...core.v2_3_0.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries +from ...core.v2_3_0.core_nwb_file import ( + ExtracellularEphysElectrodes, + GeneralExtracellularEphys, + GeneralIntracellularEphys, + GeneralSourceScript, + LabMetaData, + NWBFile, + NWBFileGeneral, + NWBFileIntervals, + NWBFileStimulus, + ScratchData, + Subject, ) from ...core.v2_3_0.core_nwb_icephys import ( - PatchClampSeries, - PatchClampSeriesData, CurrentClampSeries, CurrentClampSeriesData, - IZeroClampSeries, CurrentClampStimulusSeries, CurrentClampStimulusSeriesData, + IZeroClampSeries, + IntracellularElectrode, + PatchClampSeries, + PatchClampSeriesData, + SweepTable, VoltageClampSeries, - VoltageClampSeriesData, VoltageClampSeriesCapacitanceFast, VoltageClampSeriesCapacitanceSlow, + VoltageClampSeriesData, VoltageClampSeriesResistanceCompBandwidth, VoltageClampSeriesResistanceCompCorrection, VoltageClampSeriesResistanceCompPrediction, @@ -63,62 +82,46 @@ from ...core.v2_3_0.core_nwb_icephys import ( VoltageClampSeriesWholeCellSeriesResistanceComp, VoltageClampStimulusSeries, VoltageClampStimulusSeriesData, - IntracellularElectrode, - SweepTable, ) -from ...core.v2_3_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite -from ...core.v2_3_0.core_nwb_ophys import ( - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - PlaneSegmentation, - PlaneSegmentationImageMask, - PlaneSegmentationPixelMask, - PlaneSegmentationVoxelMask, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, - CorrectedImageStack, +from ...core.v2_3_0.core_nwb_image import ( + GrayscaleImage, + ImageMaskSeries, + ImageSeries, + ImageSeriesExternalFile, + IndexSeries, + OpticalSeries, + RGBAImage, + RGBImage, ) from ...core.v2_3_0.core_nwb_misc import ( AbstractFeatureSeries, AbstractFeatureSeriesData, AnnotationSeries, - IntervalSeries, DecompositionSeries, - DecompositionSeriesData, DecompositionSeriesBands, + DecompositionSeriesData, + IntervalSeries, Units, UnitsSpikeTimes, ) -from ...core.v2_3_0.core_nwb_file import ( - ScratchData, - NWBFile, - NWBFileStimulus, - NWBFileGeneral, - GeneralSourceScript, - GeneralExtracellularEphys, - ExtracellularEphysElectrodes, - GeneralIntracellularEphys, - NWBFileIntervals, - LabMetaData, - Subject, -) -from ...core.v2_3_0.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_3_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_3_0.core_nwb_ophys import ( + CorrectedImageStack, + DfOverF, + Fluorescence, + ImageSegmentation, + ImagingPlane, + ImagingPlaneGridSpacing, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + MotionCorrection, + OpticalChannel, + PlaneSegmentation, + PlaneSegmentationImageMask, + PlaneSegmentationPixelMask, + PlaneSegmentationVoxelMask, + RoiResponseSeries, + TwoPhotonSeries, ) from ...core.v2_3_0.core_nwb_retinotopy import ( ImagingRetinotopy, @@ -130,26 +133,27 @@ from ...core.v2_3_0.core_nwb_retinotopy import ( ImagingRetinotopySignMap, ImagingRetinotopyVasculatureImage, ) -from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData -from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from ...hdmf_common.v1_5_0.hdmf_common_base import Container, Data, SimpleMultiContainer +from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_5_0.hdmf_common_table import ( + AlignedDynamicTable, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, ) -from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData from ...hdmf_experimental.v0_1_0.hdmf_experimental_resources import ( ExternalResources, - ExternalResourcesKeys, ExternalResourcesEntities, - ExternalResourcesResources, - ExternalResourcesObjects, + ExternalResourcesKeys, ExternalResourcesObjectKeys, + ExternalResourcesObjects, + ExternalResourcesResources, ) + metamodel_version = "None" version = "2.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_base.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_base.py index 9ec8413..b557e8c 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_base.py @@ -1,28 +1,32 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -import numpy as np +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum from typing import ( Any, ClassVar, - List, - Literal, Dict, - Optional, - Union, Generic, Iterable, + List, + Literal, + Optional, Tuple, TypeVar, + Union, overload, ) -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator, model_validator -from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container + +import numpy as np from numpydantic import NDArray, Shape -from ...hdmf_common.v1_5_0.hdmf_common_table import VectorData, DynamicTable +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator, model_validator + +from ...hdmf_common.v1_5_0.hdmf_common_base import Container, Data +from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorData + metamodel_version = "None" version = "2.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_behavior.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_behavior.py index 98282c5..c96aee7 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_behavior.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_behavior.py @@ -1,20 +1,24 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape -from ...core.v2_4_0.core_nwb_misc import IntervalSeries +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_4_0.core_nwb_base import ( + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, ) +from ...core.v2_4_0.core_nwb_misc import IntervalSeries + metamodel_version = "None" version = "2.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_device.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_device.py index f54c25e..ebf61b7 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_device.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_device.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_4_0.core_nwb_base import NWBContainer + metamodel_version = "None" version = "2.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_ecephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_ecephys.py index de74f33..bfe65b3 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_ecephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_ecephys.py @@ -1,30 +1,34 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTableRegion -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...core.v2_4_0.core_nwb_device import Device + from ...core.v2_4_0.core_nwb_base import ( + NWBContainer, + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, - NWBContainer, ) -from numpydantic import NDArray, Shape +from ...core.v2_4_0.core_nwb_device import Device +from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTableRegion + metamodel_version = "None" version = "2.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_epoch.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_epoch.py index 31033ca..603c5d3 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_epoch.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_epoch.py @@ -1,23 +1,27 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorIndex, VectorData + from ...core.v2_4_0.core_nwb_base import TimeSeries -from numpydantic import NDArray, Shape +from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_file.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_file.py index bc2132e..186458d 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_file.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_file.py @@ -1,36 +1,40 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_4_0.core_nwb_misc import Units -from ...core.v2_4_0.core_nwb_device import Device -from ...core.v2_4_0.core_nwb_ogen import OptogeneticStimulusSite -from ...core.v2_4_0.core_nwb_ophys import ImagingPlane -from ...core.v2_4_0.core_nwb_ecephys import ElectrodeGroup from numpydantic import NDArray, Shape -from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorData -from ...core.v2_4_0.core_nwb_icephys import ( - IntracellularElectrode, - SweepTable, - IntracellularRecordingsTable, - SimultaneousRecordingsTable, - SequentialRecordingsTable, - RepetitionsTable, - ExperimentalConditionsTable, -) -from ...core.v2_4_0.core_nwb_epoch import TimeIntervals +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_4_0.core_nwb_base import ( - NWBData, NWBContainer, + NWBData, NWBDataInterface, ProcessingModule, TimeSeries, ) +from ...core.v2_4_0.core_nwb_device import Device +from ...core.v2_4_0.core_nwb_ecephys import ElectrodeGroup +from ...core.v2_4_0.core_nwb_epoch import TimeIntervals +from ...core.v2_4_0.core_nwb_icephys import ( + ExperimentalConditionsTable, + IntracellularElectrode, + IntracellularRecordingsTable, + RepetitionsTable, + SequentialRecordingsTable, + SimultaneousRecordingsTable, + SweepTable, +) +from ...core.v2_4_0.core_nwb_misc import Units +from ...core.v2_4_0.core_nwb_ogen import OptogeneticStimulusSite +from ...core.v2_4_0.core_nwb_ophys import ImagingPlane +from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorData + metamodel_version = "None" version = "2.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_icephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_icephys.py index 10cce5d..aa2accc 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_icephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_icephys.py @@ -1,36 +1,40 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_4_0.core_nwb_device import Device -from ...core.v2_4_0.core_nwb_base import ( - TimeSeries, - TimeSeriesStartingTime, - TimeSeriesSync, - NWBContainer, - TimeSeriesReferenceVectorData, -) -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) + +from ...core.v2_4_0.core_nwb_base import ( + NWBContainer, + TimeSeries, + TimeSeriesReferenceVectorData, + TimeSeriesStartingTime, + TimeSeriesSync, +) +from ...core.v2_4_0.core_nwb_device import Device from ...hdmf_common.v1_5_0.hdmf_common_table import ( - DynamicTable, - VectorIndex, - VectorData, AlignedDynamicTable, + DynamicTable, DynamicTableRegion, + VectorData, + VectorIndex, ) -from numpydantic import NDArray, Shape + metamodel_version = "None" version = "2.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_image.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_image.py index c792b06..5d1e5d8 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_image.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_image.py @@ -1,15 +1,19 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_4_0.core_nwb_device import Device from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_4_0.core_nwb_base import Image, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync +from ...core.v2_4_0.core_nwb_device import Device + metamodel_version = "None" version = "2.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_misc.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_misc.py index 5a64e12..6c06a17 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_misc.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_misc.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_4_0.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync -from ...core.v2_4_0.core_nwb_ecephys import ElectrodeGroup -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) + +from ...core.v2_4_0.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync +from ...core.v2_4_0.core_nwb_ecephys import ElectrodeGroup from ...hdmf_common.v1_5_0.hdmf_common_table import ( - DynamicTableRegion, DynamicTable, + DynamicTableRegion, VectorData, VectorIndex, ) -from numpydantic import NDArray, Shape + metamodel_version = "None" version = "2.4.0" @@ -178,7 +182,7 @@ class AbstractFeatureSeriesData(ConfiguredBaseModel): json_schema_extra={"linkml_meta": {"equals_string": "data", "ifabsent": "string(data)"}}, ) unit: Optional[str] = Field( - "see 'feature_units'", + "see ", description="""Since there can be different units for different features, store the units in 'feature_units'. The default value for this attribute is \"see 'feature_units'\".""", json_schema_extra={"linkml_meta": {"ifabsent": "string(see 'feature_units')"}}, ) diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_ogen.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_ogen.py index d9184d4..07100b3 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_ogen.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_ogen.py @@ -1,21 +1,25 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_4_0.core_nwb_base import ( + NWBContainer, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBContainer, ) from ...core.v2_4_0.core_nwb_device import Device + metamodel_version = "None" version = "2.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_ophys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_ophys.py index da2c58f..0d335ca 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_ophys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_ophys.py @@ -1,36 +1,40 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...hdmf_common.v1_5_0.hdmf_common_table import ( - DynamicTableRegion, - DynamicTable, - VectorIndex, - VectorData, -) -from ...core.v2_4_0.core_nwb_device import Device -from numpydantic import NDArray, Shape + from ...core.v2_4_0.core_nwb_base import ( + NWBContainer, + NWBDataInterface, + TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - TimeSeries, - NWBDataInterface, - NWBContainer, ) +from ...core.v2_4_0.core_nwb_device import Device from ...core.v2_4_0.core_nwb_image import ImageSeries, ImageSeriesExternalFile +from ...hdmf_common.v1_5_0.hdmf_common_table import ( + DynamicTable, + DynamicTableRegion, + VectorData, + VectorIndex, +) + metamodel_version = "None" version = "2.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_retinotopy.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_retinotopy.py index 1b06207..a42a469 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_retinotopy.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/core_nwb_retinotopy.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_4_0.core_nwb_base import NWBDataInterface from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...core.v2_4_0.core_nwb_base import NWBDataInterface + metamodel_version = "None" version = "2.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/namespace.py index 6c6d326..4bc04cd 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/namespace.py @@ -1,62 +1,93 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_4_0.core_nwb_base import ( - NWBData, - TimeSeriesReferenceVectorData, Image, + Images, NWBContainer, + NWBData, NWBDataInterface, + ProcessingModule, TimeSeries, TimeSeriesData, + TimeSeriesReferenceVectorData, TimeSeriesStartingTime, TimeSeriesSync, - ProcessingModule, - Images, +) +from ...core.v2_4_0.core_nwb_behavior import ( + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + CompassDirection, + EyeTracking, + Position, + PupilTracking, + SpatialSeries, + SpatialSeriesData, ) from ...core.v2_4_0.core_nwb_device import Device -from ...core.v2_4_0.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries -from ...core.v2_4_0.core_nwb_image import ( - GrayscaleImage, - RGBImage, - RGBAImage, - ImageSeries, - ImageSeriesExternalFile, - ImageMaskSeries, - OpticalSeries, - IndexSeries, -) from ...core.v2_4_0.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, ClusterWaveforms, Clustering, + ElectricalSeries, + ElectrodeGroup, + ElectrodeGroupPosition, + EventDetection, + EventWaveform, + FeatureExtraction, + FilteredEphys, + LFP, + SpikeEventSeries, +) +from ...core.v2_4_0.core_nwb_epoch import TimeIntervals, TimeIntervalsTimeseries +from ...core.v2_4_0.core_nwb_file import ( + ExtracellularEphysElectrodes, + GeneralExtracellularEphys, + GeneralIntracellularEphys, + GeneralSourceScript, + LabMetaData, + NWBFile, + NWBFileGeneral, + NWBFileIntervals, + NWBFileStimulus, + ScratchData, + Subject, ) from ...core.v2_4_0.core_nwb_icephys import ( - PatchClampSeries, - PatchClampSeriesData, CurrentClampSeries, CurrentClampSeriesData, - IZeroClampSeries, CurrentClampStimulusSeries, CurrentClampStimulusSeriesData, + ExperimentalConditionsTable, + ExperimentalConditionsTableRepetitions, + IZeroClampSeries, + IntracellularElectrode, + IntracellularElectrodesTable, + IntracellularRecordingsTable, + IntracellularResponsesTable, + IntracellularStimuliTable, + PatchClampSeries, + PatchClampSeriesData, + RepetitionsTable, + RepetitionsTableSequentialRecordings, + SequentialRecordingsTable, + SequentialRecordingsTableSimultaneousRecordings, + SimultaneousRecordingsTable, + SimultaneousRecordingsTableRecordings, + SweepTable, VoltageClampSeries, - VoltageClampSeriesData, VoltageClampSeriesCapacitanceFast, VoltageClampSeriesCapacitanceSlow, + VoltageClampSeriesData, VoltageClampSeriesResistanceCompBandwidth, VoltageClampSeriesResistanceCompCorrection, VoltageClampSeriesResistanceCompPrediction, @@ -64,74 +95,46 @@ from ...core.v2_4_0.core_nwb_icephys import ( VoltageClampSeriesWholeCellSeriesResistanceComp, VoltageClampStimulusSeries, VoltageClampStimulusSeriesData, - IntracellularElectrode, - SweepTable, - IntracellularElectrodesTable, - IntracellularStimuliTable, - IntracellularResponsesTable, - IntracellularRecordingsTable, - SimultaneousRecordingsTable, - SimultaneousRecordingsTableRecordings, - SequentialRecordingsTable, - SequentialRecordingsTableSimultaneousRecordings, - RepetitionsTable, - RepetitionsTableSequentialRecordings, - ExperimentalConditionsTable, - ExperimentalConditionsTableRepetitions, ) -from ...core.v2_4_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite -from ...core.v2_4_0.core_nwb_ophys import ( - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - PlaneSegmentation, - PlaneSegmentationImageMask, - PlaneSegmentationPixelMask, - PlaneSegmentationVoxelMask, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, - CorrectedImageStack, +from ...core.v2_4_0.core_nwb_image import ( + GrayscaleImage, + ImageMaskSeries, + ImageSeries, + ImageSeriesExternalFile, + IndexSeries, + OpticalSeries, + RGBAImage, + RGBImage, ) from ...core.v2_4_0.core_nwb_misc import ( AbstractFeatureSeries, AbstractFeatureSeriesData, AnnotationSeries, - IntervalSeries, DecompositionSeries, - DecompositionSeriesData, DecompositionSeriesBands, + DecompositionSeriesData, + IntervalSeries, Units, UnitsSpikeTimes, ) -from ...core.v2_4_0.core_nwb_file import ( - ScratchData, - NWBFile, - NWBFileStimulus, - NWBFileGeneral, - GeneralSourceScript, - GeneralExtracellularEphys, - ExtracellularEphysElectrodes, - GeneralIntracellularEphys, - NWBFileIntervals, - LabMetaData, - Subject, -) -from ...core.v2_4_0.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_4_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_4_0.core_nwb_ophys import ( + CorrectedImageStack, + DfOverF, + Fluorescence, + ImageSegmentation, + ImagingPlane, + ImagingPlaneGridSpacing, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + MotionCorrection, + OpticalChannel, + PlaneSegmentation, + PlaneSegmentationImageMask, + PlaneSegmentationPixelMask, + PlaneSegmentationVoxelMask, + RoiResponseSeries, + TwoPhotonSeries, ) from ...core.v2_4_0.core_nwb_retinotopy import ( ImagingRetinotopy, @@ -143,26 +146,27 @@ from ...core.v2_4_0.core_nwb_retinotopy import ( ImagingRetinotopySignMap, ImagingRetinotopyVasculatureImage, ) -from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData -from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from ...hdmf_common.v1_5_0.hdmf_common_base import Container, Data, SimpleMultiContainer +from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_5_0.hdmf_common_table import ( + AlignedDynamicTable, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, ) -from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData from ...hdmf_experimental.v0_1_0.hdmf_experimental_resources import ( ExternalResources, - ExternalResourcesKeys, ExternalResourcesEntities, - ExternalResourcesResources, - ExternalResourcesObjects, + ExternalResourcesKeys, ExternalResourcesObjectKeys, + ExternalResourcesObjects, + ExternalResourcesResources, ) + metamodel_version = "None" version = "2.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_base.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_base.py index aefea7a..3a2170a 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_base.py @@ -1,40 +1,44 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -import numpy as np -from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container -from numpydantic import NDArray, Shape -from ...hdmf_common.v1_5_0.hdmf_common_table import VectorData, DynamicTable +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum from typing import ( + Annotated, Any, ClassVar, - List, - Literal, Dict, - Optional, - Union, Generic, Iterable, + List, + Literal, + Optional, Tuple, - TypeVar, - overload, - Annotated, Type, + TypeVar, + Union, + overload, ) + +import numpy as np +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, + ValidationInfo, field_validator, model_validator, - ValidationInfo, - BeforeValidator, ) +from ...hdmf_common.v1_5_0.hdmf_common_base import Container, Data +from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorData + + metamodel_version = "None" version = "2.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_behavior.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_behavior.py index 86b4bc0..d4e6a03 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_behavior.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_behavior.py @@ -1,20 +1,24 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape -from ...core.v2_5_0.core_nwb_misc import IntervalSeries +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_5_0.core_nwb_base import ( + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, ) +from ...core.v2_5_0.core_nwb_misc import IntervalSeries + metamodel_version = "None" version = "2.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_device.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_device.py index 4b214a9..16f07fc 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_device.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_device.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_5_0.core_nwb_base import NWBContainer + metamodel_version = "None" version = "2.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_ecephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_ecephys.py index 7c60b61..343564a 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_ecephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_ecephys.py @@ -1,30 +1,34 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTableRegion -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...core.v2_5_0.core_nwb_device import Device + from ...core.v2_5_0.core_nwb_base import ( + NWBContainer, + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, - NWBContainer, ) -from numpydantic import NDArray, Shape +from ...core.v2_5_0.core_nwb_device import Device +from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTableRegion + metamodel_version = "None" version = "2.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_epoch.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_epoch.py index fd5f403..2fafb90 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_epoch.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_epoch.py @@ -1,23 +1,27 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_5_0.core_nwb_base import TimeSeriesReferenceVectorData -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from numpydantic import NDArray, Shape -from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorIndex, VectorData + +from ...core.v2_5_0.core_nwb_base import TimeSeriesReferenceVectorData +from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_file.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_file.py index ae0ce47..039eb68 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_file.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_file.py @@ -1,37 +1,41 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_5_0.core_nwb_misc import Units -from ...core.v2_5_0.core_nwb_device import Device -from ...core.v2_5_0.core_nwb_ogen import OptogeneticStimulusSite -from ...core.v2_5_0.core_nwb_ophys import ImagingPlane -from ...core.v2_5_0.core_nwb_ecephys import ElectrodeGroup from numpydantic import NDArray, Shape -from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorData -from ...core.v2_5_0.core_nwb_icephys import ( - IntracellularElectrode, - SweepTable, - IntracellularRecordingsTable, - SimultaneousRecordingsTable, - SequentialRecordingsTable, - RepetitionsTable, - ExperimentalConditionsTable, -) -from ...core.v2_5_0.core_nwb_epoch import TimeIntervals +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_5_0.core_nwb_base import ( - NWBData, + Images, NWBContainer, + NWBData, NWBDataInterface, ProcessingModule, TimeSeries, - Images, ) +from ...core.v2_5_0.core_nwb_device import Device +from ...core.v2_5_0.core_nwb_ecephys import ElectrodeGroup +from ...core.v2_5_0.core_nwb_epoch import TimeIntervals +from ...core.v2_5_0.core_nwb_icephys import ( + ExperimentalConditionsTable, + IntracellularElectrode, + IntracellularRecordingsTable, + RepetitionsTable, + SequentialRecordingsTable, + SimultaneousRecordingsTable, + SweepTable, +) +from ...core.v2_5_0.core_nwb_misc import Units +from ...core.v2_5_0.core_nwb_ogen import OptogeneticStimulusSite +from ...core.v2_5_0.core_nwb_ophys import ImagingPlane +from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorData + metamodel_version = "None" version = "2.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_icephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_icephys.py index 4a7ccc2..bef122c 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_icephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_icephys.py @@ -1,36 +1,40 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_5_0.core_nwb_device import Device -from ...core.v2_5_0.core_nwb_base import ( - TimeSeries, - TimeSeriesStartingTime, - TimeSeriesSync, - NWBContainer, - TimeSeriesReferenceVectorData, -) -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) + +from ...core.v2_5_0.core_nwb_base import ( + NWBContainer, + TimeSeries, + TimeSeriesReferenceVectorData, + TimeSeriesStartingTime, + TimeSeriesSync, +) +from ...core.v2_5_0.core_nwb_device import Device from ...hdmf_common.v1_5_0.hdmf_common_table import ( - DynamicTable, - VectorIndex, - VectorData, AlignedDynamicTable, + DynamicTable, DynamicTableRegion, + VectorData, + VectorIndex, ) -from numpydantic import NDArray, Shape + metamodel_version = "None" version = "2.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_image.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_image.py index 8dbbb44..21e5d0a 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_image.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_image.py @@ -1,21 +1,25 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_5_0.core_nwb_device import Device from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_5_0.core_nwb_base import ( Image, + Images, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - Images, ) +from ...core.v2_5_0.core_nwb_device import Device + metamodel_version = "None" version = "2.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_misc.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_misc.py index 5a7755b..6be8f5c 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_misc.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_misc.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_5_0.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync -from ...core.v2_5_0.core_nwb_ecephys import ElectrodeGroup -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) + +from ...core.v2_5_0.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync +from ...core.v2_5_0.core_nwb_ecephys import ElectrodeGroup from ...hdmf_common.v1_5_0.hdmf_common_table import ( - DynamicTableRegion, DynamicTable, + DynamicTableRegion, VectorData, VectorIndex, ) -from numpydantic import NDArray, Shape + metamodel_version = "None" version = "2.5.0" @@ -178,7 +182,7 @@ class AbstractFeatureSeriesData(ConfiguredBaseModel): json_schema_extra={"linkml_meta": {"equals_string": "data", "ifabsent": "string(data)"}}, ) unit: Optional[str] = Field( - "see 'feature_units'", + "see ", description="""Since there can be different units for different features, store the units in 'feature_units'. The default value for this attribute is \"see 'feature_units'\".""", json_schema_extra={"linkml_meta": {"ifabsent": "string(see 'feature_units')"}}, ) diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_ogen.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_ogen.py index f397977..5d3e9ff 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_ogen.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_ogen.py @@ -1,21 +1,25 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_5_0.core_nwb_base import ( + NWBContainer, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBContainer, ) from ...core.v2_5_0.core_nwb_device import Device + metamodel_version = "None" version = "2.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_ophys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_ophys.py index 268b313..fef5a92 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_ophys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_ophys.py @@ -1,36 +1,40 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...hdmf_common.v1_5_0.hdmf_common_table import ( - DynamicTableRegion, - DynamicTable, - VectorIndex, - VectorData, -) -from ...core.v2_5_0.core_nwb_device import Device -from numpydantic import NDArray, Shape + from ...core.v2_5_0.core_nwb_base import ( + NWBContainer, + NWBDataInterface, + TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - TimeSeries, - NWBDataInterface, - NWBContainer, ) +from ...core.v2_5_0.core_nwb_device import Device from ...core.v2_5_0.core_nwb_image import ImageSeries, ImageSeriesExternalFile +from ...hdmf_common.v1_5_0.hdmf_common_table import ( + DynamicTable, + DynamicTableRegion, + VectorData, + VectorIndex, +) + metamodel_version = "None" version = "2.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_retinotopy.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_retinotopy.py index 90bd8c1..e399448 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_retinotopy.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/core_nwb_retinotopy.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_5_0.core_nwb_base import NWBDataInterface from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...core.v2_5_0.core_nwb_base import NWBDataInterface + metamodel_version = "None" version = "2.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/namespace.py index dcba87e..5692d11 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/namespace.py @@ -1,63 +1,94 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_5_0.core_nwb_base import ( - NWBData, - TimeSeriesReferenceVectorData, Image, ImageReferences, + Images, NWBContainer, + NWBData, NWBDataInterface, + ProcessingModule, TimeSeries, TimeSeriesData, + TimeSeriesReferenceVectorData, TimeSeriesStartingTime, TimeSeriesSync, - ProcessingModule, - Images, +) +from ...core.v2_5_0.core_nwb_behavior import ( + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + CompassDirection, + EyeTracking, + Position, + PupilTracking, + SpatialSeries, + SpatialSeriesData, ) from ...core.v2_5_0.core_nwb_device import Device -from ...core.v2_5_0.core_nwb_epoch import TimeIntervals -from ...core.v2_5_0.core_nwb_image import ( - GrayscaleImage, - RGBImage, - RGBAImage, - ImageSeries, - ImageSeriesExternalFile, - ImageMaskSeries, - OpticalSeries, - IndexSeries, -) from ...core.v2_5_0.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, ClusterWaveforms, Clustering, + ElectricalSeries, + ElectrodeGroup, + ElectrodeGroupPosition, + EventDetection, + EventWaveform, + FeatureExtraction, + FilteredEphys, + LFP, + SpikeEventSeries, +) +from ...core.v2_5_0.core_nwb_epoch import TimeIntervals +from ...core.v2_5_0.core_nwb_file import ( + ExtracellularEphysElectrodes, + GeneralExtracellularEphys, + GeneralIntracellularEphys, + GeneralSourceScript, + LabMetaData, + NWBFile, + NWBFileGeneral, + NWBFileIntervals, + NWBFileStimulus, + ScratchData, + Subject, ) from ...core.v2_5_0.core_nwb_icephys import ( - PatchClampSeries, - PatchClampSeriesData, CurrentClampSeries, CurrentClampSeriesData, - IZeroClampSeries, CurrentClampStimulusSeries, CurrentClampStimulusSeriesData, + ExperimentalConditionsTable, + ExperimentalConditionsTableRepetitions, + IZeroClampSeries, + IntracellularElectrode, + IntracellularElectrodesTable, + IntracellularRecordingsTable, + IntracellularResponsesTable, + IntracellularStimuliTable, + PatchClampSeries, + PatchClampSeriesData, + RepetitionsTable, + RepetitionsTableSequentialRecordings, + SequentialRecordingsTable, + SequentialRecordingsTableSimultaneousRecordings, + SimultaneousRecordingsTable, + SimultaneousRecordingsTableRecordings, + SweepTable, VoltageClampSeries, - VoltageClampSeriesData, VoltageClampSeriesCapacitanceFast, VoltageClampSeriesCapacitanceSlow, + VoltageClampSeriesData, VoltageClampSeriesResistanceCompBandwidth, VoltageClampSeriesResistanceCompCorrection, VoltageClampSeriesResistanceCompPrediction, @@ -65,74 +96,46 @@ from ...core.v2_5_0.core_nwb_icephys import ( VoltageClampSeriesWholeCellSeriesResistanceComp, VoltageClampStimulusSeries, VoltageClampStimulusSeriesData, - IntracellularElectrode, - SweepTable, - IntracellularElectrodesTable, - IntracellularStimuliTable, - IntracellularResponsesTable, - IntracellularRecordingsTable, - SimultaneousRecordingsTable, - SimultaneousRecordingsTableRecordings, - SequentialRecordingsTable, - SequentialRecordingsTableSimultaneousRecordings, - RepetitionsTable, - RepetitionsTableSequentialRecordings, - ExperimentalConditionsTable, - ExperimentalConditionsTableRepetitions, ) -from ...core.v2_5_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite -from ...core.v2_5_0.core_nwb_ophys import ( - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - PlaneSegmentation, - PlaneSegmentationImageMask, - PlaneSegmentationPixelMask, - PlaneSegmentationVoxelMask, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, - CorrectedImageStack, +from ...core.v2_5_0.core_nwb_image import ( + GrayscaleImage, + ImageMaskSeries, + ImageSeries, + ImageSeriesExternalFile, + IndexSeries, + OpticalSeries, + RGBAImage, + RGBImage, ) from ...core.v2_5_0.core_nwb_misc import ( AbstractFeatureSeries, AbstractFeatureSeriesData, AnnotationSeries, - IntervalSeries, DecompositionSeries, - DecompositionSeriesData, DecompositionSeriesBands, + DecompositionSeriesData, + IntervalSeries, Units, UnitsSpikeTimes, ) -from ...core.v2_5_0.core_nwb_file import ( - ScratchData, - NWBFile, - NWBFileStimulus, - NWBFileGeneral, - GeneralSourceScript, - GeneralExtracellularEphys, - ExtracellularEphysElectrodes, - GeneralIntracellularEphys, - NWBFileIntervals, - LabMetaData, - Subject, -) -from ...core.v2_5_0.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_5_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_5_0.core_nwb_ophys import ( + CorrectedImageStack, + DfOverF, + Fluorescence, + ImageSegmentation, + ImagingPlane, + ImagingPlaneGridSpacing, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + MotionCorrection, + OpticalChannel, + PlaneSegmentation, + PlaneSegmentationImageMask, + PlaneSegmentationPixelMask, + PlaneSegmentationVoxelMask, + RoiResponseSeries, + TwoPhotonSeries, ) from ...core.v2_5_0.core_nwb_retinotopy import ( ImagingRetinotopy, @@ -144,26 +147,27 @@ from ...core.v2_5_0.core_nwb_retinotopy import ( ImagingRetinotopySignMap, ImagingRetinotopyVasculatureImage, ) -from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData -from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from ...hdmf_common.v1_5_0.hdmf_common_base import Container, Data, SimpleMultiContainer +from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_5_0.hdmf_common_table import ( + AlignedDynamicTable, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, ) -from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData from ...hdmf_experimental.v0_1_0.hdmf_experimental_resources import ( ExternalResources, - ExternalResourcesKeys, ExternalResourcesEntities, - ExternalResourcesResources, - ExternalResourcesObjects, + ExternalResourcesKeys, ExternalResourcesObjectKeys, + ExternalResourcesObjects, + ExternalResourcesResources, ) + metamodel_version = "None" version = "2.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_base.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_base.py index 624853e..c4d356f 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_base.py @@ -1,40 +1,44 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -import numpy as np -from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container -from numpydantic import NDArray, Shape -from ...hdmf_common.v1_5_0.hdmf_common_table import VectorData, DynamicTable +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum from typing import ( + Annotated, Any, ClassVar, - List, - Literal, Dict, - Optional, - Union, Generic, Iterable, + List, + Literal, + Optional, Tuple, - TypeVar, - overload, - Annotated, Type, + TypeVar, + Union, + overload, ) + +import numpy as np +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, + ValidationInfo, field_validator, model_validator, - ValidationInfo, - BeforeValidator, ) +from ...hdmf_common.v1_5_0.hdmf_common_base import Container, Data +from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorData + + metamodel_version = "None" version = "2.6.0-alpha" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_behavior.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_behavior.py index 508ddf8..07f5165 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_behavior.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_behavior.py @@ -1,20 +1,24 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape -from ...core.v2_6_0_alpha.core_nwb_misc import IntervalSeries +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_6_0_alpha.core_nwb_base import ( + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, ) +from ...core.v2_6_0_alpha.core_nwb_misc import IntervalSeries + metamodel_version = "None" version = "2.6.0-alpha" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_device.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_device.py index 544b533..c1a89c4 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_device.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_device.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_6_0_alpha.core_nwb_base import NWBContainer + metamodel_version = "None" version = "2.6.0-alpha" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_ecephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_ecephys.py index 2c241ec..d83d650 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_ecephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_ecephys.py @@ -1,30 +1,34 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTableRegion -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...core.v2_6_0_alpha.core_nwb_device import Device + from ...core.v2_6_0_alpha.core_nwb_base import ( + NWBContainer, + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, - NWBContainer, ) -from numpydantic import NDArray, Shape +from ...core.v2_6_0_alpha.core_nwb_device import Device +from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTableRegion + metamodel_version = "None" version = "2.6.0-alpha" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_epoch.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_epoch.py index 29ed69e..46da361 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_epoch.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_epoch.py @@ -1,23 +1,27 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_6_0_alpha.core_nwb_base import TimeSeriesReferenceVectorData -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from numpydantic import NDArray, Shape -from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorIndex, VectorData + +from ...core.v2_6_0_alpha.core_nwb_base import TimeSeriesReferenceVectorData +from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.6.0-alpha" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_file.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_file.py index db4b5ca..6c39f8e 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_file.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_file.py @@ -1,37 +1,41 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_6_0_alpha.core_nwb_misc import Units -from ...core.v2_6_0_alpha.core_nwb_device import Device -from ...core.v2_6_0_alpha.core_nwb_ogen import OptogeneticStimulusSite -from ...core.v2_6_0_alpha.core_nwb_ophys import ImagingPlane -from ...core.v2_6_0_alpha.core_nwb_ecephys import ElectrodeGroup from numpydantic import NDArray, Shape -from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorData -from ...core.v2_6_0_alpha.core_nwb_icephys import ( - IntracellularElectrode, - SweepTable, - IntracellularRecordingsTable, - SimultaneousRecordingsTable, - SequentialRecordingsTable, - RepetitionsTable, - ExperimentalConditionsTable, -) -from ...core.v2_6_0_alpha.core_nwb_epoch import TimeIntervals +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_6_0_alpha.core_nwb_base import ( - NWBData, + Images, NWBContainer, + NWBData, NWBDataInterface, ProcessingModule, TimeSeries, - Images, ) +from ...core.v2_6_0_alpha.core_nwb_device import Device +from ...core.v2_6_0_alpha.core_nwb_ecephys import ElectrodeGroup +from ...core.v2_6_0_alpha.core_nwb_epoch import TimeIntervals +from ...core.v2_6_0_alpha.core_nwb_icephys import ( + ExperimentalConditionsTable, + IntracellularElectrode, + IntracellularRecordingsTable, + RepetitionsTable, + SequentialRecordingsTable, + SimultaneousRecordingsTable, + SweepTable, +) +from ...core.v2_6_0_alpha.core_nwb_misc import Units +from ...core.v2_6_0_alpha.core_nwb_ogen import OptogeneticStimulusSite +from ...core.v2_6_0_alpha.core_nwb_ophys import ImagingPlane +from ...hdmf_common.v1_5_0.hdmf_common_table import DynamicTable, VectorData + metamodel_version = "None" version = "2.6.0-alpha" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_icephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_icephys.py index b18f673..8142b53 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_icephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_icephys.py @@ -1,36 +1,40 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_6_0_alpha.core_nwb_device import Device -from ...core.v2_6_0_alpha.core_nwb_base import ( - TimeSeries, - TimeSeriesStartingTime, - TimeSeriesSync, - NWBContainer, - TimeSeriesReferenceVectorData, -) -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) + +from ...core.v2_6_0_alpha.core_nwb_base import ( + NWBContainer, + TimeSeries, + TimeSeriesReferenceVectorData, + TimeSeriesStartingTime, + TimeSeriesSync, +) +from ...core.v2_6_0_alpha.core_nwb_device import Device from ...hdmf_common.v1_5_0.hdmf_common_table import ( - DynamicTable, - VectorIndex, - VectorData, AlignedDynamicTable, + DynamicTable, DynamicTableRegion, + VectorData, + VectorIndex, ) -from numpydantic import NDArray, Shape + metamodel_version = "None" version = "2.6.0-alpha" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_image.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_image.py index ed4d986..e0506e9 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_image.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_image.py @@ -1,21 +1,25 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_6_0_alpha.core_nwb_device import Device from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_6_0_alpha.core_nwb_base import ( Image, + Images, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - Images, ) +from ...core.v2_6_0_alpha.core_nwb_device import Device + metamodel_version = "None" version = "2.6.0-alpha" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_misc.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_misc.py index 66dad75..ee349a1 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_misc.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_misc.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_6_0_alpha.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync -from ...core.v2_6_0_alpha.core_nwb_ecephys import ElectrodeGroup -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) + +from ...core.v2_6_0_alpha.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync +from ...core.v2_6_0_alpha.core_nwb_ecephys import ElectrodeGroup from ...hdmf_common.v1_5_0.hdmf_common_table import ( - DynamicTableRegion, DynamicTable, + DynamicTableRegion, VectorData, VectorIndex, ) -from numpydantic import NDArray, Shape + metamodel_version = "None" version = "2.6.0-alpha" @@ -178,7 +182,7 @@ class AbstractFeatureSeriesData(ConfiguredBaseModel): json_schema_extra={"linkml_meta": {"equals_string": "data", "ifabsent": "string(data)"}}, ) unit: Optional[str] = Field( - "see 'feature_units'", + "see ", description="""Since there can be different units for different features, store the units in 'feature_units'. The default value for this attribute is \"see 'feature_units'\".""", json_schema_extra={"linkml_meta": {"ifabsent": "string(see 'feature_units')"}}, ) diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_ogen.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_ogen.py index 0371f5d..5565ce8 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_ogen.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_ogen.py @@ -1,21 +1,25 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_6_0_alpha.core_nwb_base import ( + NWBContainer, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBContainer, ) from ...core.v2_6_0_alpha.core_nwb_device import Device + metamodel_version = "None" version = "2.6.0-alpha" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_ophys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_ophys.py index 7c3e17b..76d0e67 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_ophys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_ophys.py @@ -1,36 +1,40 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...hdmf_common.v1_5_0.hdmf_common_table import ( - DynamicTableRegion, - DynamicTable, - VectorIndex, - VectorData, -) -from ...core.v2_6_0_alpha.core_nwb_device import Device -from numpydantic import NDArray, Shape + from ...core.v2_6_0_alpha.core_nwb_base import ( + NWBContainer, + NWBDataInterface, + TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - TimeSeries, - NWBDataInterface, - NWBContainer, ) +from ...core.v2_6_0_alpha.core_nwb_device import Device from ...core.v2_6_0_alpha.core_nwb_image import ImageSeries, ImageSeriesExternalFile +from ...hdmf_common.v1_5_0.hdmf_common_table import ( + DynamicTable, + DynamicTableRegion, + VectorData, + VectorIndex, +) + metamodel_version = "None" version = "2.6.0-alpha" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_retinotopy.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_retinotopy.py index d454105..b3017f1 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_retinotopy.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/core_nwb_retinotopy.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_6_0_alpha.core_nwb_base import NWBDataInterface from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...core.v2_6_0_alpha.core_nwb_base import NWBDataInterface + metamodel_version = "None" version = "2.6.0-alpha" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/namespace.py index acb6d6a..a6c0e87 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/namespace.py @@ -1,63 +1,95 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_6_0_alpha.core_nwb_base import ( - NWBData, - TimeSeriesReferenceVectorData, Image, ImageReferences, + Images, NWBContainer, + NWBData, NWBDataInterface, + ProcessingModule, TimeSeries, TimeSeriesData, + TimeSeriesReferenceVectorData, TimeSeriesStartingTime, TimeSeriesSync, - ProcessingModule, - Images, +) +from ...core.v2_6_0_alpha.core_nwb_behavior import ( + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + CompassDirection, + EyeTracking, + Position, + PupilTracking, + SpatialSeries, + SpatialSeriesData, ) from ...core.v2_6_0_alpha.core_nwb_device import Device -from ...core.v2_6_0_alpha.core_nwb_epoch import TimeIntervals -from ...core.v2_6_0_alpha.core_nwb_image import ( - GrayscaleImage, - RGBImage, - RGBAImage, - ImageSeries, - ImageSeriesExternalFile, - ImageMaskSeries, - OpticalSeries, - IndexSeries, -) from ...core.v2_6_0_alpha.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, ClusterWaveforms, Clustering, + ElectricalSeries, + ElectrodeGroup, + ElectrodeGroupPosition, + EventDetection, + EventWaveform, + FeatureExtraction, + FilteredEphys, + LFP, + SpikeEventSeries, +) +from ...core.v2_6_0_alpha.core_nwb_epoch import TimeIntervals +from ...core.v2_6_0_alpha.core_nwb_file import ( + ExtracellularEphysElectrodes, + GeneralExtracellularEphys, + GeneralIntracellularEphys, + GeneralSourceScript, + LabMetaData, + NWBFile, + NWBFileGeneral, + NWBFileIntervals, + NWBFileStimulus, + ScratchData, + Subject, + SubjectAge, ) from ...core.v2_6_0_alpha.core_nwb_icephys import ( - PatchClampSeries, - PatchClampSeriesData, CurrentClampSeries, CurrentClampSeriesData, - IZeroClampSeries, CurrentClampStimulusSeries, CurrentClampStimulusSeriesData, + ExperimentalConditionsTable, + ExperimentalConditionsTableRepetitions, + IZeroClampSeries, + IntracellularElectrode, + IntracellularElectrodesTable, + IntracellularRecordingsTable, + IntracellularResponsesTable, + IntracellularStimuliTable, + PatchClampSeries, + PatchClampSeriesData, + RepetitionsTable, + RepetitionsTableSequentialRecordings, + SequentialRecordingsTable, + SequentialRecordingsTableSimultaneousRecordings, + SimultaneousRecordingsTable, + SimultaneousRecordingsTableRecordings, + SweepTable, VoltageClampSeries, - VoltageClampSeriesData, VoltageClampSeriesCapacitanceFast, VoltageClampSeriesCapacitanceSlow, + VoltageClampSeriesData, VoltageClampSeriesResistanceCompBandwidth, VoltageClampSeriesResistanceCompCorrection, VoltageClampSeriesResistanceCompPrediction, @@ -65,76 +97,47 @@ from ...core.v2_6_0_alpha.core_nwb_icephys import ( VoltageClampSeriesWholeCellSeriesResistanceComp, VoltageClampStimulusSeries, VoltageClampStimulusSeriesData, - IntracellularElectrode, - SweepTable, - IntracellularElectrodesTable, - IntracellularStimuliTable, - IntracellularResponsesTable, - IntracellularRecordingsTable, - SimultaneousRecordingsTable, - SimultaneousRecordingsTableRecordings, - SequentialRecordingsTable, - SequentialRecordingsTableSimultaneousRecordings, - RepetitionsTable, - RepetitionsTableSequentialRecordings, - ExperimentalConditionsTable, - ExperimentalConditionsTableRepetitions, ) -from ...core.v2_6_0_alpha.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite -from ...core.v2_6_0_alpha.core_nwb_ophys import ( - OnePhotonSeries, - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - PlaneSegmentation, - PlaneSegmentationImageMask, - PlaneSegmentationPixelMask, - PlaneSegmentationVoxelMask, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, - CorrectedImageStack, +from ...core.v2_6_0_alpha.core_nwb_image import ( + GrayscaleImage, + ImageMaskSeries, + ImageSeries, + ImageSeriesExternalFile, + IndexSeries, + OpticalSeries, + RGBAImage, + RGBImage, ) from ...core.v2_6_0_alpha.core_nwb_misc import ( AbstractFeatureSeries, AbstractFeatureSeriesData, AnnotationSeries, - IntervalSeries, DecompositionSeries, - DecompositionSeriesData, DecompositionSeriesBands, + DecompositionSeriesData, + IntervalSeries, Units, UnitsSpikeTimes, ) -from ...core.v2_6_0_alpha.core_nwb_file import ( - ScratchData, - NWBFile, - NWBFileStimulus, - NWBFileGeneral, - GeneralSourceScript, - GeneralExtracellularEphys, - ExtracellularEphysElectrodes, - GeneralIntracellularEphys, - NWBFileIntervals, - LabMetaData, - Subject, - SubjectAge, -) -from ...core.v2_6_0_alpha.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_6_0_alpha.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_6_0_alpha.core_nwb_ophys import ( + CorrectedImageStack, + DfOverF, + Fluorescence, + ImageSegmentation, + ImagingPlane, + ImagingPlaneGridSpacing, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + MotionCorrection, + OnePhotonSeries, + OpticalChannel, + PlaneSegmentation, + PlaneSegmentationImageMask, + PlaneSegmentationPixelMask, + PlaneSegmentationVoxelMask, + RoiResponseSeries, + TwoPhotonSeries, ) from ...core.v2_6_0_alpha.core_nwb_retinotopy import ( ImagingRetinotopy, @@ -146,26 +149,27 @@ from ...core.v2_6_0_alpha.core_nwb_retinotopy import ( ImagingRetinotopySignMap, ImagingRetinotopyVasculatureImage, ) -from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData -from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from ...hdmf_common.v1_5_0.hdmf_common_base import Container, Data, SimpleMultiContainer +from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_5_0.hdmf_common_table import ( + AlignedDynamicTable, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, ) -from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData from ...hdmf_experimental.v0_1_0.hdmf_experimental_resources import ( ExternalResources, - ExternalResourcesKeys, ExternalResourcesEntities, - ExternalResourcesResources, - ExternalResourcesObjects, + ExternalResourcesKeys, ExternalResourcesObjectKeys, + ExternalResourcesObjects, + ExternalResourcesResources, ) + metamodel_version = "None" version = "2.6.0-alpha" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_base.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_base.py index 09a6f8b..961bfd4 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_base.py @@ -1,40 +1,44 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -import numpy as np -from ...hdmf_common.v1_8_0.hdmf_common_base import Data, Container -from numpydantic import NDArray, Shape -from ...hdmf_common.v1_8_0.hdmf_common_table import VectorData, DynamicTable +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum from typing import ( + Annotated, Any, ClassVar, - List, - Literal, Dict, - Optional, - Union, Generic, Iterable, + List, + Literal, + Optional, Tuple, - TypeVar, - overload, - Annotated, Type, + TypeVar, + Union, + overload, ) + +import numpy as np +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, + ValidationInfo, field_validator, model_validator, - ValidationInfo, - BeforeValidator, ) +from ...hdmf_common.v1_8_0.hdmf_common_base import Container, Data +from ...hdmf_common.v1_8_0.hdmf_common_table import DynamicTable, VectorData + + metamodel_version = "None" version = "2.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_behavior.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_behavior.py index 780e83a..43c1936 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_behavior.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_behavior.py @@ -1,20 +1,24 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape -from ...core.v2_7_0.core_nwb_misc import IntervalSeries +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_7_0.core_nwb_base import ( + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, ) +from ...core.v2_7_0.core_nwb_misc import IntervalSeries + metamodel_version = "None" version = "2.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_device.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_device.py index 24e2e67..3867744 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_device.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_device.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_7_0.core_nwb_base import NWBContainer + metamodel_version = "None" version = "2.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_ecephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_ecephys.py index 17de2b5..89eeeb0 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_ecephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_ecephys.py @@ -1,30 +1,34 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...hdmf_common.v1_8_0.hdmf_common_table import DynamicTableRegion -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...core.v2_7_0.core_nwb_device import Device + from ...core.v2_7_0.core_nwb_base import ( + NWBContainer, + NWBDataInterface, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBDataInterface, - NWBContainer, ) -from numpydantic import NDArray, Shape +from ...core.v2_7_0.core_nwb_device import Device +from ...hdmf_common.v1_8_0.hdmf_common_table import DynamicTableRegion + metamodel_version = "None" version = "2.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_epoch.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_epoch.py index 1b07dac..95178b0 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_epoch.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_epoch.py @@ -1,23 +1,27 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_7_0.core_nwb_base import TimeSeriesReferenceVectorData -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from numpydantic import NDArray, Shape -from ...hdmf_common.v1_8_0.hdmf_common_table import DynamicTable, VectorIndex, VectorData + +from ...core.v2_7_0.core_nwb_base import TimeSeriesReferenceVectorData +from ...hdmf_common.v1_8_0.hdmf_common_table import DynamicTable, VectorData, VectorIndex + metamodel_version = "None" version = "2.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_file.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_file.py index 20ea663..fe7fabd 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_file.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_file.py @@ -1,37 +1,41 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_7_0.core_nwb_misc import Units -from ...core.v2_7_0.core_nwb_device import Device -from ...core.v2_7_0.core_nwb_ogen import OptogeneticStimulusSite -from ...core.v2_7_0.core_nwb_ophys import ImagingPlane -from ...core.v2_7_0.core_nwb_ecephys import ElectrodeGroup from numpydantic import NDArray, Shape -from ...hdmf_common.v1_8_0.hdmf_common_table import DynamicTable, VectorData -from ...core.v2_7_0.core_nwb_icephys import ( - IntracellularElectrode, - SweepTable, - IntracellularRecordingsTable, - SimultaneousRecordingsTable, - SequentialRecordingsTable, - RepetitionsTable, - ExperimentalConditionsTable, -) -from ...core.v2_7_0.core_nwb_epoch import TimeIntervals +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_7_0.core_nwb_base import ( - NWBData, + Images, NWBContainer, + NWBData, NWBDataInterface, ProcessingModule, TimeSeries, - Images, ) +from ...core.v2_7_0.core_nwb_device import Device +from ...core.v2_7_0.core_nwb_ecephys import ElectrodeGroup +from ...core.v2_7_0.core_nwb_epoch import TimeIntervals +from ...core.v2_7_0.core_nwb_icephys import ( + ExperimentalConditionsTable, + IntracellularElectrode, + IntracellularRecordingsTable, + RepetitionsTable, + SequentialRecordingsTable, + SimultaneousRecordingsTable, + SweepTable, +) +from ...core.v2_7_0.core_nwb_misc import Units +from ...core.v2_7_0.core_nwb_ogen import OptogeneticStimulusSite +from ...core.v2_7_0.core_nwb_ophys import ImagingPlane +from ...hdmf_common.v1_8_0.hdmf_common_table import DynamicTable, VectorData + metamodel_version = "None" version = "2.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_icephys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_icephys.py index 6993568..9e72812 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_icephys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_icephys.py @@ -1,36 +1,40 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_7_0.core_nwb_device import Device -from ...core.v2_7_0.core_nwb_base import ( - TimeSeries, - TimeSeriesStartingTime, - TimeSeriesSync, - NWBContainer, - TimeSeriesReferenceVectorData, -) -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) + +from ...core.v2_7_0.core_nwb_base import ( + NWBContainer, + TimeSeries, + TimeSeriesReferenceVectorData, + TimeSeriesStartingTime, + TimeSeriesSync, +) +from ...core.v2_7_0.core_nwb_device import Device from ...hdmf_common.v1_8_0.hdmf_common_table import ( - DynamicTable, - VectorIndex, - VectorData, AlignedDynamicTable, + DynamicTable, DynamicTableRegion, + VectorData, + VectorIndex, ) -from numpydantic import NDArray, Shape + metamodel_version = "None" version = "2.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_image.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_image.py index c2b5aff..d98ffe1 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_image.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_image.py @@ -1,21 +1,25 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_7_0.core_nwb_device import Device from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_7_0.core_nwb_base import ( Image, + Images, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - Images, ) +from ...core.v2_7_0.core_nwb_device import Device + metamodel_version = "None" version = "2.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_misc.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_misc.py index a30d3e0..31c081b 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_misc.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_misc.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from ...core.v2_7_0.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync -from ...core.v2_7_0.core_nwb_ecephys import ElectrodeGroup -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) + +from ...core.v2_7_0.core_nwb_base import TimeSeries, TimeSeriesStartingTime, TimeSeriesSync +from ...core.v2_7_0.core_nwb_ecephys import ElectrodeGroup from ...hdmf_common.v1_8_0.hdmf_common_table import ( - DynamicTableRegion, DynamicTable, + DynamicTableRegion, VectorData, VectorIndex, ) -from numpydantic import NDArray, Shape + metamodel_version = "None" version = "2.7.0" @@ -178,7 +182,7 @@ class AbstractFeatureSeriesData(ConfiguredBaseModel): json_schema_extra={"linkml_meta": {"equals_string": "data", "ifabsent": "string(data)"}}, ) unit: Optional[str] = Field( - "see 'feature_units'", + "see ", description="""Since there can be different units for different features, store the units in 'feature_units'. The default value for this attribute is \"see 'feature_units'\".""", json_schema_extra={"linkml_meta": {"ifabsent": "string(see 'feature_units')"}}, ) diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_ogen.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_ogen.py index 881aea0..5eb87cf 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_ogen.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_ogen.py @@ -1,21 +1,25 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_7_0.core_nwb_base import ( + NWBContainer, TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - NWBContainer, ) from ...core.v2_7_0.core_nwb_device import Device + metamodel_version = "None" version = "2.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_ophys.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_ophys.py index e17fe42..3f8d8eb 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_ophys.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_ophys.py @@ -1,36 +1,40 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Annotated, Any, ClassVar, Dict, List, Literal, Optional, Type, TypeVar, Union + import numpy as np -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union, Annotated, Type, TypeVar +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, + BeforeValidator, ConfigDict, Field, RootModel, - field_validator, ValidationInfo, - BeforeValidator, + field_validator, ) -from ...hdmf_common.v1_8_0.hdmf_common_table import ( - DynamicTableRegion, - DynamicTable, - VectorIndex, - VectorData, -) -from ...core.v2_7_0.core_nwb_device import Device -from numpydantic import NDArray, Shape + from ...core.v2_7_0.core_nwb_base import ( + NWBContainer, + NWBDataInterface, + TimeSeries, TimeSeriesStartingTime, TimeSeriesSync, - TimeSeries, - NWBDataInterface, - NWBContainer, ) +from ...core.v2_7_0.core_nwb_device import Device from ...core.v2_7_0.core_nwb_image import ImageSeries, ImageSeriesExternalFile +from ...hdmf_common.v1_8_0.hdmf_common_table import ( + DynamicTable, + DynamicTableRegion, + VectorData, + VectorIndex, +) + metamodel_version = "None" version = "2.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_retinotopy.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_retinotopy.py index 1d8b514..909aaf3 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_retinotopy.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/core_nwb_retinotopy.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...core.v2_7_0.core_nwb_base import NWBDataInterface from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...core.v2_7_0.core_nwb_base import NWBDataInterface + metamodel_version = "None" version = "2.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/namespace.py index 40e7a46..9256d2f 100644 --- a/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/namespace.py @@ -1,63 +1,95 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + from ...core.v2_7_0.core_nwb_base import ( - NWBData, - TimeSeriesReferenceVectorData, Image, ImageReferences, + Images, NWBContainer, + NWBData, NWBDataInterface, + ProcessingModule, TimeSeries, TimeSeriesData, + TimeSeriesReferenceVectorData, TimeSeriesStartingTime, TimeSeriesSync, - ProcessingModule, - Images, +) +from ...core.v2_7_0.core_nwb_behavior import ( + BehavioralEpochs, + BehavioralEvents, + BehavioralTimeSeries, + CompassDirection, + EyeTracking, + Position, + PupilTracking, + SpatialSeries, + SpatialSeriesData, ) from ...core.v2_7_0.core_nwb_device import Device -from ...core.v2_7_0.core_nwb_epoch import TimeIntervals -from ...core.v2_7_0.core_nwb_image import ( - GrayscaleImage, - RGBImage, - RGBAImage, - ImageSeries, - ImageSeriesExternalFile, - ImageMaskSeries, - OpticalSeries, - IndexSeries, -) from ...core.v2_7_0.core_nwb_ecephys import ( - ElectricalSeries, - SpikeEventSeries, - FeatureExtraction, - EventDetection, - EventWaveform, - FilteredEphys, - LFP, - ElectrodeGroup, - ElectrodeGroupPosition, ClusterWaveforms, Clustering, + ElectricalSeries, + ElectrodeGroup, + ElectrodeGroupPosition, + EventDetection, + EventWaveform, + FeatureExtraction, + FilteredEphys, + LFP, + SpikeEventSeries, +) +from ...core.v2_7_0.core_nwb_epoch import TimeIntervals +from ...core.v2_7_0.core_nwb_file import ( + ExtracellularEphysElectrodes, + GeneralExtracellularEphys, + GeneralIntracellularEphys, + GeneralSourceScript, + LabMetaData, + NWBFile, + NWBFileGeneral, + NWBFileIntervals, + NWBFileStimulus, + ScratchData, + Subject, + SubjectAge, ) from ...core.v2_7_0.core_nwb_icephys import ( - PatchClampSeries, - PatchClampSeriesData, CurrentClampSeries, CurrentClampSeriesData, - IZeroClampSeries, CurrentClampStimulusSeries, CurrentClampStimulusSeriesData, + ExperimentalConditionsTable, + ExperimentalConditionsTableRepetitions, + IZeroClampSeries, + IntracellularElectrode, + IntracellularElectrodesTable, + IntracellularRecordingsTable, + IntracellularResponsesTable, + IntracellularStimuliTable, + PatchClampSeries, + PatchClampSeriesData, + RepetitionsTable, + RepetitionsTableSequentialRecordings, + SequentialRecordingsTable, + SequentialRecordingsTableSimultaneousRecordings, + SimultaneousRecordingsTable, + SimultaneousRecordingsTableRecordings, + SweepTable, VoltageClampSeries, - VoltageClampSeriesData, VoltageClampSeriesCapacitanceFast, VoltageClampSeriesCapacitanceSlow, + VoltageClampSeriesData, VoltageClampSeriesResistanceCompBandwidth, VoltageClampSeriesResistanceCompCorrection, VoltageClampSeriesResistanceCompPrediction, @@ -65,76 +97,47 @@ from ...core.v2_7_0.core_nwb_icephys import ( VoltageClampSeriesWholeCellSeriesResistanceComp, VoltageClampStimulusSeries, VoltageClampStimulusSeriesData, - IntracellularElectrode, - SweepTable, - IntracellularElectrodesTable, - IntracellularStimuliTable, - IntracellularResponsesTable, - IntracellularRecordingsTable, - SimultaneousRecordingsTable, - SimultaneousRecordingsTableRecordings, - SequentialRecordingsTable, - SequentialRecordingsTableSimultaneousRecordings, - RepetitionsTable, - RepetitionsTableSequentialRecordings, - ExperimentalConditionsTable, - ExperimentalConditionsTableRepetitions, ) -from ...core.v2_7_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite -from ...core.v2_7_0.core_nwb_ophys import ( - OnePhotonSeries, - TwoPhotonSeries, - RoiResponseSeries, - DfOverF, - Fluorescence, - ImageSegmentation, - PlaneSegmentation, - PlaneSegmentationImageMask, - PlaneSegmentationPixelMask, - PlaneSegmentationVoxelMask, - ImagingPlane, - ImagingPlaneManifold, - ImagingPlaneOriginCoords, - ImagingPlaneGridSpacing, - OpticalChannel, - MotionCorrection, - CorrectedImageStack, +from ...core.v2_7_0.core_nwb_image import ( + GrayscaleImage, + ImageMaskSeries, + ImageSeries, + ImageSeriesExternalFile, + IndexSeries, + OpticalSeries, + RGBAImage, + RGBImage, ) from ...core.v2_7_0.core_nwb_misc import ( AbstractFeatureSeries, AbstractFeatureSeriesData, AnnotationSeries, - IntervalSeries, DecompositionSeries, - DecompositionSeriesData, DecompositionSeriesBands, + DecompositionSeriesData, + IntervalSeries, Units, UnitsSpikeTimes, ) -from ...core.v2_7_0.core_nwb_file import ( - ScratchData, - NWBFile, - NWBFileStimulus, - NWBFileGeneral, - GeneralSourceScript, - GeneralExtracellularEphys, - ExtracellularEphysElectrodes, - GeneralIntracellularEphys, - NWBFileIntervals, - LabMetaData, - Subject, - SubjectAge, -) -from ...core.v2_7_0.core_nwb_behavior import ( - SpatialSeries, - SpatialSeriesData, - BehavioralEpochs, - BehavioralEvents, - BehavioralTimeSeries, - PupilTracking, - EyeTracking, - CompassDirection, - Position, +from ...core.v2_7_0.core_nwb_ogen import OptogeneticSeries, OptogeneticStimulusSite +from ...core.v2_7_0.core_nwb_ophys import ( + CorrectedImageStack, + DfOverF, + Fluorescence, + ImageSegmentation, + ImagingPlane, + ImagingPlaneGridSpacing, + ImagingPlaneManifold, + ImagingPlaneOriginCoords, + MotionCorrection, + OnePhotonSeries, + OpticalChannel, + PlaneSegmentation, + PlaneSegmentationImageMask, + PlaneSegmentationPixelMask, + PlaneSegmentationVoxelMask, + RoiResponseSeries, + TwoPhotonSeries, ) from ...core.v2_7_0.core_nwb_retinotopy import ( ImagingRetinotopy, @@ -146,27 +149,28 @@ from ...core.v2_7_0.core_nwb_retinotopy import ( ImagingRetinotopySignMap, ImagingRetinotopyVasculatureImage, ) -from ...hdmf_experimental.v0_5_0.hdmf_experimental_experimental import EnumData -from ...hdmf_common.v1_8_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from ...hdmf_common.v1_8_0.hdmf_common_base import Container, Data, SimpleMultiContainer +from ...hdmf_common.v1_8_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_8_0.hdmf_common_table import ( + AlignedDynamicTable, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, ) -from ...hdmf_common.v1_8_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_5_0.hdmf_experimental_experimental import EnumData from ...hdmf_experimental.v0_5_0.hdmf_experimental_resources import ( HERD, - HERDKeys, - HERDFiles, HERDEntities, - HERDObjects, - HERDObjectKeys, HERDEntityKeys, + HERDFiles, + HERDKeys, + HERDObjectKeys, + HERDObjects, ) + metamodel_version = "None" version = "2.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/hdmf_common_sparse.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/hdmf_common_sparse.py index 8cd8423..c71894e 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/hdmf_common_sparse.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/hdmf_common_sparse.py @@ -1,13 +1,16 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + metamodel_version = "None" version = "1.1.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/hdmf_common_table.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/hdmf_common_table.py index f571cc5..fb5ae6f 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/hdmf_common_table.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/hdmf_common_table.py @@ -1,37 +1,40 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -import pandas as pd +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum from typing import ( Any, ClassVar, - List, - Literal, Dict, - Optional, - Union, Generic, Iterable, + List, + Literal, + Optional, Tuple, TypeVar, + Union, overload, ) + +import numpy as np +import pandas as pd from numpydantic import NDArray, Shape from pydantic import ( BaseModel, ConfigDict, Field, RootModel, - field_validator, - model_validator, + ValidationError, ValidationInfo, ValidatorFunctionWrapHandler, - ValidationError, + field_validator, + model_validator, ) -import numpy as np + metamodel_version = "None" version = "1.1.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/namespace.py index 1c1afba..1a6e22f 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/namespace.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_1_0.hdmf_common_sparse import ( + CSRMatrix, + CSRMatrixData, + CSRMatrixIndices, + CSRMatrixIndptr, +) from ...hdmf_common.v1_1_0.hdmf_common_table import ( + Container, Data, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, Index, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - Container, - DynamicTable, -) -from ...hdmf_common.v1_1_0.hdmf_common_sparse import ( - CSRMatrix, - CSRMatrixIndices, - CSRMatrixIndptr, - CSRMatrixData, ) + metamodel_version = "None" version = "1.1.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/hdmf_common_sparse.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/hdmf_common_sparse.py index f0d3be3..bd66832 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/hdmf_common_sparse.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/hdmf_common_sparse.py @@ -1,13 +1,16 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + metamodel_version = "None" version = "1.1.2" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/hdmf_common_table.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/hdmf_common_table.py index 17128ad..50f164b 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/hdmf_common_table.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/hdmf_common_table.py @@ -1,37 +1,40 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -import pandas as pd +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum from typing import ( Any, ClassVar, - List, - Literal, Dict, - Optional, - Union, Generic, Iterable, + List, + Literal, + Optional, Tuple, TypeVar, + Union, overload, ) + +import numpy as np +import pandas as pd from numpydantic import NDArray, Shape from pydantic import ( BaseModel, ConfigDict, Field, RootModel, - field_validator, - model_validator, + ValidationError, ValidationInfo, ValidatorFunctionWrapHandler, - ValidationError, + field_validator, + model_validator, ) -import numpy as np + metamodel_version = "None" version = "1.1.2" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/namespace.py index 29637dd..786e141 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/namespace.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_1_2.hdmf_common_sparse import ( + CSRMatrix, + CSRMatrixData, + CSRMatrixIndices, + CSRMatrixIndptr, +) from ...hdmf_common.v1_1_2.hdmf_common_table import ( + Container, Data, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, Index, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - Container, - DynamicTable, -) -from ...hdmf_common.v1_1_2.hdmf_common_sparse import ( - CSRMatrix, - CSRMatrixIndices, - CSRMatrixIndptr, - CSRMatrixData, ) + metamodel_version = "None" version = "1.1.2" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/hdmf_common_sparse.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/hdmf_common_sparse.py index 7e9fa34..09ea0f1 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/hdmf_common_sparse.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/hdmf_common_sparse.py @@ -1,13 +1,16 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + metamodel_version = "None" version = "1.1.3" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/hdmf_common_table.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/hdmf_common_table.py index 8b25e7d..0d16b55 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/hdmf_common_table.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/hdmf_common_table.py @@ -1,37 +1,40 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -import pandas as pd +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum from typing import ( Any, ClassVar, - List, - Literal, Dict, - Optional, - Union, Generic, Iterable, + List, + Literal, + Optional, Tuple, TypeVar, + Union, overload, ) + +import numpy as np +import pandas as pd from numpydantic import NDArray, Shape from pydantic import ( BaseModel, ConfigDict, Field, RootModel, - field_validator, - model_validator, + ValidationError, ValidationInfo, ValidatorFunctionWrapHandler, - ValidationError, + field_validator, + model_validator, ) -import numpy as np + metamodel_version = "None" version = "1.1.3" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/namespace.py index 7a5750e..1458d9b 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/namespace.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_1_3.hdmf_common_sparse import ( + CSRMatrix, + CSRMatrixData, + CSRMatrixIndices, + CSRMatrixIndptr, +) from ...hdmf_common.v1_1_3.hdmf_common_table import ( + Container, Data, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, Index, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - Container, - DynamicTable, -) -from ...hdmf_common.v1_1_3.hdmf_common_sparse import ( - CSRMatrix, - CSRMatrixIndices, - CSRMatrixIndptr, - CSRMatrixData, ) + metamodel_version = "None" version = "1.1.3" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/hdmf_common_base.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/hdmf_common_base.py index 0880d00..aa2b460 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/hdmf_common_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/hdmf_common_base.py @@ -1,12 +1,15 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + metamodel_version = "None" version = "1.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/hdmf_common_sparse.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/hdmf_common_sparse.py index 0029140..a0a70de 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/hdmf_common_sparse.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/hdmf_common_sparse.py @@ -1,13 +1,16 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + metamodel_version = "None" version = "1.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/hdmf_common_table.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/hdmf_common_table.py index 561d242..647bc23 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/hdmf_common_table.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/hdmf_common_table.py @@ -1,38 +1,42 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from ...hdmf_common.v1_2_0.hdmf_common_base import Data, Container -import pandas as pd +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum from typing import ( Any, ClassVar, - List, - Literal, Dict, - Optional, - Union, Generic, Iterable, + List, + Literal, + Optional, Tuple, TypeVar, + Union, overload, ) + +import numpy as np +import pandas as pd from numpydantic import NDArray, Shape from pydantic import ( BaseModel, ConfigDict, Field, RootModel, - field_validator, - model_validator, + ValidationError, ValidationInfo, ValidatorFunctionWrapHandler, - ValidationError, + field_validator, + model_validator, ) -import numpy as np + +from ...hdmf_common.v1_2_0.hdmf_common_base import Container, Data + metamodel_version = "None" version = "1.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/namespace.py index c31e7ff..f56d638 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/namespace.py @@ -1,27 +1,31 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_2_0.hdmf_common_base import Data, Container -from ...hdmf_common.v1_2_0.hdmf_common_table import ( - VectorData, - VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - VocabData, - DynamicTable, -) +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_2_0.hdmf_common_base import Container, Data from ...hdmf_common.v1_2_0.hdmf_common_sparse import ( CSRMatrix, + CSRMatrixData, CSRMatrixIndices, CSRMatrixIndptr, - CSRMatrixData, ) +from ...hdmf_common.v1_2_0.hdmf_common_table import ( + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, + VectorData, + VectorIndex, + VocabData, +) + metamodel_version = "None" version = "1.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/hdmf_common_base.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/hdmf_common_base.py index 60eea59..7476a40 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/hdmf_common_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/hdmf_common_base.py @@ -1,12 +1,15 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + metamodel_version = "None" version = "1.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/hdmf_common_sparse.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/hdmf_common_sparse.py index ebdac35..c2222d1 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/hdmf_common_sparse.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/hdmf_common_sparse.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_2_1.hdmf_common_base import Container from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_2_1.hdmf_common_base import Container + metamodel_version = "None" version = "1.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/hdmf_common_table.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/hdmf_common_table.py index 9ff2a6c..d1c0692 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/hdmf_common_table.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/hdmf_common_table.py @@ -1,38 +1,42 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from ...hdmf_common.v1_2_1.hdmf_common_base import Data, Container -import pandas as pd +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum from typing import ( Any, ClassVar, - List, - Literal, Dict, - Optional, - Union, Generic, Iterable, + List, + Literal, + Optional, Tuple, TypeVar, + Union, overload, ) + +import numpy as np +import pandas as pd from numpydantic import NDArray, Shape from pydantic import ( BaseModel, ConfigDict, Field, RootModel, - field_validator, - model_validator, + ValidationError, ValidationInfo, ValidatorFunctionWrapHandler, - ValidationError, + field_validator, + model_validator, ) -import numpy as np + +from ...hdmf_common.v1_2_1.hdmf_common_base import Container, Data + metamodel_version = "None" version = "1.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/namespace.py index c89a6a3..f8a0d6f 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/namespace.py @@ -1,27 +1,31 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_2_1.hdmf_common_base import Data, Container, SimpleMultiContainer -from ...hdmf_common.v1_2_1.hdmf_common_table import ( - VectorData, - VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - VocabData, - DynamicTable, -) +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_2_1.hdmf_common_base import Container, Data, SimpleMultiContainer from ...hdmf_common.v1_2_1.hdmf_common_sparse import ( CSRMatrix, + CSRMatrixData, CSRMatrixIndices, CSRMatrixIndptr, - CSRMatrixData, ) +from ...hdmf_common.v1_2_1.hdmf_common_table import ( + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, + VectorData, + VectorIndex, + VocabData, +) + metamodel_version = "None" version = "1.2.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/hdmf_common_base.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/hdmf_common_base.py index 1752575..d484652 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/hdmf_common_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/hdmf_common_base.py @@ -1,12 +1,15 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + metamodel_version = "None" version = "1.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/hdmf_common_resources.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/hdmf_common_resources.py index 9331ccc..8f8f711 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/hdmf_common_resources.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/hdmf_common_resources.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_3_0.hdmf_common_base import Container, Data from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_3_0.hdmf_common_base import Container, Data + metamodel_version = "None" version = "1.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/hdmf_common_sparse.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/hdmf_common_sparse.py index e01d80e..4d93c70 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/hdmf_common_sparse.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/hdmf_common_sparse.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_3_0.hdmf_common_base import Container from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_3_0.hdmf_common_base import Container + metamodel_version = "None" version = "1.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/hdmf_common_table.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/hdmf_common_table.py index 1ecc2ec..ece0532 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/hdmf_common_table.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/hdmf_common_table.py @@ -1,38 +1,42 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from ...hdmf_common.v1_3_0.hdmf_common_base import Data, Container -import pandas as pd +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum from typing import ( Any, ClassVar, - List, - Literal, Dict, - Optional, - Union, Generic, Iterable, + List, + Literal, + Optional, Tuple, TypeVar, + Union, overload, ) + +import numpy as np +import pandas as pd from numpydantic import NDArray, Shape from pydantic import ( BaseModel, ConfigDict, Field, RootModel, - field_validator, - model_validator, + ValidationError, ValidationInfo, ValidatorFunctionWrapHandler, - ValidationError, + field_validator, + model_validator, ) -import numpy as np + +from ...hdmf_common.v1_3_0.hdmf_common_base import Container, Data + metamodel_version = "None" version = "1.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/namespace.py index c2f6901..dcb742c 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/namespace.py @@ -1,29 +1,33 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_3_0.hdmf_common_base import Data, Container, SimpleMultiContainer -from ...hdmf_common.v1_3_0.hdmf_common_table import ( - VectorData, - VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - VocabData, - DynamicTable, -) -from ...hdmf_common.v1_3_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_3_0.hdmf_common_base import Container, Data, SimpleMultiContainer from ...hdmf_common.v1_3_0.hdmf_common_resources import ( ExternalResources, ExternalResourcesKeys, - ExternalResourcesResources, - ExternalResourcesObjects, ExternalResourcesObjectKeys, + ExternalResourcesObjects, + ExternalResourcesResources, ) +from ...hdmf_common.v1_3_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_common.v1_3_0.hdmf_common_table import ( + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, + VectorData, + VectorIndex, + VocabData, +) + metamodel_version = "None" version = "1.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/hdmf_common_base.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/hdmf_common_base.py index 9d878a5..f47e8ca 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/hdmf_common_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/hdmf_common_base.py @@ -1,12 +1,15 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + metamodel_version = "None" version = "1.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/hdmf_common_sparse.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/hdmf_common_sparse.py index 00a62c7..af8cc73 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/hdmf_common_sparse.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/hdmf_common_sparse.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_4_0.hdmf_common_base import Container from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_4_0.hdmf_common_base import Container + metamodel_version = "None" version = "1.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/hdmf_common_table.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/hdmf_common_table.py index d37f163..d1202ef 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/hdmf_common_table.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/hdmf_common_table.py @@ -1,38 +1,42 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from ...hdmf_common.v1_4_0.hdmf_common_base import Data, Container -import pandas as pd +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum from typing import ( Any, ClassVar, - List, - Literal, Dict, - Optional, - Union, Generic, Iterable, + List, + Literal, + Optional, Tuple, TypeVar, + Union, overload, ) + +import numpy as np +import pandas as pd from numpydantic import NDArray, Shape from pydantic import ( BaseModel, ConfigDict, Field, RootModel, - field_validator, - model_validator, + ValidationError, ValidationInfo, ValidatorFunctionWrapHandler, - ValidationError, + field_validator, + model_validator, ) -import numpy as np + +from ...hdmf_common.v1_4_0.hdmf_common_base import Container, Data + metamodel_version = "None" version = "1.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/namespace.py index 84c3125..b110f2d 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/namespace.py @@ -1,21 +1,25 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_4_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_4_0.hdmf_common_base import Container, Data, SimpleMultiContainer +from ...hdmf_common.v1_4_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_4_0.hdmf_common_table import ( + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, ) -from ...hdmf_common.v1_4_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData + metamodel_version = "None" version = "1.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/hdmf_common_base.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/hdmf_common_base.py index 5545403..2412f82 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/hdmf_common_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/hdmf_common_base.py @@ -1,12 +1,15 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + metamodel_version = "None" version = "1.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/hdmf_common_sparse.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/hdmf_common_sparse.py index f07bed2..21258d8 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/hdmf_common_sparse.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/hdmf_common_sparse.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_5_0.hdmf_common_base import Container from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_5_0.hdmf_common_base import Container + metamodel_version = "None" version = "1.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/hdmf_common_table.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/hdmf_common_table.py index c53154c..c1b61d9 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/hdmf_common_table.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/hdmf_common_table.py @@ -1,38 +1,42 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container -import pandas as pd +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum from typing import ( Any, ClassVar, - List, - Literal, Dict, - Optional, - Union, Generic, Iterable, + List, + Literal, + Optional, Tuple, TypeVar, + Union, overload, ) + +import numpy as np +import pandas as pd +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, ConfigDict, Field, RootModel, - field_validator, - model_validator, + ValidationError, ValidationInfo, ValidatorFunctionWrapHandler, - ValidationError, + field_validator, + model_validator, ) -import numpy as np -from numpydantic import NDArray, Shape + +from ...hdmf_common.v1_5_0.hdmf_common_base import Container, Data + metamodel_version = "None" version = "1.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/namespace.py index 4b6ad5d..d5c14d9 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/namespace.py @@ -1,22 +1,26 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_5_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_5_0.hdmf_common_base import Container, Data, SimpleMultiContainer +from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_5_0.hdmf_common_table import ( + AlignedDynamicTable, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, ) -from ...hdmf_common.v1_5_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData + metamodel_version = "None" version = "1.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/hdmf_common_base.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/hdmf_common_base.py index 737fa66..f3c24b4 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/hdmf_common_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/hdmf_common_base.py @@ -1,12 +1,15 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + metamodel_version = "None" version = "1.5.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/hdmf_common_sparse.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/hdmf_common_sparse.py index 41d0d3a..fce455b 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/hdmf_common_sparse.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/hdmf_common_sparse.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_5_1.hdmf_common_base import Container from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_5_1.hdmf_common_base import Container + metamodel_version = "None" version = "1.5.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/hdmf_common_table.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/hdmf_common_table.py index 39a4eb3..4a91362 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/hdmf_common_table.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/hdmf_common_table.py @@ -1,38 +1,42 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from ...hdmf_common.v1_5_1.hdmf_common_base import Data, Container -import pandas as pd +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum from typing import ( Any, ClassVar, - List, - Literal, Dict, - Optional, - Union, Generic, Iterable, + List, + Literal, + Optional, Tuple, TypeVar, + Union, overload, ) + +import numpy as np +import pandas as pd +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, ConfigDict, Field, RootModel, - field_validator, - model_validator, + ValidationError, ValidationInfo, ValidatorFunctionWrapHandler, - ValidationError, + field_validator, + model_validator, ) -import numpy as np -from numpydantic import NDArray, Shape + +from ...hdmf_common.v1_5_1.hdmf_common_base import Container, Data + metamodel_version = "None" version = "1.5.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/namespace.py index 12d611d..442efe7 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/namespace.py @@ -1,22 +1,26 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_5_1.hdmf_common_base import Data, Container, SimpleMultiContainer +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_5_1.hdmf_common_base import Container, Data, SimpleMultiContainer +from ...hdmf_common.v1_5_1.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_5_1.hdmf_common_table import ( + AlignedDynamicTable, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, ) -from ...hdmf_common.v1_5_1.hdmf_common_sparse import CSRMatrix, CSRMatrixData + metamodel_version = "None" version = "1.5.1" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/hdmf_common_base.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/hdmf_common_base.py index 21354d9..d53c4b5 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/hdmf_common_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/hdmf_common_base.py @@ -1,12 +1,15 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + metamodel_version = "None" version = "1.6.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/hdmf_common_sparse.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/hdmf_common_sparse.py index bc4a505..d60f430 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/hdmf_common_sparse.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/hdmf_common_sparse.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_6_0.hdmf_common_base import Container from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_6_0.hdmf_common_base import Container + metamodel_version = "None" version = "1.6.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/hdmf_common_table.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/hdmf_common_table.py index da0bc73..da5a37f 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/hdmf_common_table.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/hdmf_common_table.py @@ -1,38 +1,42 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from ...hdmf_common.v1_6_0.hdmf_common_base import Data, Container -import pandas as pd +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum from typing import ( Any, ClassVar, - List, - Literal, Dict, - Optional, - Union, Generic, Iterable, + List, + Literal, + Optional, Tuple, TypeVar, + Union, overload, ) + +import numpy as np +import pandas as pd +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, ConfigDict, Field, RootModel, - field_validator, - model_validator, + ValidationError, ValidationInfo, ValidatorFunctionWrapHandler, - ValidationError, + field_validator, + model_validator, ) -import numpy as np -from numpydantic import NDArray, Shape + +from ...hdmf_common.v1_6_0.hdmf_common_base import Container, Data + metamodel_version = "None" version = "1.6.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/namespace.py index a0e5dec..f9dd0a8 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/namespace.py @@ -1,22 +1,26 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_6_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_6_0.hdmf_common_base import Container, Data, SimpleMultiContainer +from ...hdmf_common.v1_6_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_6_0.hdmf_common_table import ( + AlignedDynamicTable, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, ) -from ...hdmf_common.v1_6_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData + metamodel_version = "None" version = "1.6.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/hdmf_common_base.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/hdmf_common_base.py index ec81b87..7872584 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/hdmf_common_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/hdmf_common_base.py @@ -1,12 +1,15 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + metamodel_version = "None" version = "1.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/hdmf_common_sparse.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/hdmf_common_sparse.py index 3bfd4a8..e21dca7 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/hdmf_common_sparse.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/hdmf_common_sparse.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_7_0.hdmf_common_base import Container from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_7_0.hdmf_common_base import Container + metamodel_version = "None" version = "1.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/hdmf_common_table.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/hdmf_common_table.py index 627f80d..9638faa 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/hdmf_common_table.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/hdmf_common_table.py @@ -1,38 +1,42 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from ...hdmf_common.v1_7_0.hdmf_common_base import Data, Container -import pandas as pd +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum from typing import ( Any, ClassVar, - List, - Literal, Dict, - Optional, - Union, Generic, Iterable, + List, + Literal, + Optional, Tuple, TypeVar, + Union, overload, ) + +import numpy as np +import pandas as pd +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, ConfigDict, Field, RootModel, - field_validator, - model_validator, + ValidationError, ValidationInfo, ValidatorFunctionWrapHandler, - ValidationError, + field_validator, + model_validator, ) -import numpy as np -from numpydantic import NDArray, Shape + +from ...hdmf_common.v1_7_0.hdmf_common_base import Container, Data + metamodel_version = "None" version = "1.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/namespace.py index 0f177b7..a3f0b14 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/namespace.py @@ -1,22 +1,26 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_7_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_7_0.hdmf_common_base import Container, Data, SimpleMultiContainer +from ...hdmf_common.v1_7_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_7_0.hdmf_common_table import ( + AlignedDynamicTable, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, ) -from ...hdmf_common.v1_7_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData + metamodel_version = "None" version = "1.7.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/hdmf_common_base.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/hdmf_common_base.py index 0e61a5c..8b4d98f 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/hdmf_common_base.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/hdmf_common_base.py @@ -1,12 +1,15 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + metamodel_version = "None" version = "1.8.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/hdmf_common_sparse.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/hdmf_common_sparse.py index aef8124..4da904e 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/hdmf_common_sparse.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/hdmf_common_sparse.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_8_0.hdmf_common_base import Container from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_8_0.hdmf_common_base import Container + metamodel_version = "None" version = "1.8.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/hdmf_common_table.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/hdmf_common_table.py index 5a29869..b62156a 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/hdmf_common_table.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/hdmf_common_table.py @@ -1,38 +1,42 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from ...hdmf_common.v1_8_0.hdmf_common_base import Data, Container -import pandas as pd +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum from typing import ( Any, ClassVar, - List, - Literal, Dict, - Optional, - Union, Generic, Iterable, + List, + Literal, + Optional, Tuple, TypeVar, + Union, overload, ) + +import numpy as np +import pandas as pd +from numpydantic import NDArray, Shape from pydantic import ( BaseModel, ConfigDict, Field, RootModel, - field_validator, - model_validator, + ValidationError, ValidationInfo, ValidatorFunctionWrapHandler, - ValidationError, + field_validator, + model_validator, ) -import numpy as np -from numpydantic import NDArray, Shape + +from ...hdmf_common.v1_8_0.hdmf_common_base import Container, Data + metamodel_version = "None" version = "1.8.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/namespace.py index 1e21c28..78035be 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/namespace.py @@ -1,22 +1,26 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_8_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_8_0.hdmf_common_base import Container, Data, SimpleMultiContainer +from ...hdmf_common.v1_8_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_8_0.hdmf_common_table import ( + AlignedDynamicTable, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, ) -from ...hdmf_common.v1_8_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData + metamodel_version = "None" version = "1.8.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/hdmf_experimental_experimental.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/hdmf_experimental_experimental.py index 9a95aea..c5848aa 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/hdmf_experimental_experimental.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/hdmf_experimental_experimental.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_4_0.hdmf_common_table import VectorData from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_4_0.hdmf_common_table import VectorData + metamodel_version = "None" version = "0.1.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/hdmf_experimental_resources.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/hdmf_experimental_resources.py index fdeb151..5d0a97e 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/hdmf_experimental_resources.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/hdmf_experimental_resources.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_4_0.hdmf_common_base import Container, Data from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_4_0.hdmf_common_base import Container, Data + metamodel_version = "None" version = "0.1.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/namespace.py index ee0ffd8..3389dc8 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/namespace.py @@ -1,31 +1,35 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData -from ...hdmf_common.v1_4_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_4_0.hdmf_common_base import Container, Data, SimpleMultiContainer +from ...hdmf_common.v1_4_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_4_0.hdmf_common_table import ( + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, ) -from ...hdmf_common.v1_4_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_1_0.hdmf_experimental_experimental import EnumData from ...hdmf_experimental.v0_1_0.hdmf_experimental_resources import ( ExternalResources, - ExternalResourcesKeys, ExternalResourcesEntities, - ExternalResourcesResources, - ExternalResourcesObjects, + ExternalResourcesKeys, ExternalResourcesObjectKeys, + ExternalResourcesObjects, + ExternalResourcesResources, ) + metamodel_version = "None" version = "0.1.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/hdmf_experimental_experimental.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/hdmf_experimental_experimental.py index 01b7693..a840dc1 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/hdmf_experimental_experimental.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/hdmf_experimental_experimental.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_5_1.hdmf_common_table import VectorData from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_5_1.hdmf_common_table import VectorData + metamodel_version = "None" version = "0.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/hdmf_experimental_resources.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/hdmf_experimental_resources.py index 81b0840..8690772 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/hdmf_experimental_resources.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/hdmf_experimental_resources.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_5_1.hdmf_common_base import Container, Data from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_5_1.hdmf_common_base import Container, Data + metamodel_version = "None" version = "0.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/namespace.py index bc6a722..8b52b45 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/namespace.py @@ -1,32 +1,36 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_experimental.v0_2_0.hdmf_experimental_experimental import EnumData -from ...hdmf_common.v1_5_1.hdmf_common_base import Data, Container, SimpleMultiContainer +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_5_1.hdmf_common_base import Container, Data, SimpleMultiContainer +from ...hdmf_common.v1_5_1.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_5_1.hdmf_common_table import ( + AlignedDynamicTable, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, ) -from ...hdmf_common.v1_5_1.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_2_0.hdmf_experimental_experimental import EnumData from ...hdmf_experimental.v0_2_0.hdmf_experimental_resources import ( ExternalResources, - ExternalResourcesKeys, ExternalResourcesEntities, - ExternalResourcesResources, - ExternalResourcesObjects, + ExternalResourcesKeys, ExternalResourcesObjectKeys, + ExternalResourcesObjects, + ExternalResourcesResources, ) + metamodel_version = "None" version = "0.2.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/hdmf_experimental_experimental.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/hdmf_experimental_experimental.py index effed9e..4fdfb37 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/hdmf_experimental_experimental.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/hdmf_experimental_experimental.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_6_0.hdmf_common_table import VectorData from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_6_0.hdmf_common_table import VectorData + metamodel_version = "None" version = "0.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/hdmf_experimental_resources.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/hdmf_experimental_resources.py index 52e554a..1324db1 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/hdmf_experimental_resources.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/hdmf_experimental_resources.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_6_0.hdmf_common_base import Container, Data from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_6_0.hdmf_common_base import Container, Data + metamodel_version = "None" version = "0.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/namespace.py index 9e495ff..c4b9cd8 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/namespace.py @@ -1,32 +1,36 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_experimental.v0_3_0.hdmf_experimental_experimental import EnumData -from ...hdmf_common.v1_6_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_6_0.hdmf_common_base import Container, Data, SimpleMultiContainer +from ...hdmf_common.v1_6_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_6_0.hdmf_common_table import ( + AlignedDynamicTable, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, ) -from ...hdmf_common.v1_6_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_3_0.hdmf_experimental_experimental import EnumData from ...hdmf_experimental.v0_3_0.hdmf_experimental_resources import ( ExternalResources, - ExternalResourcesKeys, - ExternalResourcesFiles, ExternalResourcesEntities, - ExternalResourcesObjects, + ExternalResourcesFiles, + ExternalResourcesKeys, ExternalResourcesObjectKeys, + ExternalResourcesObjects, ) + metamodel_version = "None" version = "0.3.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/hdmf_experimental_experimental.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/hdmf_experimental_experimental.py index 49f56f2..43eab2a 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/hdmf_experimental_experimental.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/hdmf_experimental_experimental.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_7_0.hdmf_common_table import VectorData from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_7_0.hdmf_common_table import VectorData + metamodel_version = "None" version = "0.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/hdmf_experimental_resources.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/hdmf_experimental_resources.py index acfc7df..172b75b 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/hdmf_experimental_resources.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/hdmf_experimental_resources.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_7_0.hdmf_common_base import Container, Data from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_7_0.hdmf_common_base import Container, Data + metamodel_version = "None" version = "0.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/namespace.py index 328768f..14fcb96 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/namespace.py @@ -1,33 +1,37 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_experimental.v0_4_0.hdmf_experimental_experimental import EnumData -from ...hdmf_common.v1_7_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_7_0.hdmf_common_base import Container, Data, SimpleMultiContainer +from ...hdmf_common.v1_7_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_7_0.hdmf_common_table import ( + AlignedDynamicTable, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, ) -from ...hdmf_common.v1_7_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_4_0.hdmf_experimental_experimental import EnumData from ...hdmf_experimental.v0_4_0.hdmf_experimental_resources import ( ExternalResources, - ExternalResourcesKeys, - ExternalResourcesFiles, ExternalResourcesEntities, - ExternalResourcesObjects, - ExternalResourcesObjectKeys, ExternalResourcesEntityKeys, + ExternalResourcesFiles, + ExternalResourcesKeys, + ExternalResourcesObjectKeys, + ExternalResourcesObjects, ) + metamodel_version = "None" version = "0.4.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_5_0/hdmf_experimental_experimental.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_5_0/hdmf_experimental_experimental.py index 263e7b2..a18965f 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_5_0/hdmf_experimental_experimental.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_5_0/hdmf_experimental_experimental.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_8_0.hdmf_common_table import VectorData from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_8_0.hdmf_common_table import VectorData + metamodel_version = "None" version = "0.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_5_0/hdmf_experimental_resources.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_5_0/hdmf_experimental_resources.py index 9cbbb79..712c32e 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_5_0/hdmf_experimental_resources.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_5_0/hdmf_experimental_resources.py @@ -1,14 +1,18 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_common.v1_8_0.hdmf_common_base import Container, Data from numpydantic import NDArray, Shape +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_8_0.hdmf_common_base import Container, Data + metamodel_version = "None" version = "0.5.0" diff --git a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_5_0/namespace.py b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_5_0/namespace.py index 348ad8d..b4c0f3a 100644 --- a/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_5_0/namespace.py +++ b/nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_5_0/namespace.py @@ -1,33 +1,37 @@ from __future__ import annotations -from datetime import datetime, date -from decimal import Decimal -from enum import Enum + import re import sys -from typing import Any, ClassVar, List, Literal, Dict, Optional, Union -from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator +from datetime import date, datetime, time +from decimal import Decimal +from enum import Enum +from typing import Any, ClassVar, Dict, List, Literal, Optional, Union + import numpy as np -from ...hdmf_experimental.v0_5_0.hdmf_experimental_experimental import EnumData -from ...hdmf_common.v1_8_0.hdmf_common_base import Data, Container, SimpleMultiContainer +from pydantic import BaseModel, ConfigDict, Field, RootModel, field_validator + +from ...hdmf_common.v1_8_0.hdmf_common_base import Container, Data, SimpleMultiContainer +from ...hdmf_common.v1_8_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData from ...hdmf_common.v1_8_0.hdmf_common_table import ( + AlignedDynamicTable, + DynamicTable, + DynamicTableRegion, + ElementIdentifiers, VectorData, VectorIndex, - ElementIdentifiers, - DynamicTableRegion, - DynamicTable, - AlignedDynamicTable, ) -from ...hdmf_common.v1_8_0.hdmf_common_sparse import CSRMatrix, CSRMatrixData +from ...hdmf_experimental.v0_5_0.hdmf_experimental_experimental import EnumData from ...hdmf_experimental.v0_5_0.hdmf_experimental_resources import ( HERD, - HERDKeys, - HERDFiles, HERDEntities, - HERDObjects, - HERDObjectKeys, HERDEntityKeys, + HERDFiles, + HERDKeys, + HERDObjectKeys, + HERDObjects, ) + metamodel_version = "None" version = "0.5.0" From bb900774d88fd5b4c2c62d75a91b0d457a98a46a Mon Sep 17 00:00:00 2001 From: sneakers-the-rat Date: Tue, 27 Aug 2024 21:00:10 -0700 Subject: [PATCH 08/10] gitattributes to exclude from diffs --- .gitattributes | 48 ++++++++++++++++++++++++++++++++++++++++++++++++ 1 file changed, 48 insertions(+) create mode 100644 .gitattributes diff --git a/.gitattributes b/.gitattributes new file mode 100644 index 0000000..6789bfd --- /dev/null +++ b/.gitattributes @@ -0,0 +1,48 @@ +nwb_models/src/nwb_models/models/pydantic/core/v2_2_0 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/core/v2_2_1 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/core/v2_2_2 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/core/v2_2_4 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/core/v2_2_5 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/core/v2_3_0 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/core/v2_4_0 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/core/v2_5_0 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0 linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_2_0 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_2_1 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_2_2 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_2_4 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_2_5 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_3_0 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_4_0 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_5_0 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_1_0 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_1_2 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_1_3 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_2_0 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_2_1 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_3_0 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_4_0 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_0 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_1 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_6_0 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_7_0 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_experimental/v0_1_0 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_experimental/v0_2_0 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_experimental/v0_3_0 linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_experimental/v0_4_0 linguist-generated=true \ No newline at end of file From 79a7beb1c63d85e7ae2c8ef981cb714e09ed48b1 Mon Sep 17 00:00:00 2001 From: sneakers-the-rat Date: Tue, 27 Aug 2024 21:01:22 -0700 Subject: [PATCH 09/10] gitattributes to exclude from diffs --- .gitattributes | 96 +++++++++++++++++++++++++------------------------- 1 file changed, 48 insertions(+), 48 deletions(-) diff --git a/.gitattributes b/.gitattributes index 6789bfd..55f2fe8 100644 --- a/.gitattributes +++ b/.gitattributes @@ -1,48 +1,48 @@ -nwb_models/src/nwb_models/models/pydantic/core/v2_2_0 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/core/v2_2_1 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/core/v2_2_2 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/core/v2_2_4 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/core/v2_2_5 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/core/v2_3_0 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/core/v2_4_0 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/core/v2_5_0 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0 linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_2_0 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_2_1 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_2_2 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_2_4 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_2_5 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_3_0 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_4_0 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_5_0 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_1_0 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_1_2 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_1_3 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_2_0 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_2_1 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_3_0 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_4_0 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_0 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_1 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_6_0 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_7_0 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_experimental/v0_1_0 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_experimental/v0_2_0 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_experimental/v0_3_0 linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_experimental/v0_4_0 linguist-generated=true \ No newline at end of file +nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/** linguist-generated=true +nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_1_0/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_1_2/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_1_3/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_2_0/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_2_1/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_3_0/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_4_0/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_0/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_1/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_6_0/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_7_0/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_experimental/v0_1_0/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_experimental/v0_2_0/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_experimental/v0_3_0/** linguist-generated=true +nwb_models/src/nwb_models/schema/linkml/hdmf_experimental/v0_4_0/** linguist-generated=true \ No newline at end of file From a60499080c67d0d97667c463a4e129829bd1d74e Mon Sep 17 00:00:00 2001 From: sneakers-the-rat Date: Tue, 27 Aug 2024 21:04:56 -0700 Subject: [PATCH 10/10] simplify gitattributes --- .gitattributes | 57 ++++++++------------------------------------------ 1 file changed, 9 insertions(+), 48 deletions(-) diff --git a/.gitattributes b/.gitattributes index 55f2fe8..90efa74 100644 --- a/.gitattributes +++ b/.gitattributes @@ -1,48 +1,9 @@ -nwb_models/src/nwb_models/models/pydantic/core/v2_2_0/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/core/v2_2_1/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/core/v2_2_2/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/core/v2_2_4/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/core/v2_2_5/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/core/v2_3_0/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/core/v2_4_0/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/core/v2_5_0/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/core/v2_6_0_alpha/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_0/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_2/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_1_3/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_0/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_2_1/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_3_0/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_4_0/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_0/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_5_1/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_6_0/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_7_0/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_1_0/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_2_0/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_3_0/** linguist-generated=true -nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_4_0/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_2_0/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_2_1/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_2_2/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_2_4/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_2_5/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_3_0/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_4_0/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_5_0/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/core/v2_6_0_alpha/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_1_0/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_1_2/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_1_3/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_2_0/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_2_1/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_3_0/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_4_0/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_0/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_5_1/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_6_0/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_7_0/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_experimental/v0_1_0/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_experimental/v0_2_0/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_experimental/v0_3_0/** linguist-generated=true -nwb_models/src/nwb_models/schema/linkml/hdmf_experimental/v0_4_0/** linguist-generated=true \ No newline at end of file +nwb_models/src/nwb_models/models/** linguist-generated +nwb_models/src/nwb_models/schema/** linguist-generated + +nwb_models/src/nwb_models/models/pydantic/core/v2_7_0/** -linguist-generated +nwb_models/src/nwb_models/models/pydantic/hdmf_common/v1_8_0/** -linguist-generated +nwb_models/src/nwb_models/models/pydantic/hdmf_experimental/v0_5_0/** -linguist-generated +nwb_models/src/nwb_models/schema/linkml/core/v2_7_0/** -linguist-generated +nwb_models/src/nwb_models/schema/linkml/hdmf_common/v1_8_0/** -linguist-generated +nwb_models/src/nwb_models/schema/linkml/hdmf_experimental/v0_5_0/** -linguist-generated