datamint 1.2.4__py3-none-any.whl → 1.3.0__py3-none-any.whl

This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.

Potentially problematic release.


This version of datamint might be problematic. Click here for more details.

Files changed (32) hide show
  1. datamint/__init__.py +18 -3
  2. {datamintapi → datamint}/apihandler/annotation_api_handler.py +1 -1
  3. {datamintapi → datamint}/apihandler/api_handler.py +1 -1
  4. {datamintapi → datamint}/apihandler/base_api_handler.py +1 -1
  5. {datamintapi → datamint}/apihandler/dto/annotation_dto.py +1 -1
  6. {datamintapi → datamint}/apihandler/exp_api_handler.py +1 -1
  7. {datamintapi → datamint}/apihandler/root_api_handler.py +3 -3
  8. {datamintapi → datamint}/client_cmd_tools/datamint_config.py +3 -3
  9. {datamintapi → datamint}/client_cmd_tools/datamint_upload.py +7 -7
  10. {datamintapi → datamint}/dataset/base_dataset.py +5 -5
  11. {datamintapi → datamint}/dataset/dataset.py +1 -1
  12. {datamintapi → datamint}/examples/example_projects.py +1 -1
  13. {datamintapi → datamint}/experiment/_patcher.py +1 -1
  14. {datamintapi → datamint}/experiment/experiment.py +18 -18
  15. {datamintapi → datamint}/logging.yaml +2 -2
  16. {datamintapi → datamint}/utils/logging_utils.py +1 -1
  17. {datamint-1.2.4.dist-info → datamint-1.3.0.dist-info}/METADATA +5 -5
  18. datamint-1.3.0.dist-info/RECORD +29 -0
  19. datamint-1.3.0.dist-info/entry_points.txt +4 -0
  20. datamint-1.2.4.dist-info/RECORD +0 -30
  21. datamint-1.2.4.dist-info/entry_points.txt +0 -4
  22. datamintapi/__init__.py +0 -25
  23. {datamintapi → datamint}/client_cmd_tools/__init__.py +0 -0
  24. {datamintapi → datamint}/configs.py +0 -0
  25. {datamintapi → datamint}/dataset/__init__.py +0 -0
  26. {datamintapi → datamint}/examples/__init__.py +0 -0
  27. {datamintapi → datamint}/experiment/__init__.py +0 -0
  28. {datamintapi → datamint}/utils/dicom_utils.py +0 -0
  29. {datamintapi → datamint}/utils/io_utils.py +0 -0
  30. {datamintapi → datamint}/utils/torchmetrics.py +0 -0
  31. {datamintapi → datamint}/utils/visualization.py +0 -0
  32. {datamint-1.2.4.dist-info → datamint-1.3.0.dist-info}/WHEEL +0 -0
datamint/__init__.py CHANGED
@@ -1,11 +1,26 @@
1
1
  """
2
2
  Datamint API package alias.
3
-
4
- This module serves as an alias for the datamintapi package.
5
3
  """
6
4
 
7
- from datamintapi import *
8
5
  import importlib.metadata
6
+ from typing import TYPE_CHECKING
7
+ if TYPE_CHECKING:
8
+ from .dataset.dataset import DatamintDataset as Dataset
9
+ from .apihandler.api_handler import APIHandler
10
+ from .experiment import Experiment
11
+ else:
12
+ import lazy_loader as lazy
13
+
14
+ __getattr__, __dir__, __all__ = lazy.attach(
15
+ __name__,
16
+ submodules=['dataset', "dataset.dataset", "apihandler.api_handler", "experiment"],
17
+ submod_attrs={
18
+ "dataset.dataset": ["DatamintDataset"],
19
+ "dataset": ['Dataset'],
20
+ "apihandler.api_handler": ["APIHandler"],
21
+ "experiment": ["Experiment"],
22
+ },
23
+ )
9
24
 
10
25
  __name__ = "datamint"
11
26
  __version__ = importlib.metadata.version(__name__)
@@ -541,7 +541,7 @@ class AnnotationAPIHandler(BaseAPIHandler):
541
541
 
542
542
  Args:
543
543
  resource_id (Optional[str]): The resource unique id.
