code-loader 1.0.91.dev10__py3-none-any.whl → 1.0.92.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,9 +38,6 @@ 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[Union[str, int], Union[List[str], List[int]]]] = None # in use only for element instance
42
- instance_to_sample_ids_mappings: Optional[Dict[Union[str, int], Union[str, int]]] = None # in use only for element instance
43
-
44
41
 
45
42
  def __post_init__(self) -> None:
46
43
  def is_valid_string(s: str) -> bool:
@@ -70,7 +67,6 @@ class PreprocessResponse:
70
67
 
71
68
 
72
69
  SectionCallableInterface = Callable[[Union[int, str], PreprocessResponse], npt.NDArray[np.float32]]
73
- InstanceCallableInterface = Callable[[int, PreprocessResponse], List[npt.NDArray[np.float32]]]
74
70
 
75
71
  MetadataSectionCallableInterface = Union[
76
72
  Callable[[Union[int, str], PreprocessResponse], int],
@@ -192,10 +188,6 @@ class InputHandler(DatasetBaseHandler):
192
188
  shape: Optional[List[int]] = None
193
189
  channel_dim: Optional[int] = -1
194
190
 
195
- @dataclass
196
- class ElementInstanceMasksHandler:
197
- name: str
198
- function: InstanceCallableInterface
199
191
 
200
192
  @dataclass
201
193
  class GroundTruthHandler(DatasetBaseHandler):
@@ -231,7 +223,6 @@ class DatasetIntegrationSetup:
231
223
  unlabeled_data_preprocess: Optional[UnlabeledDataPreprocessHandler] = None
232
224
  visualizers: List[VisualizerHandler] = field(default_factory=list)
233
225
  inputs: List[InputHandler] = field(default_factory=list)
234
- instance_masks: List[ElementInstanceMasksHandler] = field(default_factory=list)
235
226
  ground_truths: List[GroundTruthHandler] = field(default_factory=list)
236
227
  metadata: List[MetadataHandler] = field(default_factory=list)
237
228
  prediction_types: List[PredictionTypeHandler] = field(default_factory=list)
@@ -248,5 +239,3 @@ class DatasetSample:
248
239
  metadata_is_none: Dict[str, bool]
249
240
  index: Union[int, str]
250
241
  state: DataStateEnum
251
- instance_masks: Optional[Dict[str, List[npt.NDArray[np.float32]]]] = None
252
-
@@ -128,12 +128,14 @@ class LeapGraph:
128
128
  x_label: Optional[str] = None
129
129
  y_label: Optional[str] = None
130
130
  x_range: Optional[Tuple[float,float]] = None
131
+ legend: Optional[List[str]] = None
131
132
 
132
133
  def __post_init__(self) -> None:
133
134
  validate_type(self.type, LeapDataType.Graph)
134
135
  validate_type(type(self.data), np.ndarray)
135
136
  validate_type(self.data.dtype, np.float32)
136
137
  validate_type(len(self.data.shape), 2, 'Graph must be of shape 2')
138
+ validate_type(len(self.data.shape[1]), len(self.legend), 'Number of labels supplied should equal the number of graphs')
137
139
  validate_type(type(self.x_label), [str, type(None)], 'x_label must be a string or None')
138
140
  validate_type(type(self.y_label), [str, type(None)], 'y_label must be a string or None')
139
141
  validate_type(type(self.x_range), [tuple, type(None)], 'x_range must be a tuple or None')
@@ -10,15 +10,14 @@ 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, \
14
- ElementInstanceMasksHandler, InstanceCallableInterface
13
+ RawInputsForHeatmap, VisualizerHandlerData, MetricHandlerData, CustomLossHandlerData, SamplePreprocessResponse
15
14
  from code_loader.contract.enums import LeapDataType, DataStateEnum, DataStateType, MetricDirection, DatasetMetadataType
16
15
  from code_loader.contract.mapping import NodeConnection, NodeMapping, NodeMappingType
17
16
  from code_loader.contract.responsedataclasses import DatasetTestResultPayload
18
17
  from code_loader.contract.visualizer_classes import map_leap_data_type_to_visualizer_class
19
18
  from code_loader.default_losses import loss_name_to_function
20
19
  from code_loader.default_metrics import metrics_names_to_functions_and_direction
21
- from code_loader.utils import to_numpy_return_wrapper, get_shape, to_numpy_return_masks_wrapper
20
+ from code_loader.utils import to_numpy_return_wrapper, get_shape
22
21
  from code_loader.visualizers.default_visualizers import DefaultVisualizer, \
23
22
  default_graph_visualizer, \
24
23
  default_image_visualizer, default_horizontal_bar_visualizer, default_word_visualizer, \
@@ -235,31 +234,6 @@ class LeapBinder:
235
234
 
236
235
  self._encoder_names.append(name)
237
236
 
238
-
239
- def set_instance_masks(self, function: InstanceCallableInterface, name: str) -> None:
240
- """
241
- Set the input handler function.
242
-
243
- Args:
244
- function (SectionCallableInterface): The input handler function.
245
- name (str): The name of the input section.
246
- channel_dim (int): The dimension of the channels axis
247
-
248
- Example:
249
- def input_encoder(subset: PreprocessResponse, index: int) -> np.ndarray:
250
- # Return the processed input data for the given index and given subset response
251
- img_path = subset.`data["images"][idx]
252
- img = read_img(img_path)
253
- img = normalize(img)
254
- return img
255
-
256
- leap_binder.set_input(input_encoder, name='input_encoder', channel_dim=-1)
257
- """
258
- function = to_numpy_return_masks_wrapper(function)
259
- self.setup_container.instance_masks.append(ElementInstanceMasksHandler(name, function))
260
-
261
- self._encoder_names.append(name)
262
-
263
237
  def add_custom_loss(self, function: CustomCallableInterface, name: str) -> None:
264
238
  """
265
239
  Add a custom loss function to the setup.
@@ -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, InstanceCallableInterface
11
+ ConfusionMatrixElement, SamplePreprocessResponse
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
@@ -270,57 +270,6 @@ def tensorleap_preprocess():
270
270
 
271
271
  return decorating_function
272
272
 
273
- def tensorleap_element_instance_preprocess(instance_mask_encoder: Callable[[int, PreprocessResponse], List[PreprocessResponse]]):
274
- def decorating_function(user_function: Callable[[], List[PreprocessResponse]]):
275
- def user_function_instance() -> List[PreprocessResponse]:
276
- result = user_function()
277
- for preprocess_response in result:
278
- sample_ids_to_instance_mappings = {}
279
- instance_to_sample_ids_mappings = {}
280
- all_sample_ids = preprocess_response.sample_ids.copy()
281
- for sample_id in preprocess_response.sample_ids:
282
- data_length = len(all_sample_ids)
283
- instances_masks = instance_mask_encoder(sample_id, preprocess_response)
284
- instances_ids = list(range(data_length, data_length + len(instances_masks)))
285
- sample_ids_to_instance_mappings[sample_id] = instances_ids
286
- instance_to_sample_ids_mappings[sample_id] = sample_id
287
- for instance_id in instances_ids:
288
- instance_to_sample_ids_mappings[instance_id] = sample_id
289
- all_sample_ids.extend(instances_ids)
290
- preprocess_response.sample_ids_to_instance_mappings = sample_ids_to_instance_mappings
291
- preprocess_response.instance_to_sample_ids_mappings = instance_to_sample_ids_mappings
292
- preprocess_response.sample_ids = all_sample_ids
293
- return result
294
-
295
- leap_binder.set_preprocess(user_function_instance)
296
-
297
- def _validate_input_args(*args, **kwargs):
298
- assert len(args) == 0 and len(kwargs) == 0, \
299
- (f'tensorleap_preprocess validation failed: '
300
- f'The function should not take any arguments. Got {args} and {kwargs}.')
301
-
302
- def _validate_result(result):
303
- assert isinstance(result, list), \
304
- (f'tensorleap_preprocess validation failed: '
305
- f'The return type should be a list. Got {type(result)}.')
306
- for i, response in enumerate(result):
307
- assert isinstance(response, PreprocessResponse), \
308
- (f'tensorleap_preprocess validation failed: '
309
- f'Element #{i} in the return list should be a PreprocessResponse. Got {type(response)}.')
310
- assert len(set(result)) == len(result), \
311
- (f'tensorleap_preprocess validation failed: '
312
- f'The return list should not contain duplicate PreprocessResponse objects.')
313
-
314
- def inner(*args, **kwargs):
315
- _validate_input_args(*args, **kwargs)
316
- result = user_function_instance()
317
- _validate_result(result)
318
- return result
319
-
320
- return inner
321
-
322
- return decorating_function
323
-
324
273
 
325
274
  def tensorleap_unlabeled_preprocess():
326
275
  def decorating_function(user_function: Callable[[], PreprocessResponse]):
@@ -347,38 +296,6 @@ def tensorleap_unlabeled_preprocess():
347
296
  return decorating_function
348
297
 
349
298
 
350
- def tensorleap_instances_masks_encoder(name: str):
351
- def decorating_function(user_function: InstanceCallableInterface):
352
- leap_binder.set_instance_masks(user_function, name)
353
-
354
- def _validate_input_args(sample_id: Union[int, str], preprocess_response: PreprocessResponse):
355
- assert isinstance(sample_id, (int, str)), \
356
- (f'tensorleap_input_encoder validation failed: '
357
- f'Argument sample_id should be either int or str. Got {type(sample_id)}.')
358
- assert isinstance(preprocess_response, PreprocessResponse), \
359
- (f'tensorleap_input_encoder validation failed: '
360
- f'Argument preprocess_response should be a PreprocessResponse. Got {type(preprocess_response)}.')
361
- assert type(sample_id) == preprocess_response.sample_id_type, \
362
- (f'tensorleap_input_encoder validation failed: '
363
- f'Argument sample_id should be as the same type as defined in the preprocess response '
364
- f'{preprocess_response.sample_id_type}. Got {type(sample_id)}.')
365
-
366
- def _validate_result(result):
367
- assert isinstance(result, list), \
368
- (f'tensorleap_input_encoder validation failed: '
369
- f'Unsupported return type. Should be a numpy array. Got {type(result)}.')
370
-
371
- def inner(sample_id, preprocess_response):
372
- _validate_input_args(sample_id, preprocess_response)
373
- result = user_function(sample_id, preprocess_response)
374
- _validate_result(result)
375
- return result
376
-
377
- return inner
378
-
379
- return decorating_function
380
-
381
-
382
299
  def tensorleap_input_encoder(name: str, channel_dim=-1, model_input_index=None):
383
300
  def decorating_function(user_function: SectionCallableInterface):
384
301
  for input_handler in leap_binder.setup_container.inputs:
code_loader/leaploader.py CHANGED
@@ -150,22 +150,6 @@ class LeapLoader(LeapLoaderBase):
150
150
  state=state)
151
151
  return sample
152
152
 
153
- def get_sample_with_masks(self, state: DataStateEnum, sample_id: Union[int, str]) -> DatasetSample:
154
- self.exec_script()
155
- preprocess_result = self._preprocess_result()
156
- if state == DataStateEnum.unlabeled and sample_id not in preprocess_result[state].sample_ids:
157
- self._preprocess_result(update_unlabeled_preprocess=True)
158
-
159
- metadata, metadata_is_none = self._get_metadata(state, sample_id)
160
- sample = DatasetSample(inputs=self._get_inputs(state, sample_id),
161
- gt=None if state == DataStateEnum.unlabeled else self._get_gt(state, sample_id),
162
- metadata=metadata,
163
- metadata_is_none=metadata_is_none,
164
- index=sample_id,
165
- state=state,
166
- instance_masks=self._get_masks(state, sample_id))
167
- return sample
168
-
169
153
  def check_dataset(self) -> DatasetIntegParseResult:
170
154
  test_payloads: List[DatasetTestResultPayload] = []
171
155
  setup_response = None
@@ -453,16 +437,6 @@ class LeapLoader(LeapLoaderBase):
453
437
  def _get_inputs(self, state: DataStateEnum, sample_id: Union[int, str]) -> Dict[str, npt.NDArray[np.float32]]:
454
438
  return self._get_dataset_handlers(global_leap_binder.setup_container.inputs, state, sample_id)
455
439
 
456
- def _get_masks(self, state: DataStateEnum, sample_id: Union[int, str]) -> Dict[str, List[npt.NDArray[np.float32]]]:
457
- preprocess_result = self._preprocess_result()
458
- preprocess_state = preprocess_result[state]
459
- result_agg = {}
460
- for handler in global_leap_binder.setup_container.instance_masks:
461
- handler_result = handler.function(sample_id, preprocess_state)
462
- handler_name = handler.name
463
- result_agg[handler_name] = handler_result
464
- return result_agg
465
-
466
440
  def _get_gt(self, state: DataStateEnum, sample_id: Union[int, str]) -> Dict[str, npt.NDArray[np.float32]]:
467
441
  return self._get_dataset_handlers(global_leap_binder.setup_container.ground_truths, state, sample_id)
468
442
 
@@ -531,18 +505,3 @@ class LeapLoader(LeapLoaderBase):
531
505
  raise Exception("Different id types in preprocess results")
532
506
 
533
507
  return id_type
534
-
535
- def get_instances_data(self, state: DataStateEnum) -> Tuple[Dict[Union[int, str], List[Union[int, str]]], Dict[Union[int, str], Union[int, str]], List[Union[int, str]]]:
536
- """
537
- This Method get the data state and returns two dictionaries that holds the mapping of the sample ids to their
538
- instances and the other way around and the sample ids array.
539
- Args:
540
- state: DataStateEnum state
541
- Returns:
542
- sample_ids_to_instance_mappings: sample id to instance mappings
543
- instance_to_sample_ids_mappings: instance to sample ids mappings
544
- sample_ids: sample ids array
545
- """
546
- preprocess_result = self._preprocess_result()
547
- preprocess_state = preprocess_result[state]
548
- return preprocess_state.sample_ids_to_instance_mappings, preprocess_state.instance_to_sample_ids_mappings, preprocess_state.sample_ids
@@ -2,7 +2,7 @@
2
2
 
3
3
  from abc import abstractmethod
4
4
 
5
- from typing import Dict, List, Union, Type, Optional, Tuple
5
+ from typing import Dict, List, Union, Type, Optional
6
6
 
7
7
  import numpy as np
8
8
  import numpy.typing as npt
@@ -64,14 +64,6 @@ 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[Union[int, str], List[Union[int, str]]], Dict[Union[int, str], Union[int, str]], List[Union[int, str]]]:
73
- pass
74
-
75
67
  @abstractmethod
76
68
  def check_dataset(self) -> DatasetIntegParseResult:
77
69
  pass
code_loader/utils.py CHANGED
@@ -1,13 +1,12 @@
1
1
  import sys
2
2
  from pathlib import Path
3
3
  from types import TracebackType
4
- from typing import List, Union, Tuple, Any, Callable
4
+ from typing import List, Union, Tuple, Any
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, \
10
- InstanceCallableInterface
9
+ from code_loader.contract.datasetclasses import SectionCallableInterface, PreprocessResponse
11
10
 
12
11
 
13
12
  def to_numpy_return_wrapper(encoder_function: SectionCallableInterface) -> SectionCallableInterface:
@@ -18,14 +17,6 @@ def to_numpy_return_wrapper(encoder_function: SectionCallableInterface) -> Secti
18
17
 
19
18
  return numpy_encoder_function
20
19
 
21
- def to_numpy_return_masks_wrapper(encoder_function: InstanceCallableInterface) -> Callable[
22
- [Union[int, str], PreprocessResponse], List[npt.NDArray[np.float32]]]:
23
- def numpy_encoder_function(idx: Union[int, str], samples: PreprocessResponse) -> List[npt.NDArray[np.float32]]:
24
- result = encoder_function(idx, samples)
25
- numpy_result: List[npt.NDArray[np.float32]] = [np.array(res) for res in result]
26
- return numpy_result
27
- return numpy_encoder_function
28
-
29
20
 
30
21
  def get_root_traceback(exc_tb: TracebackType) -> TracebackType:
31
22
  return_traceback = exc_tb
@@ -1,8 +1,7 @@
1
- Metadata-Version: 2.1
1
+ Metadata-Version: 2.3
2
2
  Name: code-loader
3
- Version: 1.0.91.dev10
3
+ Version: 1.0.92.dev1
4
4
  Summary:
5
- Home-page: https://github.com/tensorleap/code-loader
6
5
  License: MIT
7
6
  Author: dorhar
8
7
  Author-email: doron.harnoy@tensorleap.ai
@@ -17,6 +16,7 @@ Requires-Dist: numpy (>=1.22.3,<2.0.0)
17
16
  Requires-Dist: psutil (>=5.9.5,<6.0.0)
18
17
  Requires-Dist: pyyaml (>=6.0.2,<7.0.0)
19
18
  Requires-Dist: requests (>=2.32.3,<3.0.0)
19
+ Project-URL: Homepage, https://github.com/tensorleap/code-loader
20
20
  Project-URL: Repository, https://github.com/tensorleap/code-loader
21
21
  Description-Content-Type: text/markdown
22
22
 
@@ -1,12 +1,11 @@
1
- LICENSE,sha256=qIwWjdspQeSMTtnFZBC8MuT-95L02FPvzRUdWFxrwJY,1067
2
1
  code_loader/__init__.py,sha256=6MMWr0ObOU7hkqQKgOqp4Zp3I28L7joGC9iCbQYtAJg,241
3
2
  code_loader/contract/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
4
- code_loader/contract/datasetclasses.py,sha256=-2qnoZVJShsbFV1RMqESHRc7Qrga4OoGRfVMJHhs2Zk,8591
3
+ code_loader/contract/datasetclasses.py,sha256=ZN6XC-tg0qaT-GF4YiV2SsM2dUQW4fc1akLF-J4YT0w,7964
5
4
  code_loader/contract/enums.py,sha256=GEFkvUMXnCNt-GOoz7NJ9ecQZ2PPDettJNOsxsiM0wk,1622
6
5
  code_loader/contract/exceptions.py,sha256=jWqu5i7t-0IG0jGRsKF4DjJdrsdpJjIYpUkN1F4RiyQ,51
7
6
  code_loader/contract/mapping.py,sha256=e11h_sprwOyE32PcqgRq9JvyahQrPzwqgkhmbQLKLQY,1165
8
7
  code_loader/contract/responsedataclasses.py,sha256=6-5DJkYBdXb3UB1eNidTTPPBIYxMjEoMdYDkp9VhH8o,4223
9
- code_loader/contract/visualizer_classes.py,sha256=_nlukRfW8QeQaQG7G5HfAUSeCuoqslB4xJS2AGI_Nz8,15156
8
+ code_loader/contract/visualizer_classes.py,sha256=f8MpR2Wv8u7ht16nOJk9U9_yx1ZN64XXwKQietgciXE,15323
10
9
  code_loader/default_losses.py,sha256=NoOQym1106bDN5dcIk56Elr7ZG5quUHArqfP5-Nyxyo,1139
11
10
  code_loader/default_metrics.py,sha256=v16Mrt2Ze1tXPgfKywGVdRSrkaK4CKLNQztN1UdVqIY,5010
12
11
  code_loader/experiment_api/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
@@ -20,14 +19,14 @@ code_loader/experiment_api/types.py,sha256=MY8xFARHwdVA7p4dxyhD60ShmttgTvb4qdp1o
20
19
  code_loader/experiment_api/utils.py,sha256=XZHtxge12TS4H4-8PjV3sKuhp8Ud6ojAiIzTZJEqBqc,3304
21
20
  code_loader/experiment_api/workingspace_config_utils.py,sha256=DLzXQCg4dgTV_YgaSbeTVzq-2ja_SQw4zi7LXwKL9cY,990
22
21
  code_loader/inner_leap_binder/__init__.py,sha256=koOlJyMNYzGbEsoIbXathSmQ-L38N_pEXH_HvL7beXU,99
23
- code_loader/inner_leap_binder/leapbinder.py,sha256=ETTvjFHq6VX1zgKqyyVP3nJLGyUBrfO1uGF89B7sTYo,32807
24
- code_loader/inner_leap_binder/leapbinder_decorators.py,sha256=3T9sq9UmrRgfHuTJqJii0uyG6xd060cPKJ98TFFQcrc,28806
25
- code_loader/leaploader.py,sha256=30Bm9jIrTQPLnHIeL7XhNt1CkuyIWWqlInCWy9IKh38,28831
26
- code_loader/leaploaderbase.py,sha256=tpMVEd97675b_var4hvesjN7EgQzoCbPEayNBut6AvI,4551
27
- code_loader/utils.py,sha256=lISPFgQETSXc-P9jsIDq8YhXiaT58sHX0bXMJ4Aavqg,2722
22
+ code_loader/inner_leap_binder/leapbinder.py,sha256=mRg5ofWNbUkRsIafaz7i7NKi-1USgeAuNTIBxASSMcw,31713
23
+ code_loader/inner_leap_binder/leapbinder_decorators.py,sha256=y5TuhJe-J3xEE0Oj7bxIfhyN1lXiLJgfgy3ZiAs-yic,24364
24
+ code_loader/leaploader.py,sha256=GGHZzovqGsM6oY14pwyL35LeOmdRfjVuhhY2ZqlYKaM,26481
25
+ code_loader/leaploaderbase.py,sha256=VH0vddRmkqLtcDlYPCO7hfz1_VbKo43lUdHDAbd4iJc,4198
26
+ code_loader/utils.py,sha256=aw2i_fqW_ADjLB66FWZd9DfpCQ7mPdMyauROC5Nd51I,2197
28
27
  code_loader/visualizers/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
29
28
  code_loader/visualizers/default_visualizers.py,sha256=669lBpLISLO6my5Qcgn1FLDDeZgHumPf252m4KHY4YM,2555
30
- code_loader-1.0.91.dev10.dist-info/LICENSE,sha256=qIwWjdspQeSMTtnFZBC8MuT-95L02FPvzRUdWFxrwJY,1067
31
- code_loader-1.0.91.dev10.dist-info/METADATA,sha256=eExap-3F9NM7hklwwESfU-pUuz_TukNT1inTiGTVJMM,855
32
- code_loader-1.0.91.dev10.dist-info/WHEEL,sha256=sP946D7jFCHeNz5Iq4fL4Lu-PrWrFsgfLXbbkciIZwg,88
33
- code_loader-1.0.91.dev10.dist-info/RECORD,,
29
+ code_loader-1.0.92.dev1.dist-info/LICENSE,sha256=qIwWjdspQeSMTtnFZBC8MuT-95L02FPvzRUdWFxrwJY,1067
30
+ code_loader-1.0.92.dev1.dist-info/METADATA,sha256=3wqJtuBXN4R0b7dbl4-qC-NU77HjzcAW8ZuhyWLjavc,866
31
+ code_loader-1.0.92.dev1.dist-info/WHEEL,sha256=b4K_helf-jlQoXBBETfwnf4B04YC67LOev0jo4fX5m8,88
32
+ code_loader-1.0.92.dev1.dist-info/RECORD,,
@@ -1,4 +1,4 @@
1
1
  Wheel-Version: 1.0
2
- Generator: poetry-core 1.9.0
2
+ Generator: poetry-core 2.1.3
3
3
  Root-Is-Purelib: true
4
4
  Tag: py3-none-any
@@ -1,21 +0,0 @@
1
- MIT License
2
-
3
- Copyright (c) 2021 TensorLeap
4
-
5
- Permission is hereby granted, free of charge, to any person obtaining a copy
6
- of this software and associated documentation files (the "Software"), to deal
7
- in the Software without restriction, including without limitation the rights
8
- to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
9
- copies of the Software, and to permit persons to whom the Software is
10
- furnished to do so, subject to the following conditions:
11
-
12
- The above copyright notice and this permission notice shall be included in all
13
- copies or substantial portions of the Software.
14
-
15
- THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
16
- IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
17
- FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
18
- AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
19
- LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
20
- OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
21
- SOFTWARE.
File without changes