code-loader 1.0.99.dev10__py3-none-any.whl → 1.0.100.dev1__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.
@@ -38,11 +38,18 @@ class PreprocessResponse:
38
38
  sample_ids: Optional[Union[List[str], List[int]]] = None
39
39
  state: Optional[DataStateType] = None
40
40
  sample_id_type: Optional[Union[Type[str], Type[int]]] = None
41
+ sample_ids_to_instance_mappings: Optional[Dict[str, List[str]]] = None # in use only for element instance
42
+ instance_to_sample_ids_mappings: Optional[Dict[str, str]] = None # in use only for element instance
43
+ instance_ids_to_names: Optional[Dict[str, str]] = None # in use only for element instance
41
44
 
42
45
  def __post_init__(self) -> None:
43
46
  def is_valid_string(s: str) -> bool:
44
47
  return bool(re.match(r'^[A-Za-z0-9_]+$', s))
45
48
 
49
+ assert self.sample_ids_to_instance_mappings is None, f"Keep sample_ids_to_instance_mappings None when initializing PreprocessResponse"
50
+ assert self.instance_to_sample_ids_mappings is None, f"Keep instance_to_sample_ids_mappings None when initializing PreprocessResponse"
51
+ assert self.instance_ids_to_names is None, f"Keep instance_ids_to_names None when initializing PreprocessResponse"
52
+
46
53
  if self.length is not None and self.sample_ids is None:
47
54
  self.sample_ids = [i for i in range(self.length)]
48
55
  self.sample_id_type = int
@@ -65,8 +72,13 @@ class PreprocessResponse:
65
72
  assert self.sample_ids is not None
66
73
  return len(self.sample_ids)
67
74
 
75
+ @dataclass
76
+ class ElementInstance:
77
+ name: str
78
+ mask: npt.NDArray[np.float32]
68
79
 
69
80
  SectionCallableInterface = Callable[[Union[int, str], PreprocessResponse], npt.NDArray[np.float32]]
81
+ InstanceCallableInterface = Callable[[Union[int, str], PreprocessResponse], List[ElementInstance]]
70
82
 