544
- annotation_type (Optional[str]): The annotation type. See :class:`~datamintapi.dto.annotation_dto.AnnotationType`.
544
+ annotation_type (Optional[str]): The annotation type. See :class:`~datamint.dto.annotation_dto.AnnotationType`.
545
545
  annotator_email (Optional[str]): The annotator email.
546
546
  date_from (Optional[date]): The start date.
547
547
  date_to (Optional[date]): The end date.
@@ -9,7 +9,7 @@ class APIHandler(RootAPIHandler, ExperimentAPIHandler, AnnotationAPIHandler):
9
9
 
10
10
  .. code-block:: python
11
11
 
12
- from datamintapi import APIHandler
12
+ from datamint import APIHandler
13
13
  api = APIHandler()
14
14
  """
15
15
  pass
@@ -13,7 +13,7 @@ from io import BytesIO
13
13
  import cv2
14
14
  import nibabel as nib
15
15
  from nibabel.filebasedimages import FileBasedImage as nib_FileBasedImage
16
- from datamintapi import configs
16
+ from datamint import configs
17
17
  from functools import wraps
18
18
 
19
19
  _LOGGER = logging.getLogger(__name__)
@@ -18,7 +18,7 @@ import json
18
18
  from typing import Any, TypeAlias, Literal
19
19
  import logging
20
20
  from enum import Enum
21
- from datamintapi.utils.dicom_utils import pixel_to_patient
21
+ from datamint.utils.dicom_utils import pixel_to_patient
22
22
  import pydicom
23
23
  import numpy as np
24
24
 
@@ -1,4 +1,4 @@
1
- from datamintapi.apihandler.base_api_handler import BaseAPIHandler
1
+ from datamint.apihandler.base_api_handler import BaseAPIHandler
2
2
  from typing import Optional, Dict, List, Union, Any
3
3
  import json
4
4
  import logging
@@ -6,8 +6,8 @@ from requests.exceptions import HTTPError
6
6
  import logging
7
7
  import asyncio
8
8
  import aiohttp
9
- from datamintapi.utils.dicom_utils import anonymize_dicom, to_bytesio, is_dicom
10
- from datamintapi.utils import dicom_utils
9
+ from datamint.utils.dicom_utils import anonymize_dicom, to_bytesio, is_dicom
10
+ from datamint.utils import dicom_utils
11
11
  import pydicom
12
12
  from pathlib import Path
13
13
  from datetime import date
@@ -15,7 +15,7 @@ import mimetypes
15
15
  from PIL import Image
16
16
  import cv2
17
17
  from nibabel.filebasedimages import FileBasedImage as nib_FileBasedImage
18
- from datamintapi import configs
18
+ from datamint import configs
19
19
  from .base_api_handler import BaseAPIHandler, DatamintException, ResourceNotFoundError, ResourceFields, ResourceStatus
20
20
  from deprecated.sphinx import deprecated
21
21
  import json
@@ -1,7 +1,7 @@
1
1
  import argparse
2
2
  import logging
3
- from datamintapi import configs
4
- from datamintapi.utils.logging_utils import load_cmdline_logging_config
3
+ from datamint import configs
4
+ from datamint.utils.logging_utils import load_cmdline_logging_config
5
5
 
6
6
  # Create two loggings: one for the user and one for the developer
7
7
  _LOGGER = logging.getLogger(__name__)
@@ -79,7 +79,7 @@ def configure_api_key():
79
79
  def test_connection():
80
80
  """Test the API connection with current settings."""
81
81
  try:
82
- from datamintapi import APIHandler
82
+ from datamint import APIHandler
83
83
  _USER_LOGGER.info("🔄 Testing connection...")
84
84
  api = APIHandler()
85
85
  # Simple test - try to get projects
@@ -1,18 +1,18 @@
1
1
  import argparse
2
- from datamintapi.apihandler.api_handler import APIHandler
2
+ from datamint.apihandler.api_handler import APIHandler
3
3
  import os
4
4
  from humanize import naturalsize
5
5
  import logging
6
6
  from pathlib import Path
7
7
  import sys
8
- from datamintapi.utils.dicom_utils import is_dicom
8
+ from datamint.utils.dicom_utils import is_dicom
9
9
  import fnmatch
10
10
  from typing import Sequence, Generator, Optional, Any
11
11
  from collections import defaultdict
12
- from datamintapi import __version__ as datamintapi_version
13
- from datamintapi import configs
14
- from datamintapi.client_cmd_tools.datamint_config import ask_api_key
15
- from datamintapi.utils.logging_utils import load_cmdline_logging_config
12
+ from datamint import __version__ as datamint_version
13
+ from datamint import configs
14
+ from datamint.client_cmd_tools.datamint_config import ask_api_key
15
+ from datamint.utils.logging_utils import load_cmdline_logging_config
16
16
  import yaml
17
17
 
18
18
  # Create two loggings: one for the user and one for the developer
@@ -302,7 +302,7 @@ def _parse_args() -> tuple[Any, list, Optional[list[dict]]]:
302
302
  help='Automatically answer yes to all prompts')
303
303
  parser.add_argument('--transpose-segmentation', action='store_true', default=False,
304
304
  help='Transpose the segmentation dimensions to match the image dimensions')
305
- parser.add_argument('--version', action='version', version=f'%(prog)s {datamintapi_version}')
305
+ parser.add_argument('--version', action='version', version=f'%(prog)s {datamint_version}')
306
306
  parser.add_argument('--verbose', action='store_true', help='Print debug messages', default=False)
307
307
  args = parser.parse_args()
308
308
  if args.verbose:
@@ -8,13 +8,13 @@ import json
8
8
  import yaml
9
9
  import pydicom
10
10
  import numpy as np
11
- from datamintapi import configs
11
+ from datamint import configs
12
12
  from torch.utils.data import DataLoader
13
13
  import torch
14
- from datamintapi.apihandler.base_api_handler import DatamintException
15
- from datamintapi.utils.dicom_utils import is_dicom
14
+ from datamint.apihandler.base_api_handler import DatamintException
15
+ from datamint.utils.dicom_utils import is_dicom
16
16
  import cv2
17
- from datamintapi.utils.io_utils import read_array_normalized
17
+ from datamint.utils.io_utils import read_array_normalized
18
18
  from deprecated import deprecated
19
19
  from datetime import datetime
20
20
 
@@ -79,7 +79,7 @@ class DatamintBaseDataset:
79
79
  include_frame_label_names: Optional[list[str]] = None,
80
80
  exclude_frame_label_names: Optional[list[str]] = None
81
81
  ):
82
- from datamintapi.apihandler.api_handler import APIHandler
82
+ from datamint.apihandler.api_handler import APIHandler
83
83
 
84
84
  if project_name is None:
85
85
  raise ValueError("project_name is required.")
@@ -17,7 +17,7 @@ class DatamintDataset(DatamintBaseDataset):
17
17
  In addition to that, it has functionality to better process annotations and segmentations.
18
18
 
19
19
  .. note::
20
- Import using ``from datamintapi import Dataset``.
20
+ Import using ``from datamint import Dataset``.
21
21
 
22
22
  Args:
23
23
  root: Root directory of dataset where data already exists or will be downloaded.
@@ -1,6 +1,6 @@
1
1
  import requests
2
2
  import io
3
- from datamintapi import APIHandler
3
+ from datamint import APIHandler
4
4
  import logging
5
5
  from PIL import Image
6
6
  import numpy as np
@@ -486,7 +486,7 @@ def initialize_automatic_logging(enable_rich_logging: bool = True):
486
486
  # check if RichHandler is already in the handlers
487
487
  if enable_rich_logging and not any(isinstance(h, RichHandler) for h in logging.getLogger().handlers):
488
488
  logging.getLogger().handlers.append(RichHandler()) # set rich logging handler for the root logger
489
- # logging.getLogger("datamintapi").setLevel(logging.INFO)
489
+ # logging.getLogger("datamint").setLevel(logging.INFO)
490
490
 
491
491
  pytorch_patcher = PytorchPatcher()
492
492
 
@@ -1,14 +1,14 @@
1
1
  import logging
2
- from datamintapi.apihandler.api_handler import APIHandler
3
- from datamintapi.apihandler.base_api_handler import DatamintException
2
+ from datamint.apihandler.api_handler import APIHandler
3
+ from datamint.apihandler.base_api_handler import DatamintException
4
4
  from datetime import datetime, timezone
5
5
  from typing import List, Dict, Optional, Union, Any, Tuple, IO, Literal
6
6
  from collections import defaultdict
7
- from datamintapi.dataset.dataset import DatamintDataset
7
+ from datamint.dataset.dataset import DatamintDataset
8
8
  import os
9
9
  import numpy as np
10
10
  import heapq
11
- from datamintapi.utils import io_utils
11
+ from datamint.utils import io_utils
12
12
 
13
13
  _LOGGER = logging.getLogger(__name__)
14
14
 
@@ -570,7 +570,7 @@ class Experiment:
570
570
 
571
571
  Args:
572
572
  split (str): The split of the dataset to get. Can be one of ['all', 'train', 'test', 'val'].
573
- **kwargs: Additional arguments to pass to the :py:class:`~datamintapi.dataset.dataset.DatamintDataset` class.
573
+ **kwargs: Additional arguments to pass to the :py:class:`~datamint.dataset.dataset.DatamintDataset` class.
574
574
 
575
575
  Returns:
576
576
  DatamintDataset: The dataset object.
@@ -815,22 +815,22 @@ class Experiment:
815
815
  Example:
816
816
  .. code-block:: python
817
817
 
818
- resource_id = '123'
819
- predictions = np.array([[0.1, 0.4], [0.9, 0.2]])
820
- label_name = 'fracture'
821
- exp.log_segmentation_predictions(resource_id, predictions, label_name, threshold=0.5)
818
+ resource_id = '123'
819
+ predictions = np.array([[0.1, 0.4], [0.9, 0.2]])
820
+ label_name = 'fracture'
821
+ exp.log_segmentation_predictions(resource_id, predictions, label_name, threshold=0.5)
822
822
 
823
823
  .. code-block:: python
824
824
 
825
- resource_id = '456'
826
- predictions = np.array([[0, 1, 2], [1, 2, 0]]) # Multi-class mask with values 0, 1, 2
827
- label_name = {1: 'Femur', 2: 'Tibia'} # Mapping of pixel values to class names
828
- exp.log_segmentation_predictions(
829
- resource_id,
830
- predictions,
831
- label_name,
832
- predictions_format='multi-class'
833
- )
825
+ resource_id = '456'
826
+ predictions = np.array([[0, 1, 2], [1, 2, 0]]) # Multi-class mask with values 0, 1, 2
827
+ label_name = {1: 'Femur', 2: 'Tibia'} # Mapping of pixel values to class names
828
+ exp.log_segmentation_predictions(
829
+ resource_id,
830
+ predictions,
831
+ label_name,
832
+ predictions_format='multi-class'
833
+ )
834
834
  """
