oodeel 0.2.0__py3-none-any.whl → 0.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 oodeel might be problematic. Click here for more details.
- oodeel/__init__.py +1 -1
- oodeel/datasets/__init__.py +2 -1
- oodeel/datasets/data_handler.py +162 -94
- oodeel/datasets/deprecated/DEPRECATED_data_handler.py +236 -0
- oodeel/datasets/{ooddataset.py → deprecated/DEPRECATED_ooddataset.py} +14 -13
- oodeel/datasets/deprecated/DEPRECATED_tf_data_handler.py +671 -0
- oodeel/datasets/deprecated/DEPRECATED_torch_data_handler.py +769 -0
- oodeel/datasets/deprecated/__init__.py +31 -0
- oodeel/datasets/tf_data_handler.py +105 -167
- oodeel/datasets/torch_data_handler.py +109 -181
- oodeel/eval/metrics.py +7 -2
- oodeel/extractor/feature_extractor.py +11 -0
- oodeel/extractor/keras_feature_extractor.py +51 -1
- oodeel/extractor/torch_feature_extractor.py +103 -21
- oodeel/methods/__init__.py +16 -1
- oodeel/methods/base.py +72 -15
- oodeel/methods/dknn.py +20 -7
- oodeel/methods/energy.py +8 -0
- oodeel/methods/entropy.py +8 -0
- oodeel/methods/gen.py +118 -0
- oodeel/methods/gram.py +15 -4
- oodeel/methods/mahalanobis.py +9 -7
- oodeel/methods/mls.py +8 -0
- oodeel/methods/odin.py +8 -0
- oodeel/methods/rmds.py +122 -0
- oodeel/methods/she.py +197 -0
- oodeel/methods/vim.py +1 -1
- oodeel/preprocess/__init__.py +31 -0
- oodeel/preprocess/tf_preprocess.py +95 -0
- oodeel/preprocess/torch_preprocess.py +97 -0
- oodeel/utils/operator.py +17 -0
- oodeel/utils/tf_operator.py +15 -0
- oodeel/utils/tf_training_tools.py +2 -2
- oodeel/utils/torch_operator.py +19 -0
- {oodeel-0.2.0.dist-info → oodeel-0.3.0.dist-info}/METADATA +139 -105
- oodeel-0.3.0.dist-info/RECORD +57 -0
- {oodeel-0.2.0.dist-info → oodeel-0.3.0.dist-info}/WHEEL +1 -1
- tests/tests_tensorflow/tf_methods_utils.py +2 -1
- tests/tests_torch/torch_methods_utils.py +34 -27
- oodeel-0.2.0.dist-info/RECORD +0 -47
- {oodeel-0.2.0.dist-info → oodeel-0.3.0.dist-info/licenses}/LICENSE +0 -0
- {oodeel-0.2.0.dist-info → oodeel-0.3.0.dist-info}/top_level.txt +0 -0
|
@@ -0,0 +1,57 @@
|
|
|
1
|
+
oodeel/__init__.py,sha256=-3tTNyrjeIvLCDPR0kCXup2TQX0KHn7R0emJDOKUYxI,1343
|
|
2
|
+
oodeel/datasets/__init__.py,sha256=COhGN25e3TsYtIz5rJgc0aNr_k3JjGXE3cCYd5RajTQ,1398
|
|
3
|
+
oodeel/datasets/data_handler.py,sha256=mWg1_Jv19rpz7p8o2DOE859J8evTRrWTiW5U_prw1sQ,10532
|
|
4
|
+
oodeel/datasets/tf_data_handler.py,sha256=H3BN_N9fzT19vtJtjhe0XJG4aA-7BauGrEY4OASxc90,23102
|
|
5
|
+
oodeel/datasets/torch_data_handler.py,sha256=jzQ1DvHC3xM0DOLHWGtV5OX-C63eqhabDyVDKmg11cc,24792
|
|
6
|
+
oodeel/datasets/deprecated/DEPRECATED_data_handler.py,sha256=fGK3_YSbNdHuljBtrjt7xbi6ESfNpnQV_pUSn9Uot2k,7910
|
|
7
|
+
oodeel/datasets/deprecated/DEPRECATED_ooddataset.py,sha256=Ad2otHV_vClK7ZY2D3-gW4QO_B3ir6DzJM1kYeNCJpw,13294
|
|
8
|
+
oodeel/datasets/deprecated/DEPRECATED_tf_data_handler.py,sha256=heK9c1g829LZof8CkAmmxpTvE0EpoLZOLXuYKMrL8b4,24811
|
|
9
|
+
oodeel/datasets/deprecated/DEPRECATED_torch_data_handler.py,sha256=eWCOlSPbblS8KZZAlu-M10QgY2Hv7mOq1uawLcGs0FE,26986
|
|
10
|
+
oodeel/datasets/deprecated/__init__.py,sha256=VYVsYZ-_TgGyd5ls5rudytQGPocm9I7N5_M9rHcV91w,1506
|
|
11
|
+
oodeel/eval/__init__.py,sha256=lQIUQjczeiRtfIqH2uLNJGubKUN6vPM93mTfY1Qz3bc,1297
|
|
12
|
+
oodeel/eval/metrics.py,sha256=9fg7fVTT10_XIKrcsan6HQOlhUdFJhZ3f5VAprTKsjM,8839
|
|
13
|
+
oodeel/eval/plots/__init__.py,sha256=YmcFh8RUGvljc-vCew6EiIFMDn0YA_UOfDj4eAv5_Yk,1487
|
|
14
|
+
oodeel/eval/plots/features.py,sha256=fP4soXDg3BAtkBySvfUIH3Z_E3ofuU3QenH6SHRnzlM,11821
|
|
15
|
+
oodeel/eval/plots/metrics.py,sha256=3QvLqEB1pAggNHeQJzUpLqL_Ro0MOJ_bPrLcLmf_qpk,4189
|
|
16
|
+
oodeel/eval/plots/plotly.py,sha256=XHPFuXARrRIGVrRB7d0Od36iCn3JBP387tDrwRvPhU0,6040
|
|
17
|
+
oodeel/extractor/__init__.py,sha256=Ew8gLh-xanZsWJe_gKvTa_7HciZ5yTZ-cADKuj7-PCg,1538
|
|
18
|
+
oodeel/extractor/feature_extractor.py,sha256=WFNOrZjmCPt2mPr3G4ctcSqiSuvFjMZkozrwazv1zwg,6789
|
|
19
|
+
oodeel/extractor/keras_feature_extractor.py,sha256=bjJfh_wgt2Y0NOGBesZ8uBjtcyiXtHYJzsWCS_tsIFg,12412
|
|
20
|
+
oodeel/extractor/torch_feature_extractor.py,sha256=D_c_AV29Ciu-d_bWXk1ABad66qdX8wdddxrCgLQ-5G4,15779
|
|
21
|
+
oodeel/methods/__init__.py,sha256=BkpwY0-N6SAvJ8iUxe1g0J8On-tbmLCCYTJIFI3M7i0,1721
|
|
22
|
+
oodeel/methods/base.py,sha256=zeizvn6pMvdaP4FnI5TcvgrCdFARmxrwCfyU3D9LS1U,14831
|
|
23
|
+
oodeel/methods/dknn.py,sha256=6eyoHAKzb3s3pkukr6r5v9_UyK8_Rj269iHQxv1PoFI,4982
|
|
24
|
+
oodeel/methods/energy.py,sha256=u3TSoGDll1myCiA0FkuYZZNmGEXTTFPRSpT7-J8Q6Ec,4505
|
|
25
|
+
oodeel/methods/entropy.py,sha256=dcG7oC6velSN1sky9DJAD9eD32EEPqgM4R45_iU-R18,4172
|
|
26
|
+
oodeel/methods/gen.py,sha256=JafCnih09929I2KgOVaDfn8T1O4mbKdZgz3lByKvOJQ,4505
|
|
27
|
+
oodeel/methods/gram.py,sha256=35yH3BYl5CgsC2fzw4GLY21MWfyLNvY0mp3tAfmJkJ4,12220
|
|
28
|
+
oodeel/methods/mahalanobis.py,sha256=C6t2Gj7Ckp5KIhGFiOpk9uWY1RWIkM6h_qfLQkVGETc,7393
|
|
29
|
+
oodeel/methods/mls.py,sha256=FxN1XYlTkOR2uZs07krsD8qCAfJr9UIpdKH6FYEn37Q,4399
|
|
30
|
+
oodeel/methods/odin.py,sha256=Ty1YItWIsvplad72JmGuNZ_MDIBxg9iJVbjAcn33K3U,5548
|
|
31
|
+
oodeel/methods/rmds.py,sha256=ji6r8_AGhIc_75-u174Mj6a8YpHC6EHDm4mFBSOsiFM,4970
|
|
32
|
+
oodeel/methods/she.py,sha256=qJftwTM1UD_dtBvGH66RtejWqpkxR69ttpBy5KbNvHQ,7254
|
|
33
|
+
oodeel/methods/vim.py,sha256=PMy04hMZ08THlbi66ZWg15JL9NNGBG6vndz40sez5Ps,9475
|
|
34
|
+
oodeel/preprocess/__init__.py,sha256=65M9hKYHYzZ6lACA6xo7ODKofaAoqfFZ4aC5ZSJeN2I,1484
|
|
35
|
+
oodeel/preprocess/tf_preprocess.py,sha256=TRaEA7KrVjWFB81vlnNk9hN-G0tGhDa97VvrBEaP9vM,4048
|
|
36
|
+
oodeel/preprocess/torch_preprocess.py,sha256=BTjOyEHPfqx_CSv6Lw3zBi2wKEjAIdPN1DuBptcebA0,3976
|
|
37
|
+
oodeel/types/__init__.py,sha256=9TTXjSBfbaDIVMRnclInHI-CBr4L6VZTi61rCJKcTw8,2484
|
|
38
|
+
oodeel/utils/__init__.py,sha256=Lue9BysqeJf5Ej0szafgC9na8IZZR7hWGInJxoEiHUg,1696
|
|
39
|
+
oodeel/utils/general_utils.py,sha256=xc6e7q19ALgMxdCgS7TIyDiMUIGF4ih-aTK1kSlqWoQ,3292
|
|
40
|
+
oodeel/utils/operator.py,sha256=ETAFJ_oYhiD1Rawjooueq5KDl4SNzJR5fQDUU05uMz8,8262
|
|
41
|
+
oodeel/utils/tf_operator.py,sha256=gHJZlD6SKOBxDtwv0oy6u93oXYiS5gylKv5lbVWlzx4,9385
|
|
42
|
+
oodeel/utils/tf_training_tools.py,sha256=31cPCpXKmO7lMRrefmY93m6cSn0DRaHxVFeYgUiE6kI,8090
|
|
43
|
+
oodeel/utils/torch_operator.py,sha256=lO_Onb4km6UNyqYjRkFPi3OcoT2MUwE1ktzP_JMDmFY,10199
|
|
44
|
+
oodeel/utils/torch_training_tools.py,sha256=ggL_iDwyquTw9CtQAg--IODVdS1BFsBw4U5IOVlAsK8,11192
|
|
45
|
+
oodeel-0.3.0.dist-info/licenses/LICENSE,sha256=XrlZ0uYNVeUAF-iEVX21J3CTJjYPgIZUagYSy3Hf0jk,1265
|
|
46
|
+
tests/__init__.py,sha256=lQIUQjczeiRtfIqH2uLNJGubKUN6vPM93mTfY1Qz3bc,1297
|
|
47
|
+
tests/tools_operator.py,sha256=YTU_FppXZPUyi3nldQsDkCMQ3Bvz1Hn_V7L45EEwftc,5328
|
|
48
|
+
tests/tests_tensorflow/__init__.py,sha256=VuiDSdOBB2jUeobzAW-XTtHJQrcyZpp8i2DyFu0A2RI,1710
|
|
49
|
+
tests/tests_tensorflow/tf_methods_utils.py,sha256=wHjsvKJj1EhcmAQhDgSWfRbVZR_jJwknT8vyez0YByw,5277
|
|
50
|
+
tests/tests_tensorflow/tools_tf.py,sha256=Z_MEzhwCOF7E7uT-tnfRS3Po9hg0MFzbESP7sMAFBkY,3499
|
|
51
|
+
tests/tests_torch/__init__.py,sha256=3mVxix2Ecn2wUo9DxvzyJBmyOAkv4fVWHHp6uLQHoic,1738
|
|
52
|
+
tests/tests_torch/tools_torch.py,sha256=lS5_kctnyiB6eP-NTfVUsbj5Mn-AiRO0Jo75p8djmwg,4975
|
|
53
|
+
tests/tests_torch/torch_methods_utils.py,sha256=PAxBs2smjsDtQjgwrwdbDzvVrboczc0pQOKtNfl82J4,5432
|
|
54
|
+
oodeel-0.3.0.dist-info/METADATA,sha256=YNvMUC4osqrw2FWlqqNMJiapvjBGFwxp834EOkNIYtg,20299
|
|
55
|
+
oodeel-0.3.0.dist-info/WHEEL,sha256=CmyFI0kx5cdEMTLiONQRbGQwjIoR1aIYB7eCAQ4KPJ0,91
|
|
56
|
+
oodeel-0.3.0.dist-info/top_level.txt,sha256=zkYRty1FGJ1dkpk-5MU_4uFfBFmcxXoqSwej73xELDs,13
|
|
57
|
+
oodeel-0.3.0.dist-info/RECORD,,
|
|
@@ -66,7 +66,8 @@ def load_blobs_data(batch_size=128, num_samples=10000, train_ratio=0.8):
|
|
|
66
66
|
def load_blob_mlp():
|
|
67
67
|
model_path_blobs = tf.keras.utils.get_file(
|
|
68
68
|
"blobs_mlp.h5",
|
|
69
|
-
origin="https://
|
|
69
|
+
origin="https://github.com/deel-ai/oodeel/blob/assets/test_models/"
|
|
70
|
+
+ "blobs_mlp.h5?raw=True",
|
|
70
71
|
cache_dir=model_path,
|
|
71
72
|
cache_subdir="",
|
|
72
73
|
)
|
|
@@ -23,12 +23,11 @@
|
|
|
23
23
|
import os
|
|
24
24
|
|
|
25
25
|
import numpy as np
|
|
26
|
-
import requests
|
|
27
26
|
import torch
|
|
28
27
|
from sklearn.datasets import make_blobs
|
|
29
28
|
from sklearn.model_selection import train_test_split
|
|
30
29
|
|
|
31
|
-
from oodeel.datasets import
|
|
30
|
+
from oodeel.datasets import load_data_handler
|
|
32
31
|
from oodeel.eval.metrics import bench_metrics
|
|
33
32
|
|
|
34
33
|
device = torch.device("cuda" if torch.cuda.is_available() else "cpu")
|
|
@@ -53,31 +52,26 @@ def load_blobs_data(batch_size=128, num_samples=10000, train_ratio=0.8):
|
|
|
53
52
|
)
|
|
54
53
|
|
|
55
54
|
# === id / ood split ===
|
|
56
|
-
|
|
57
|
-
|
|
58
|
-
|
|
59
|
-
|
|
55
|
+
handler = load_data_handler("torch")
|
|
56
|
+
blobs_train = handler.load_dataset((X_train, y_train))
|
|
57
|
+
blobs_test = handler.load_dataset((X_test, y_test))
|
|
58
|
+
oods_fit, _ = handler.split_by_class(blobs_train, in_labels, out_labels)
|
|
59
|
+
oods_in, oods_out = handler.split_by_class(blobs_test, in_labels, out_labels)
|
|
60
60
|
|
|
61
61
|
# === prepare data (shuffle, batch) => torch dataloaders ===
|
|
62
|
-
ds_fit =
|
|
63
|
-
ds_in =
|
|
64
|
-
ds_out =
|
|
62
|
+
ds_fit = handler.prepare(oods_fit, batch_size=batch_size, shuffle=True)
|
|
63
|
+
ds_in = handler.prepare(oods_in, batch_size=batch_size)
|
|
64
|
+
ds_out = handler.prepare(oods_out, batch_size=batch_size)
|
|
65
65
|
return ds_fit, ds_in, ds_out
|
|
66
66
|
|
|
67
67
|
|
|
68
68
|
def load_blob_mlp():
|
|
69
|
-
model_path_blob = os.path.join(model_path, "blobs_mlp.pt")
|
|
70
|
-
|
|
71
|
-
# if model not in local, download it
|
|
72
|
-
if not os.path.exists(model_path_blob):
|
|
73
|
-
data = requests.get(
|
|
74
|
-
"https://share.deel.ai/s/xcyk3ET8fzfTp8S/download/blobs_mlp.pt"
|
|
75
|
-
)
|
|
76
|
-
with open(model_path_blob, "wb") as file:
|
|
77
|
-
file.write(data.content)
|
|
78
|
-
|
|
79
69
|
# load model
|
|
80
|
-
model = torch.
|
|
70
|
+
model = torch.hub.load_state_dict_from_url(
|
|
71
|
+
"https://github.com/deel-ai/oodeel/blob/assets/"
|
|
72
|
+
+ "test_models/blobs_mlp.pt?raw=True",
|
|
73
|
+
map_location=device,
|
|
74
|
+
)
|
|
81
75
|
model.eval()
|
|
82
76
|
return model
|
|
83
77
|
|
|
@@ -125,14 +119,27 @@ def eval_detector_on_blobs(
|
|
|
125
119
|
|
|
126
120
|
# react specific test
|
|
127
121
|
# /!\ do it at the end of the test because it may affect the detector's behaviour
|
|
122
|
+
|
|
128
123
|
if check_react_clipping:
|
|
129
124
|
assert detector.react_threshold is not None
|
|
125
|
+
|
|
130
126
|
penult_feat_extractor = detector._load_feature_extractor(
|
|
131
|
-
model=model, feature_layers_id=[-
|
|
132
|
-
)
|
|
133
|
-
penult_features = penult_feat_extractor.predict(ds_fit)[0][0]
|
|
134
|
-
assert torch.max(penult_features) <= detector.react_threshold, (
|
|
135
|
-
f"Maximum value of penultimate features ({torch.max(penult_features)})"
|
|
136
|
-
+ " should be less than or equal to the react threshold value"
|
|
137
|
-
+ f" ({detector.react_threshold})"
|
|
127
|
+
model=model, feature_layers_id=[-1]
|
|
138
128
|
)
|
|
129
|
+
# penult_feat_extractor._prepare_ood_handles()
|
|
130
|
+
|
|
131
|
+
def hook(_, input):
|
|
132
|
+
penult_feat_extractor._features["test"] = input[0]
|
|
133
|
+
|
|
134
|
+
penult_feat_extractor.model[-1].register_forward_pre_hook(hook)
|
|
135
|
+
for x, y in ds_fit:
|
|
136
|
+
_ = penult_feat_extractor.predict_tensor(x)
|
|
137
|
+
assert (
|
|
138
|
+
torch.max(penult_feat_extractor._features["test"])
|
|
139
|
+
<= detector.react_threshold
|
|
140
|
+
), (
|
|
141
|
+
"Maximum value of penultimate features"
|
|
142
|
+
+ f" ({torch.max(penult_feat_extractor._features)})"
|
|
143
|
+
+ " should be less than or equal to the react threshold value"
|
|
144
|
+
+ f" ({detector.react_threshold})"
|
|
145
|
+
)
|
oodeel-0.2.0.dist-info/RECORD
DELETED
|
@@ -1,47 +0,0 @@
|
|
|
1
|
-
oodeel/__init__.py,sha256=l0YOqo4m6cWM79XL7zKA9yVCeKix58qm5I_v4dvzlNE,1343
|
|
2
|
-
oodeel/datasets/__init__.py,sha256=BdpBDtWoGS3fgJCRU6TTCcYodzVGYANv5q4Abqhp1RU,1332
|
|
3
|
-
oodeel/datasets/data_handler.py,sha256=kxWKmUjdKKtOOWIPXbt96Bhg8SxVcFUhBCD2XEHx5Ac,7904
|
|
4
|
-
oodeel/datasets/ooddataset.py,sha256=tq3ZIjLNe3iWhjFkmpI4jomLJJ4-CfmsuHoTFR25gBY,13360
|
|
5
|
-
oodeel/datasets/tf_data_handler.py,sha256=FmqWoV05yIQ0lHNBdDE8pTgSdma4jbdjT3YvQOS9KnY,24794
|
|
6
|
-
oodeel/datasets/torch_data_handler.py,sha256=SMa8RvMYp2-f0AI3m5MKeZVFh9G6CMVJl_MNZmiLK74,26814
|
|
7
|
-
oodeel/eval/__init__.py,sha256=lQIUQjczeiRtfIqH2uLNJGubKUN6vPM93mTfY1Qz3bc,1297
|
|
8
|
-
oodeel/eval/metrics.py,sha256=ywU9Y4E_PYckdxllAzUd17T1NtCKq4SfRPigrw78PHI,8589
|
|
9
|
-
oodeel/eval/plots/__init__.py,sha256=YmcFh8RUGvljc-vCew6EiIFMDn0YA_UOfDj4eAv5_Yk,1487
|
|
10
|
-
oodeel/eval/plots/features.py,sha256=fP4soXDg3BAtkBySvfUIH3Z_E3ofuU3QenH6SHRnzlM,11821
|
|
11
|
-
oodeel/eval/plots/metrics.py,sha256=3QvLqEB1pAggNHeQJzUpLqL_Ro0MOJ_bPrLcLmf_qpk,4189
|
|
12
|
-
oodeel/eval/plots/plotly.py,sha256=XHPFuXARrRIGVrRB7d0Od36iCn3JBP387tDrwRvPhU0,6040
|
|
13
|
-
oodeel/extractor/__init__.py,sha256=Ew8gLh-xanZsWJe_gKvTa_7HciZ5yTZ-cADKuj7-PCg,1538
|
|
14
|
-
oodeel/extractor/feature_extractor.py,sha256=a9qEBzbMpGfWPPHxx74QY5L3BqQAwfbWiGg136rCwRc,6210
|
|
15
|
-
oodeel/extractor/keras_feature_extractor.py,sha256=zqlsfaD2g7d-pneRWCsqPXZIOi9RiD12P5hWegkIKR8,10132
|
|
16
|
-
oodeel/extractor/torch_feature_extractor.py,sha256=MXB5FU6R7K4rwaA_PO5TBfqsoN1DO9Ku1mo-wjqsCmM,12864
|
|
17
|
-
oodeel/methods/__init__.py,sha256=1CXE3t5LUswDHfoPNzlpx5DY-5jbGpj_ZEjNutPzeCk,1587
|
|
18
|
-
oodeel/methods/base.py,sha256=t66Wcan57s7QAYbJDi5ufycATJYhLXqXAuv7fmZ_W0A,12053
|
|
19
|
-
oodeel/methods/dknn.py,sha256=moZTcUu7T_1c5K_jUlKkFGfsXtKvZfejAfVCM54Nsdc,4270
|
|
20
|
-
oodeel/methods/energy.py,sha256=xcSVs0PibzjFT6pftMuKyZlYkmMdqWJA2WQxw60NHHM,4211
|
|
21
|
-
oodeel/methods/entropy.py,sha256=F5w312f6wpvk9DBHi7LDDcndrMOoPY8OuFCO0ddgOU4,3878
|
|
22
|
-
oodeel/methods/gram.py,sha256=5vS-kIGTlpzxnlYJCCf8Q1QbD0wPOE95x64c24SmUYw,11764
|
|
23
|
-
oodeel/methods/mahalanobis.py,sha256=yXcsCF3UyFRbnDwyOuDjCOgPR5wc9HVSGTiFP5c8_fM,7230
|
|
24
|
-
oodeel/methods/mls.py,sha256=BJajmhl3x11Kr-8RwYq59kAn-rveA5ydyoko7ajF_60,4105
|
|
25
|
-
oodeel/methods/odin.py,sha256=E4I2olYH9xvnkgau_2rcPnWL3FFWAh-jxG60-CGxlJA,5254
|
|
26
|
-
oodeel/methods/vim.py,sha256=-GvNIp0qRP3qb8YeVhnlFMDh9l00WZHfNbbgdWNo_1E,9475
|
|
27
|
-
oodeel/types/__init__.py,sha256=9TTXjSBfbaDIVMRnclInHI-CBr4L6VZTi61rCJKcTw8,2484
|
|
28
|
-
oodeel/utils/__init__.py,sha256=Lue9BysqeJf5Ej0szafgC9na8IZZR7hWGInJxoEiHUg,1696
|
|
29
|
-
oodeel/utils/general_utils.py,sha256=xc6e7q19ALgMxdCgS7TIyDiMUIGF4ih-aTK1kSlqWoQ,3292
|
|
30
|
-
oodeel/utils/operator.py,sha256=fd9gtKLwGXZcSb8t0XGtaTwgnwUYYy7Ea-2T5ckXUDM,7750
|
|
31
|
-
oodeel/utils/tf_operator.py,sha256=6wgbTS-HpBq2yH2aW5BxsySDHz9Zo7u0TV4xhqD-3w8,8894
|
|
32
|
-
oodeel/utils/tf_training_tools.py,sha256=NhRi3gGlbwIbA1jfLOb8gF6t1QQFqZC-afhJ4YNDcpw,8076
|
|
33
|
-
oodeel/utils/torch_operator.py,sha256=8VVL3d3Ezuz-XSCt44j2rfyN4yMyRyI6Z6M2cT70Z9c,9639
|
|
34
|
-
oodeel/utils/torch_training_tools.py,sha256=ggL_iDwyquTw9CtQAg--IODVdS1BFsBw4U5IOVlAsK8,11192
|
|
35
|
-
tests/__init__.py,sha256=lQIUQjczeiRtfIqH2uLNJGubKUN6vPM93mTfY1Qz3bc,1297
|
|
36
|
-
tests/tools_operator.py,sha256=YTU_FppXZPUyi3nldQsDkCMQ3Bvz1Hn_V7L45EEwftc,5328
|
|
37
|
-
tests/tests_tensorflow/__init__.py,sha256=VuiDSdOBB2jUeobzAW-XTtHJQrcyZpp8i2DyFu0A2RI,1710
|
|
38
|
-
tests/tests_tensorflow/tf_methods_utils.py,sha256=JJqreJaHvhDaGEgw1w7wUhy8YZqYBgkleNC__lYg2Xs,5246
|
|
39
|
-
tests/tests_tensorflow/tools_tf.py,sha256=Z_MEzhwCOF7E7uT-tnfRS3Po9hg0MFzbESP7sMAFBkY,3499
|
|
40
|
-
tests/tests_torch/__init__.py,sha256=3mVxix2Ecn2wUo9DxvzyJBmyOAkv4fVWHHp6uLQHoic,1738
|
|
41
|
-
tests/tests_torch/tools_torch.py,sha256=lS5_kctnyiB6eP-NTfVUsbj5Mn-AiRO0Jo75p8djmwg,4975
|
|
42
|
-
tests/tests_torch/torch_methods_utils.py,sha256=60dkvArDX3mq9gSato2ghp9BCZeXZ_U64WosCjgdGbE,5234
|
|
43
|
-
oodeel-0.2.0.dist-info/LICENSE,sha256=XrlZ0uYNVeUAF-iEVX21J3CTJjYPgIZUagYSy3Hf0jk,1265
|
|
44
|
-
oodeel-0.2.0.dist-info/METADATA,sha256=hdHgigvg-WFpDi0cC7CcKKYPhr0I7xIHWcfelgpL7h4,17604
|
|
45
|
-
oodeel-0.2.0.dist-info/WHEEL,sha256=yQN5g4mg4AybRjkgi-9yy4iQEFibGQmlz78Pik5Or-A,92
|
|
46
|
-
oodeel-0.2.0.dist-info/top_level.txt,sha256=zkYRty1FGJ1dkpk-5MU_4uFfBFmcxXoqSwej73xELDs,13
|
|
47
|
-
oodeel-0.2.0.dist-info/RECORD,,
|
|
File without changes
|
|
File without changes
|