71
83
  MetadataSectionCallableInterface = Union[
72
84
  Callable[[Union[int, str], PreprocessResponse], int],
@@ -188,6 +200,10 @@ class InputHandler(DatasetBaseHandler):
188
200
  shape: Optional[List[int]] = None
189
201
  channel_dim: Optional[int] = -1
190
202
 
203
+ @dataclass
204
+ class ElementInstanceMasksHandler:
205
+ name: str
206
+ function: InstanceCallableInterface
191
207
 
192
208
  @dataclass
193
209
  class GroundTruthHandler(DatasetBaseHandler):
@@ -223,6 +239,7 @@ class DatasetIntegrationSetup:
223
239
  unlabeled_data_preprocess: Optional[UnlabeledDataPreprocessHandler] = None
224
240
  visualizers: List[VisualizerHandler] = field(default_factory=list)
225
241
  inputs: List[InputHandler] = field(default_factory=list)
242
+ instance_masks: List[ElementInstanceMasksHandler] = field(default_factory=list)
226
243
  ground_truths: List[GroundTruthHandler] = field(default_factory=list)
227
244
  metadata: List[MetadataHandler] = field(default_factory=list)
228
245
  prediction_types: List[PredictionTypeHandler] = field(default_factory=list)
@@ -239,3 +256,5 @@ class DatasetSample:
239
256
  metadata_is_none: Dict[str, bool]
240
257
  index: Union[int, str]
241
258
  state: DataStateEnum
259
+ instance_masks: Optional[Dict[str, List[ElementInstance]]] = None
260
+
@@ -121,19 +121,23 @@ class LeapGraph:
121
121
  x_label = 'Frequency [Seconds]'
122
122
  y_label = 'Amplitude [Voltage]'
123
123
  x_range = (0.1, 3.0)
124
- leap_graph = LeapGraph(data=graph_data, x_label=x_label, y_label=y_label, x_range=x_range)
124
+ legend = ['experiment1', 'experiment2', 'experiment3']
125
+ leap_graph = LeapGraph(data=graph_data, x_label=x_label, y_label=y_label, x_range=x_range, legend=legend)
125
126
  """
126
127
  data: npt.NDArray[np.float32]
127
128
  type: LeapDataType = LeapDataType.Graph
128
129
  x_label: Optional[str] = None
129
130
  y_label: Optional[str] = None
130
131
  x_range: Optional[Tuple[float,float]] = None
132
+ legend: Optional[List[str]] = None
131
133
 
132
134
  def __post_init__(self) -> None:
133
135
  validate_type(self.type, LeapDataType.Graph)
134
136
  validate_type(type(self.data), np.ndarray)
135
137
  validate_type(self.data.dtype, np.float32)
136
- validate_type(len(self.data.shape), 2, 'Graph must be of shape 2')
138
+ validate_type(len(self.data.shape), 2, f'Graph must be of shape 2')
139
+ if self.legend:
140
+ validate_type(self.data.shape[1], len(self.legend), 'Number of labels supplied should equal the number of graphs')
137
141
  validate_type(type(self.x_label), [str, type(None)], 'x_label must be a string or None')
138
142
  validate_type(type(self.y_label), [str, type(None)], 'y_label must be a string or None')
139
143
  validate_type(type(self.x_range), [tuple, type(None)], 'x_range must be a tuple or None')
@@ -10,14 +10,15 @@ from code_loader.contract.datasetclasses import SectionCallableInterface, InputH
10
10
  MetadataSectionCallableInterface, UnlabeledDataPreprocessHandler, CustomLayerHandler, MetricHandler, \
11
11
  CustomCallableInterfaceMultiArgs, ConfusionMatrixCallableInterfaceMultiArgs, LeapData, \
12
12
  CustomMultipleReturnCallableInterfaceMultiArgs, DatasetBaseHandler, custom_latent_space_attribute, \
13
- RawInputsForHeatmap, VisualizerHandlerData, MetricHandlerData, CustomLossHandlerData, SamplePreprocessResponse
13
+ RawInputsForHeatmap, VisualizerHandlerData, MetricHandlerData, CustomLossHandlerData, SamplePreprocessResponse, \
14
+ ElementInstanceMasksHandler, InstanceCallableInterface
14
15
  from code_loader.contract.enums import LeapDataType, DataStateEnum, DataStateType, MetricDirection, DatasetMetadataType
15
16
  from code_loader.contract.mapping import NodeConnection, NodeMapping, NodeMappingType
16
17
  from code_loader.contract.responsedataclasses import DatasetTestResultPayload
17
18
  from code_loader.contract.visualizer_classes import map_leap_data_type_to_visualizer_class
18
19
  from code_loader.default_losses import loss_name_to_function
19
20
  from code_loader.default_metrics import metrics_names_to_functions_and_direction
20
- from code_loader.utils import to_numpy_return_wrapper, get_shape
21
+ from code_loader.utils import to_numpy_return_wrapper, get_shape, to_numpy_return_masks_wrapper
21
22
  from code_loader.visualizers.default_visualizers import DefaultVisualizer, \
22
23
  default_graph_visualizer, \
23
24
  default_image_visualizer, default_horizontal_bar_visualizer, default_word_visualizer, \
@@ -237,6 +238,22 @@ class LeapBinder:
237
238
 
238
239
  self._encoder_names.append(name)
239
240
 
241
+
242
+ def set_instance_masks(self, function: InstanceCallableInterface, name: str) -> None:
243
+ """
244
+ Set the instance mask handler function.
245
+
246
+ Args:
247
+ function (SectionCallableInterface): The input handler function.
248
+ name (str): The name of the instance mask section.
249
+
250
+ Example:
251
+ leap_binder.set_input(input_encoder, name='input_encoder')
252
+ """
253
+ function = to_numpy_return_masks_wrapper(function)
254
+ self.setup_container.instance_masks.append(ElementInstanceMasksHandler(name, function))
255
+
256
+
240
257
  def add_custom_loss(self, function: CustomCallableInterface, name: str) -> None:
241
258
  """
242
259
  Add a custom loss function to the setup.
@@ -516,9 +533,10 @@ class LeapBinder:
516
533
  for i, (single_metadata_name, single_metadata_result) in enumerate(raw_result.items()):
517
534
  metadata_test_result = metadata_test_result_payloads[i]
518
535
 
519
- if not isinstance(single_metadata_result, (int, str, bool, float, np.unsignedinteger, np.signedinteger, np.bool_, np.floating)):
536
+ if not isinstance(single_metadata_result, (int, str, bool, float, np.unsignedinteger,
537
+ np.signedinteger, np.bool_, np.floating, type(None))):
520
538
  raise Exception(f"Unsupported return type of metadata {single_metadata_name}."
521
- f"The return type should be one of [int, float, str, bool]. Got {type(single_metadata_result)}")
539
+ f"The return type should be one of [int, float, str, bool, None]. Got {type(single_metadata_result)}")
522
540
 