835
835
 
836
836
  if predictions_format not in ['multi-class', 'probability']:
@@ -7,13 +7,13 @@ handlers:
7
7
  level: WARNING
8
8
  show_time: False
9
9
  console_user:
10
- class: datamintapi.utils.logging_utils.ConditionalRichHandler
10
+ class: datamint.utils.logging_utils.ConditionalRichHandler
11
11
  level: INFO
12
12
  show_path: False
13
13
  show_time: False
14
14
 
15
15
  loggers:
16
- datamintapi:
16
+ datamint:
17
17
  level: ERROR
18
18
  handlers: [console]
19
19
  propagate: no
@@ -45,7 +45,7 @@ def load_cmdline_logging_config():
45
45
  with open('logging_dev.yaml', 'r') as f:
46
46
  config = yaml.safe_load(f)
47
47
  except:
48
- with importlib.resources.open_text('datamintapi', 'logging.yaml') as f:
48
+ with importlib.resources.open_text('datamint', 'logging.yaml') as f:
49
49
  config = yaml.safe_load(f.read())
50
50
 
51
51
  logging.config.dictConfig(config)
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.3
2
2
  Name: datamint
3
- Version: 1.2.4
3
+ Version: 1.3.0
4
4
  Summary: A library for interacting with the Datamint API, designed for efficient data management, processing and Deep Learning workflows.