523
541
  metadata_type = None
524
542
  if single_metadata_result is None:
@@ -8,7 +8,7 @@ import numpy.typing as npt
8
8
  from code_loader.contract.datasetclasses import CustomCallableInterfaceMultiArgs, \
9
9
  CustomMultipleReturnCallableInterfaceMultiArgs, ConfusionMatrixCallableInterfaceMultiArgs, CustomCallableInterface, \
10
10
  VisualizerCallableInterface, MetadataSectionCallableInterface, PreprocessResponse, SectionCallableInterface, \
11
- ConfusionMatrixElement, SamplePreprocessResponse, PredictionTypeHandler
11
+ ConfusionMatrixElement, SamplePreprocessResponse, PredictionTypeHandler, InstanceCallableInterface, ElementInstance
12
12
  from code_loader.contract.enums import MetricDirection, LeapDataType, DatasetMetadataType
13
13
  from code_loader import leap_binder
14
14
  from code_loader.contract.mapping import NodeMapping, NodeMappingType, NodeConnection
@@ -430,6 +430,69 @@ def tensorleap_preprocess():
430
430
 
431
431
  return decorating_function
432
432
 
433
+ def tensorleap_element_instance_preprocess(instance_mask_encoder: Callable[[str, PreprocessResponse], List[ElementInstance]]):
434
+ def decorating_function(user_function: Callable[[], List[PreprocessResponse]]):
435
+ def user_function_instance() -> List[PreprocessResponse]:
436
+ result = user_function()
437
+ for preprocess_response in result:
438
+ sample_ids_to_instance_mappings = {}
439
+ instance_to_sample_ids_mappings = {}
440
+ instance_ids_to_names = {}
441
+ all_sample_ids = preprocess_response.sample_ids.copy()
442
+ for sample_id in preprocess_response.sample_ids:
443
+ instances_masks = instance_mask_encoder(sample_id, preprocess_response)
444
+ instances_ids = [f'{sample_id}_{instance_id}' for instance_id in range(len(instances_masks))]
445
+ sample_ids_to_instance_mappings[sample_id] = instances_ids
446
+ instance_to_sample_ids_mappings[sample_id] = sample_id
447
+ instance_names = [instance.name for instance in instances_masks]
448
+ instance_ids_to_names[sample_id] = 'none'
449
+ for instance_id, instance_name in zip(instances_ids, instance_names):
450
+ instance_to_sample_ids_mappings[instance_id] = sample_id
451
+ instance_ids_to_names[instance_id] = instance_name
452
+ all_sample_ids.extend(instances_ids)
453
+ preprocess_response.sample_ids_to_instance_mappings = sample_ids_to_instance_mappings
454
+ preprocess_response.instance_to_sample_ids_mappings = instance_to_sample_ids_mappings
455
+ preprocess_response.instance_ids_to_names = instance_ids_to_names
456
+ preprocess_response.sample_ids = all_sample_ids
457
+ return result
458
+
459
+ def builtin_instance_metadata(idx: str, preprocess: PreprocessResponse) -> Dict[str, str]:
460
+ return {'is_instance': '0', 'original_sample_id': idx, 'instance_name': 'none'}
461
+ leap_binder.set_preprocess(user_function_instance)
462
+ leap_binder.set_metadata(builtin_instance_metadata, "builtin_instance_metadata")
463
+
464
+ def _validate_input_args(*args, **kwargs):
465
+ assert len(args) == 0 and len(kwargs) == 0, \
466
+ (f'tensorleap_element_instance_preprocess validation failed: '
467
+ f'The function should not take any arguments. Got {args} and {kwargs}.')
468
+
469
+ def _validate_result(result):
470
+ assert isinstance(result, list), \
471
+ (f'tensorleap_element_instance_preprocess validation failed: '
472
+ f'The return type should be a list. Got {type(result)}.')
473
+ for i, response in enumerate(result):
474
+ assert isinstance(response, PreprocessResponse), \
475
+ (f'tensorleap_element_instance_preprocess validation failed: '
476
+ f'Element #{i} in the return list should be a PreprocessResponse. Got {type(response)}.')
477
+ assert len(set(result)) == len(result), \
478
+ (f'tensorleap_element_instance_preprocess validation failed: '
479
+ f'The return list should not contain duplicate PreprocessResponse objects.')
480
+
481
+
482
+ def inner(*args, **kwargs):
483
+ if os.environ.get(mapping_runtime_mode_env_var_mame):
484
+ return [None, None, None, None]
485
+
486
+ _validate_input_args(*args, **kwargs)
487
+
488
+ result = user_function_instance()
489
+ _validate_result(result)
490
+ return result
491
+
492
+ return inner
493
+
494
+ return decorating_function
495
+
433
496
 
434
497
  def tensorleap_unlabeled_preprocess():
435
498
  def decorating_function(user_function: Callable[[], PreprocessResponse]):
@@ -456,6 +519,51 @@ def tensorleap_unlabeled_preprocess():
456
519
  return decorating_function
457
520
 
458
521
 
522
+ def tensorleap_instances_masks_encoder(name: str):
523
+ def decorating_function(user_function: InstanceCallableInterface):
524
+ leap_binder.set_instance_masks(user_function, name)
525
+
526
+ def _validate_input_args(sample_id: str, preprocess_response: PreprocessResponse):
527
+ assert isinstance(sample_id, str), \
528
+ (f'tensorleap_instances_masks_encoder validation failed: '
529
+ f'Argument sample_id should be str. Got {type(sample_id)}.')
530
+ assert isinstance(preprocess_response, PreprocessResponse), \
531
+ (f'tensorleap_instances_masks_encoder validation failed: '
532
+ f'Argument preprocess_response should be a PreprocessResponse. Got {type(preprocess_response)}.')
533
+ assert type(sample_id) == preprocess_response.sample_id_type, \
534
+ (f'tensorleap_instances_masks_encoder validation failed: '
535
+ f'Argument sample_id should be as the same type as defined in the preprocess response '
536
+ f'{preprocess_response.sample_id_type}. Got {type(sample_id)}.')
537
+
538
+ def _validate_result(result):
539
+ assert isinstance(result, list), \
540
+ (f'tensorleap_instances_masks_encoder validation failed: '
541
+ f'Unsupported return type. Should be a numpy array. Got {type(result)}.')
542
+
543
+
544
+ def inner(sample_id, preprocess_response):
545
+ if os.environ.get(mapping_runtime_mode_env_var_mame):
546
+ return None
547
+
548
+ _validate_input_args(sample_id, preprocess_response)
549
+
550
+ global _called_from_inside_tl_decorator
551
+ _called_from_inside_tl_decorator += 1
552
+
553
+ try:
554
+ result = user_function(sample_id, preprocess_response)
555
+ finally:
556
+ _called_from_inside_tl_decorator -= 1
557
+
558
+ _validate_result(result)
559
+ return result
560
+
561
+ return inner
562
+
563
+
564
+ return decorating_function
565
+
566
+
459
567
  def tensorleap_input_encoder(name: str, channel_dim=-1, model_input_index=None):
460
568
  def decorating_function(user_function: SectionCallableInterface):
461
569
  for input_handler in leap_binder.setup_container.inputs:
code_loader/leaploader.py CHANGED
@@ -15,7 +15,8 @@ import numpy.typing as npt
15
15
  from code_loader.contract.datasetclasses import DatasetSample, DatasetBaseHandler, GroundTruthHandler, \
16
16
  PreprocessResponse, VisualizerHandler, LeapData, \
17
17
  PredictionTypeHandler, MetadataHandler, CustomLayerHandler, MetricHandler, VisualizerHandlerData, MetricHandlerData, \
18
- MetricCallableReturnType, CustomLossHandlerData, CustomLossHandler, RawInputsForHeatmap, SamplePreprocessResponse
18
+ MetricCallableReturnType, CustomLossHandlerData, CustomLossHandler, RawInputsForHeatmap, SamplePreprocessResponse, \
19
+ ElementInstance
19
20
  from code_loader.contract.enums import DataStateEnum, TestingSectionEnum, DataStateType, DatasetMetadataType
20
21
  from code_loader.contract.exceptions import DatasetScriptException
21
22
  from code_loader.contract.responsedataclasses import DatasetIntegParseResult, DatasetTestResultPayload, \
@@ -157,6 +158,22 @@ class LeapLoader(LeapLoaderBase):
157
158
  state=state)
158
159
  return sample
159
160
 