5
5
  Requires-Python: >=3.10
6
6
  Classifier: Programming Language :: Python :: 3
@@ -14,6 +14,7 @@ Requires-Dist: Deprecated (>=1.2.0)
14
14
  Requires-Dist: aiohttp (>=3.0.0,<4.0.0)
15
15
  Requires-Dist: aioresponses (>=0.7.8,<0.8.0) ; extra == "dev"
16
16
  Requires-Dist: albumentations (>=2.0.0)
17
+ Requires-Dist: datamintapi (==0.0.*)
17
18
  Requires-Dist: humanize (>=4.0.0,<5.0.0)
18
19
  Requires-Dist: lazy-loader (>=0.3.0)
19
20
  Requires-Dist: lightning
@@ -52,13 +53,12 @@ See the full documentation at https://sonanceai.github.io/datamint-python-api/
52
53
  ## Installation
53
54
 
54
55
  Datamint requires Python 3.10+.
55
- You can install Datamint and its dependencies using pip
56
+ You can install/update Datamint and its dependencies using pip
56
57
 
57
58
  ```bash
58
- pip install git+https://github.com/SonanceAI/datamint-python-api
59
+ pip install -U datamint
59
60
  ```
60
61
 
61
- Soon we will be releasing the package on PyPi.
62
62
  We recommend that you install Datamint in a dedicated virtual environment, to avoid conflicting with your system packages.