161
+ def get_sample_with_masks(self, state: DataStateEnum, sample_id: Union[int, str]) -> DatasetSample:
162
+ self.exec_script()
163
+ preprocess_result = self._preprocess_result()
164
+ if state == DataStateEnum.unlabeled and sample_id not in preprocess_result[state].sample_ids:
165
+ self._preprocess_result(update_unlabeled_preprocess=True)
166
+
167
+ metadata, metadata_is_none = self._get_metadata(state, sample_id)
168
+ sample = DatasetSample(inputs=self._get_inputs(state, sample_id),
169
+ gt=None if state == DataStateEnum.unlabeled else self._get_gt(state, sample_id),
170
+ metadata=metadata,
171
+ metadata_is_none=metadata_is_none,
172
+ index=sample_id,
173
+ state=state,
174
+ instance_masks=self._get_instances_masks(state, sample_id))
175
+ return sample
176
+
160
177
  def check_dataset(self) -> DatasetIntegParseResult:
161
178
  test_payloads: List[DatasetTestResultPayload] = []
162
179
  setup_response = None
@@ -447,6 +464,16 @@ class LeapLoader(LeapLoaderBase):
447
464
  def _get_inputs(self, state: DataStateEnum, sample_id: Union[int, str]) -> Dict[str, npt.NDArray[np.float32]]:
448
465
  return self._get_dataset_handlers(global_leap_binder.setup_container.inputs, state, sample_id)
449
466
 
467
+ def _get_instances_masks(self, state: DataStateEnum, sample_id: Union[int, str]) -> Dict[str, List[ElementInstance]]:
468
+ preprocess_result = self._preprocess_result()
469
+ preprocess_state = preprocess_result[state]
470
+ result_agg = {}
471
+ for handler in global_leap_binder.setup_container.instance_masks:
472
+ handler_result = handler.function(sample_id, preprocess_state)
473
+ handler_name = handler.name
474
+ result_agg[handler_name] = handler_result
475
+ return result_agg
476
+
450
477
  def _get_gt(self, state: DataStateEnum, sample_id: Union[int, str]) -> Dict[str, npt.NDArray[np.float32]]:
451
478
  return self._get_dataset_handlers(global_leap_binder.setup_container.ground_truths, state, sample_id)
452
479
 
@@ -515,3 +542,18 @@ class LeapLoader(LeapLoaderBase):
515
542
  raise Exception("Different id types in preprocess results")
516
543
 
517
544
  return id_type
545
+
546
+ def get_instances_data(self, state: DataStateEnum) -> Tuple[Dict[str, List[str]], Dict[str, str], Dict[str, str]]:
547
+ """
548
+ This Method get the data state and returns two dictionaries that holds the mapping of the sample ids to their
549
+ instances and the other way around and the sample ids array.
550
+ Args:
551
+ state: DataStateEnum state
552
+ Returns:
553
+ sample_ids_to_instance_mappings: sample id to instance mappings
554
+ instance_to_sample_ids_mappings: instance to sample ids mappings
555
+ sample_ids: sample ids array
556
+ """
557
+ preprocess_result = self._preprocess_result()
558
+ preprocess_state = preprocess_result[state]
559
+ return preprocess_state.sample_ids_to_instance_mappings, preprocess_state.instance_to_sample_ids_mappings, preprocess_state.instance_ids_to_names
@@ -2,7 +2,7 @@
2
2
 
3
3
  from abc import abstractmethod
4
4
 
5
- from typing import Dict, List, Union, Type, Optional
5
+ from typing import Dict, List, Union, Type, Optional, Tuple
6
6
 
7
7
  import numpy as np
8
8
  import numpy.typing as npt
@@ -64,6 +64,14 @@ class LeapLoaderBase:
64
64
  def get_sample(self, state: DataStateEnum, sample_id: Union[int, str]) -> DatasetSample:
65
65
  pass
66
66
 
67
+ @abstractmethod
68
+ def get_sample_with_masks(self, state: DataStateEnum, sample_id: Union[int, str]) -> DatasetSample:
69
+ pass
70
+
71
+ @abstractmethod
72
+ def get_instances_data(self, state: DataStateEnum) -> Tuple[Dict[str, List[str]], Dict[str, str], Dict[str, str]]:
73
+ pass
74
+
67
75
  @abstractmethod
68
76
  def check_dataset(self) -> DatasetIntegParseResult:
69
77
  pass
code_loader/utils.py CHANGED
@@ -1,12 +1,13 @@
1
1
  import sys
2
2
  from pathlib import Path
3
3
  from types import TracebackType
4
- from typing import List, Union, Tuple, Any
4
+ from typing import List, Union, Tuple, Any, Callable
5
5
  import traceback
6
6
  import numpy as np
7
7
  import numpy.typing as npt
8
8
 
9
- from code_loader.contract.datasetclasses import SectionCallableInterface, PreprocessResponse
9
+ from code_loader.contract.datasetclasses import SectionCallableInterface, PreprocessResponse, \
10
+ InstanceCallableInterface, ElementInstance
10
11
 
11
12
 
12
13
  def to_numpy_return_wrapper(encoder_function: SectionCallableInterface) -> SectionCallableInterface:
@@ -17,6 +18,15 @@ def to_numpy_return_wrapper(encoder_function: SectionCallableInterface) -> Secti
17
18
 
18
19
  return numpy_encoder_function
19
20
 
21
+ def to_numpy_return_masks_wrapper(encoder_function: InstanceCallableInterface) -> Callable[
22
+ [Union[int, str], PreprocessResponse], List[ElementInstance]]:
23
+ def numpy_encoder_function(idx: Union[int, str], samples: PreprocessResponse) -> List[ElementInstance]:
24
+ result = encoder_function(idx, samples)
25
+ for res in result:
26
+ res.mask = np.array(res.mask)
27
+ return result
28
+ return numpy_encoder_function
29
+
20
30
 
21
31
  def get_root_traceback(exc_tb: TracebackType) -> TracebackType:
22
32
  return_traceback = exc_tb