63
63
  Create the enviroment once with `python3 -m venv datamint-env` and then activate it whenever you need it with:
64
64
  - `source datamint-env/bin/activate` (Linux/MAC)
@@ -95,7 +95,7 @@ os.environ["DATAMINT_API_KEY"] = "my_api_key"
95
95
  Specify API key in the |APIHandlerClass| constructor:
96
96
 
97
97
  ```python
98
- from datamintapi import APIHandler
98
+ from datamint import APIHandler
99
99
  api = APIHandler(api_key='my_api_key')
100
100
  ```
101
101
 
@@ -0,0 +1,29 @@
1
+ datamint/__init__.py,sha256=7rKCCsaa4RBRTIfuHB708rai1xwDHLtkFNFJGKYG5D4,757
2
+ datamint/apihandler/annotation_api_handler.py,sha256=7-vcUVRlWaxYMso8ciIwct2l3gyRfu0o1lya5cQIw3M,34548
3
+ datamint/apihandler/api_handler.py,sha256=cdVSddrFCKlF_BJ81LO1aJ0OP49rssjpNEFzJ6Q7YyY,384
4
+ datamint/apihandler/base_api_handler.py,sha256=XSxZEQEkbQpuixGDu_P9jbxUQht3Z3JgxaeiFKPkVDM,11690
5
+ datamint/apihandler/dto/annotation_dto.py,sha256=46JISXxXjPVARxWnb2sKkDC3iMbLojzzUsejpkV-REk,5290
6
+ datamint/apihandler/exp_api_handler.py,sha256=hFUgUgBc5rL7odK7gTW3MnrvMY1pVfJUpUdzRNobMQE,6226
7
+ datamint/apihandler/root_api_handler.py,sha256=HVNNsOckZzdulHjR9Mr4ooI9rKfBgKjJIjIuaePxEvI,42289
8
+ datamint/client_cmd_tools/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
9
+ datamint/client_cmd_tools/datamint_config.py,sha256=NNWLBaHXYhY1fqherwg0u3bcu0r95ZJIMTH45X-bJ2Q,6279
10
+ datamint/client_cmd_tools/datamint_upload.py,sha256=dS9w4gIidbiV6zxcRYC9p9gLOYREhXFhGBptP7GVGIY,20822
11
+ datamint/configs.py,sha256=Bdp6NydYwyCJ2dk19_gf_o3M2ZyQOmMHpLi8wEWNHUk,1426
12
+ datamint/dataset/__init__.py,sha256=4PlUKSvVhdfQvvuq8jQXrkdqnot-iTTizM3aM1vgSwg,47
13
+ datamint/dataset/base_dataset.py,sha256=EnnIeF3ZaBL2M8qEV39U0ogKptyvezBNoVOvrS12bZ8,38756
14
+ datamint/dataset/dataset.py,sha256=W7W9EcaPdyV8XjOL6jzBqnH2iUCMpA8w-UNUVv1AP9w,25076
15
+ datamint/examples/__init__.py,sha256=zcYnd5nLVme9GCTPYH-1JpGo8xXK2WEYvhzcy_2alZc,39
16
+ datamint/examples/example_projects.py,sha256=7Nb_EaIdzJTQa9zopqc-WhTBQWQJSoQZ_KjRS4PB4FI,2931
17
+ datamint/experiment/__init__.py,sha256=5qQOMzoG17DEd1YnTF-vS0qiM-DGdbNh42EUo91CRhQ,34
18
+ datamint/experiment/_patcher.py,sha256=ZgbezoevAYhJsbiJTvWPALGTcUiMT371xddcTllt3H4,23296
19
+ datamint/experiment/experiment.py,sha256=dP3aQdG44UQss8X-YQrCKK1dM9gxjPNGr-NTAIW6GI8,44541
20
+ datamint/logging.yaml,sha256=a5dsATpul7QHeUHB2TjABFjWaPXBMbO--dgn8GlRqwk,483
21
+ datamint/utils/dicom_utils.py,sha256=HTuEjwXyTSMaTVGb9pFOO76q2KLTr2CxTDoCRElVHRA,26023
22
+ datamint/utils/io_utils.py,sha256=w3loo8C29MI2ERRvrcUc-Bc9X6OcjCnZCa1RixIiEZY,5451
23
+ datamint/utils/logging_utils.py,sha256=DvoA35ATYG3JTwfXEXYawDyKRfHeCrH0a9czfkmz8kM,1851
24
+ datamint/utils/torchmetrics.py,sha256=lwU0nOtsSWfebyp7dvjlAggaqXtj5ohSEUXOg3L0hJE,2837
25
+ datamint/utils/visualization.py,sha256=yaUVAOHar59VrGUjpAWv5eVvQSfztFG0eP9p5Vt3l-M,4470
26
+ datamint-1.3.0.dist-info/METADATA,sha256=gbjfZjE_F19yN2XIk3qQ7NIV1sXclwOK1kei2KPhg3s,4065
27
+ datamint-1.3.0.dist-info/WHEEL,sha256=b4K_helf-jlQoXBBETfwnf4B04YC67LOev0jo4fX5m8,88
28
+ datamint-1.3.0.dist-info/entry_points.txt,sha256=mn5H6jPjO-rY0W0CAZ6Z_KKWhMLvyVaSpoqk77jlTI4,145
29
+ datamint-1.3.0.dist-info/RECORD,,
@@ -0,0 +1,4 @@
1
+ [console_scripts]
2
+ datamint-config=datamint.client_cmd_tools.datamint_config:main
3
+ datamint-upload=datamint.client_cmd_tools.datamint_upload:main
4
+
@@ -1,30 +0,0 @@
1
- datamint/__init__.py,sha256=J3Y19MHFXvVhdGPbEoTNBOHoSjoqpyvJMc61ePvfy60,223
2
- datamintapi/__init__.py,sha256=4Rg9K6X-M_HhnWI0wHv6ZS9puXHcCvssaqpmlfHw0r8,821
3
- datamintapi/apihandler/annotation_api_handler.py,sha256=sDPKs854DOycYCSWpNea2uFmTHEoIlbxq45_iAAw9bo,34551
4
- datamintapi/apihandler/api_handler.py,sha256=a3WGg2Vt9-_kRLC6MNylUMA8F8hDYpfPnE851N14CUI,387
5
- datamintapi/apihandler/base_api_handler.py,sha256=fPhoV1pvBbAlL0E9qsMa1Z7sRcu0ueqBbujEpTSzNQg,11693
6
- datamintapi/apihandler/dto/annotation_dto.py,sha256=Sq_P2tBFSKnuLjMWWbHEO3CPEQBFZySFXrjhD66wa3Y,5293
7
- datamintapi/apihandler/exp_api_handler.py,sha256=MpEPgM5TRws6urGJMn2Tr25jpLGytQcCq0szIya0oTI,6229
8
- datamintapi/apihandler/root_api_handler.py,sha256=VVTxH_lWNWKya5eudqNVr4mbDBmKQeZSXKaN4w2ih4o,42298
9
- datamintapi/client_cmd_tools/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
10
- datamintapi/client_cmd_tools/datamint_config.py,sha256=3-ZEuea13QtXVqQjnoYo7uR-FnMEi73rHS31G3RTPoc,6288
11
- datamintapi/client_cmd_tools/datamint_upload.py,sha256=uFQQ6Vo8g202k-8SBMCAu_Cg9iomjLv_lJ90iu0vBsE,20846
12
- datamintapi/configs.py,sha256=Bdp6NydYwyCJ2dk19_gf_o3M2ZyQOmMHpLi8wEWNHUk,1426
13
- datamintapi/dataset/__init__.py,sha256=4PlUKSvVhdfQvvuq8jQXrkdqnot-iTTizM3aM1vgSwg,47
14
- datamintapi/dataset/base_dataset.py,sha256=kPl8JnqMYbmv04OXGDdijHOsi67lDZYFhdl0reAvkIA,38771
15
- datamintapi/dataset/dataset.py,sha256=J_EUjx-6U0i25oechcG04-QAufD-_NZPHdSopPce9Qw,25079
16
- datamintapi/examples/__init__.py,sha256=zcYnd5nLVme9GCTPYH-1JpGo8xXK2WEYvhzcy_2alZc,39
17
- datamintapi/examples/example_projects.py,sha256=yWcLr6US8jjKThVXPyH8ApLFt-FRckHlUWmNYPN65sU,2934
18
- datamintapi/experiment/__init__.py,sha256=5qQOMzoG17DEd1YnTF-vS0qiM-DGdbNh42EUo91CRhQ,34
19
- datamintapi/experiment/_patcher.py,sha256=J79e63oIlAC62hiAY3jphQKas1hoaBpznmfo3nlfyA8,23299
20
- datamintapi/experiment/experiment.py,sha256=kLRC0wks6ZLviN2Vc5da9-yP0ARiSeCQyZHagJctdGU,44504
21
- datamintapi/logging.yaml,sha256=q1pVwZ959LK7kwzWSytvLPBtxAohTiTLHWKPbs63JXo,489
22
- datamintapi/utils/dicom_utils.py,sha256=HTuEjwXyTSMaTVGb9pFOO76q2KLTr2CxTDoCRElVHRA,26023
23
- datamintapi/utils/io_utils.py,sha256=w3loo8C29MI2ERRvrcUc-Bc9X6OcjCnZCa1RixIiEZY,5451
24
- datamintapi/utils/logging_utils.py,sha256=ZyQeueIiE_IYyDdOhBRlGdiVoGme4tYp8x01Zg7Uucg,1854
25
- datamintapi/utils/torchmetrics.py,sha256=lwU0nOtsSWfebyp7dvjlAggaqXtj5ohSEUXOg3L0hJE,2837
26
- datamintapi/utils/visualization.py,sha256=yaUVAOHar59VrGUjpAWv5eVvQSfztFG0eP9p5Vt3l-M,4470
27
- datamint-1.2.4.dist-info/METADATA,sha256=5dcB1Y38C2LIUwvrpZQZJ0S0MiPqScK9Be_vduYBwac,4112
28
- datamint-1.2.4.dist-info/WHEEL,sha256=b4K_helf-jlQoXBBETfwnf4B04YC67LOev0jo4fX5m8,88
29
- datamint-1.2.4.dist-info/entry_points.txt,sha256=VsviTPGOPOs5RaO_YoC_0D5UTdvS2PONAdAV1ovVP2I,151
30
- datamint-1.2.4.dist-info/RECORD,,
@@ -1,4 +0,0 @@
1
- [console_scripts]
2
- datamint-config=datamintapi.client_cmd_tools.datamint_config:main
3
- datamint-upload=datamintapi.client_cmd_tools.datamint_upload:main
4
-
datamintapi/__init__.py DELETED
@@ -1,25 +0,0 @@
1
- """
2
- Datamint API is a Python package that provides a simple interface to the Datamint API.
3
- """
4
- import importlib.metadata
5
- from typing import TYPE_CHECKING
6
- if TYPE_CHECKING:
7
- from .dataset.dataset import DatamintDataset as Dataset
8
- from .apihandler.api_handler import APIHandler
9
- from .experiment import Experiment
10
- else:
11
- import lazy_loader as lazy
12
-
13
- __getattr__, __dir__, __all__ = lazy.attach(
14
- __name__,
15
- submodules=['dataset', "dataset.dataset", "apihandler.api_handler", "experiment"],
16
- submod_attrs={
17
- "dataset.dataset": ["DatamintDataset"],
18
- "dataset": ['Dataset'],
19
- "apihandler.api_handler": ["APIHandler"],
20
- "experiment": ["Experiment"],
21
- },
22
- )
23
-
24
- __name__ = "datamintapi"
25
- __version__ = importlib.metadata.version('datamint')
File without changes
File without changes
File without changes
File without changes
File without changes
File without changes
File without changes
File without changes
File without changes