@@ -69,6 +69,9 @@ def default_image_mask_visualizer(mask: npt.NDArray[np.float32], image: npt.NDAr
69
69
 
70
70
 
71
71
  def default_text_mask_visualizer(mask: npt.NDArray[np.float32], text_data: npt.NDArray[np.float32]) -> LeapTextMask:
72
+ mask = mask[0]
73
+ text_data = text_data[0]
74
+
72
75
  words = default_word_visualizer(text_data).data
73
76
  n_different_labels = mask.shape[-1]
74
77
  labels = [str(i) for i in range(n_different_labels)]
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.1
2
2
  Name: code-loader
3
- Version: 1.0.99.dev10
3
+ Version: 1.0.100.dev1
4
4
  Summary:
5
5
  Home-page: https://github.com/tensorleap/code-loader
6
6
  License: MIT
@@ -1,12 +1,12 @@
1
1
  LICENSE,sha256=qIwWjdspQeSMTtnFZBC8MuT-95L02FPvzRUdWFxrwJY,1067
2
2
  code_loader/__init__.py,sha256=6MMWr0ObOU7hkqQKgOqp4Zp3I28L7joGC9iCbQYtAJg,241
3
3
  code_loader/contract/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
4
- code_loader/contract/datasetclasses.py,sha256=sNBHyfdg2uS3rL65kJVZjjNVbSXy0dTQMganldQjGNw,7969
4
+ code_loader/contract/datasetclasses.py,sha256=6hwzFOtVlAHcDYgz4n-yIQrpqjda-ZoBGeDzH1kogXc,9123
5
5
  code_loader/contract/enums.py,sha256=GEFkvUMXnCNt-GOoz7NJ9ecQZ2PPDettJNOsxsiM0wk,1622
6
6
  code_loader/contract/exceptions.py,sha256=jWqu5i7t-0IG0jGRsKF4DjJdrsdpJjIYpUkN1F4RiyQ,51
7
7
  code_loader/contract/mapping.py,sha256=e11h_sprwOyE32PcqgRq9JvyahQrPzwqgkhmbQLKLQY,1165
8
8
  code_loader/contract/responsedataclasses.py,sha256=6-5DJkYBdXb3UB1eNidTTPPBIYxMjEoMdYDkp9VhH8o,4223
9
- code_loader/contract/visualizer_classes.py,sha256=_nlukRfW8QeQaQG7G5HfAUSeCuoqslB4xJS2AGI_Nz8,15156
9
+ code_loader/contract/visualizer_classes.py,sha256=Wz9eItmoRaKEHa3p0aW0Ypxx4_xUmaZyLBznnTuxwi0,15425
10
10
  code_loader/default_losses.py,sha256=NoOQym1106bDN5dcIk56Elr7ZG5quUHArqfP5-Nyxyo,1139
11
11
  code_loader/default_metrics.py,sha256=v16Mrt2Ze1tXPgfKywGVdRSrkaK4CKLNQztN1UdVqIY,5010
12
12
  code_loader/experiment_api/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
@@ -20,14 +20,14 @@ code_loader/experiment_api/types.py,sha256=MY8xFARHwdVA7p4dxyhD60ShmttgTvb4qdp1o
20
20
  code_loader/experiment_api/utils.py,sha256=XZHtxge12TS4H4-8PjV3sKuhp8Ud6ojAiIzTZJEqBqc,3304
21
21
  code_loader/experiment_api/workingspace_config_utils.py,sha256=DLzXQCg4dgTV_YgaSbeTVzq-2ja_SQw4zi7LXwKL9cY,990
22
22
  code_loader/inner_leap_binder/__init__.py,sha256=koOlJyMNYzGbEsoIbXathSmQ-L38N_pEXH_HvL7beXU,99
23
- code_loader/inner_leap_binder/leapbinder.py,sha256=FaX0kT-dEQJx4tS3LBfDxjf7Bi1LihkeEfLDHbyEbnM,31778
24
- code_loader/inner_leap_binder/leapbinder_decorators.py,sha256=BP0JQdHZgng-HSTWhdZlIwj6Vu3OGm6aNtTwJC0pvlY,32951
25
- code_loader/leaploader.py,sha256=6SBhkhw2PVwCw1H4Krzl74CPG18n8F9NIrid1wEtTHs,26884
26
- code_loader/leaploaderbase.py,sha256=VH0vddRmkqLtcDlYPCO7hfz1_VbKo43lUdHDAbd4iJc,4198
27
- code_loader/utils.py,sha256=aw2i_fqW_ADjLB66FWZd9DfpCQ7mPdMyauROC5Nd51I,2197
23
+ code_loader/inner_leap_binder/leapbinder.py,sha256=mi9wp98iywHedCe2GwrbiqE14zbGo1rR0huodG96ZXY,32508
24
+ code_loader/inner_leap_binder/leapbinder_decorators.py,sha256=j38nYWfc6yll1SMggV8gABEvSyQwEBVf5RdFnmQ1aD0,38523
25
+ code_loader/leaploader.py,sha256=vfN92-uoLeo8pojhwzPh4iu3gaoIQNqQklYwOy0kbtM,29225
26
+ code_loader/leaploaderbase.py,sha256=lKdw2pd6H9hFsxVmc7jJMoZd_vlG5He1ooqT-cR_yq8,4496
27
+ code_loader/utils.py,sha256=_j8b60pimoNAvWMRj7hEkkT6C76qES6cZoBFHpXHMxA,2698
28
28
  code_loader/visualizers/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
29
- code_loader/visualizers/default_visualizers.py,sha256=669lBpLISLO6my5Qcgn1FLDDeZgHumPf252m4KHY4YM,2555
30
- code_loader-1.0.99.dev10.dist-info/LICENSE,sha256=qIwWjdspQeSMTtnFZBC8MuT-95L02FPvzRUdWFxrwJY,1067
31
- code_loader-1.0.99.dev10.dist-info/METADATA,sha256=7fnnb4TUCR5SVKZK9WFXOWhjZX6Jr-g7c01TUnR-AWE,855
32
- code_loader-1.0.99.dev10.dist-info/WHEEL,sha256=sP946D7jFCHeNz5Iq4fL4Lu-PrWrFsgfLXbbkciIZwg,88
33
- code_loader-1.0.99.dev10.dist-info/RECORD,,
29
+ code_loader/visualizers/default_visualizers.py,sha256=onRnLE_TXfgLN4o52hQIOOhUcFexGlqJ3xSpQDVLuZM,2604
30
+ code_loader-1.0.100.dev1.dist-info/LICENSE,sha256=qIwWjdspQeSMTtnFZBC8MuT-95L02FPvzRUdWFxrwJY,1067
31
+ code_loader-1.0.100.dev1.dist-info/METADATA,sha256=5HNgpnGBTI3SYw8U83fGC5N8XNEJTavawQGJ4x9y6TM,855
32
+ code_loader-1.0.100.dev1.dist-info/WHEEL,sha256=sP946D7jFCHeNz5Iq4fL4Lu-PrWrFsgfLXbbkciIZwg,88
33
+ code_loader-1.0.100.dev1.dist-info/RECORD,,