diff --git a/practice/1_OpenCV/cat_passport.py b/practice/1_OpenCV/cat_passport.py
index ca73b6e..674040d 100644
--- a/practice/1_OpenCV/cat_passport.py
+++ b/practice/1_OpenCV/cat_passport.py
@@ -1,26 +1,38 @@
import argparse
import cv2
+import sys
def make_cat_passport_image(input_image_path, haar_model_path):
# Read image
-
+ img = cv2.imread(input_image_path)
# Convert image to grayscale
-
+ gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)
# Normalize image intensity
-
+ gray = cv2.equalizeHist(gray)
# Resize image
# Detect cat faces using Haar Cascade
+ detector = cv2.CascadeClassifier(haar_model_path)
+ rects = detector.detectMultiScale(img, scaleFactor=1.1, minNeighbors=5,
+ minSize=(75, 75))
# Draw bounding box
+ for (i, (x, y, w, h)) in enumerate(rects):
+ cv2.rectangle(img, (x, y), (x + w, y + h), (0, 0, 255), 2)
+ cv2.putText(img, f"Cat #{i + 1}", (x, y - 10),
+ cv2.FONT_HERSHEY_SIMPLEX, 0.55, (0, 0, 255), 2)
# Display result image
-
+ cv2.imshow("window_name", img)
+ cv2.waitKey(0)
+ cv2.destroyAllWindows()
# Crop image
-
+ x, y, w, h = rects[0]
+ image = img[y:y + h, x:x + w]
# Save result image to file
+ cv2.imwrite('out.jpg', img)
return
diff --git a/practice/1_OpenCV/out.jpg b/practice/1_OpenCV/out.jpg
new file mode 100644
index 0000000..68754c2
Binary files /dev/null and b/practice/1_OpenCV/out.jpg differ
diff --git a/practice/2_Classification/doge_classifier.py b/practice/2_Classification/doge_classifier.py
index ba07e00..ab48a74 100644
--- a/practice/2_Classification/doge_classifier.py
+++ b/practice/2_Classification/doge_classifier.py
@@ -20,16 +20,23 @@ class InferenceEngineClassifier:
def __init__(self, model_path, device='CPU', classes_path=None):
# Add code for Inference Engine initialization
+ self.core = Core()
# Add code for model loading
+ self.model = self.core.read_model(model=model_path)
# Add code for classes names loading
+ self.exec_model = self.core.compile_model(model=self.model,
+ device_name=device)
+ if classes_path:
+ self.classes = [line.rstrip('\n') for line in open(classes_path, encoding='UTF-8')]
return
def get_top(self, prob, topN=1):
- result = []
-
+ result = prob
+ result = np.squeeze(result)
+ result = np.argsort(result)[-topN:][::-1]
# Add code for getting top predictions
return result
@@ -37,15 +44,20 @@ def get_top(self, prob, topN=1):
def _prepare_image(self, image, h, w):
# Add code for image preprocessing
-
+ image = cv2.resize(image, (w, h))
+ image = image.transpose((2, 0, 1))
+ image = np.expand_dims(image, axis = 0)
return image
def classify(self, image):
- probabilities = None
-
+ result = None
+ input_layer = self.exec_model.input(0)
+ output_layer = self.exec_model.output(0)
+ n, c, h, w = input_layer.shape
+ image = self._prepare_image(image, h, w)
# Add code for image classification using Inference Engine
-
- return probabilities
+ result = self.exec_model([image])[output_layer]
+ return result
def build_argparser():
@@ -71,15 +83,17 @@ def main():
log.info("Start IE classification sample")
# Create InferenceEngineClassifier object
-
+ test = InferenceEngineClassifier(model_path=args.model, classes_path=args.classes)
# Read image
-
+ image = cv2.imread(args.input)
# Classify image
-
+ classfer = test.classify(image)
# Get top 5 predictions
-
+ predictions = test.get_top(classfer, 5)
+ classfer = np.squeeze(classfer)
# print result
-
+ predictions = [str(test.classes[predictions[i]]) + ', ' + str(classfer[predictions[i]]) for i in range(5)]
+ log.info("Predictions: " + str(predictions))
return
diff --git a/practice/2_Classification/public/mobilenet-v2-pytorch/FP16/mobilenet-v2-pytorch.bin b/practice/2_Classification/public/mobilenet-v2-pytorch/FP16/mobilenet-v2-pytorch.bin
new file mode 100644
index 0000000..0c18172
Binary files /dev/null and b/practice/2_Classification/public/mobilenet-v2-pytorch/FP16/mobilenet-v2-pytorch.bin differ
diff --git a/practice/2_Classification/public/mobilenet-v2-pytorch/FP16/mobilenet-v2-pytorch.mapping b/practice/2_Classification/public/mobilenet-v2-pytorch/FP16/mobilenet-v2-pytorch.mapping
new file mode 100644
index 0000000..0228391
--- /dev/null
+++ b/practice/2_Classification/public/mobilenet-v2-pytorch/FP16/mobilenet-v2-pytorch.mapping
@@ -0,0 +1,563 @@
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
diff --git a/practice/2_Classification/public/mobilenet-v2-pytorch/FP16/mobilenet-v2-pytorch.xml b/practice/2_Classification/public/mobilenet-v2-pytorch/FP16/mobilenet-v2-pytorch.xml
new file mode 100644
index 0000000..e5333b9
--- /dev/null
+++ b/practice/2_Classification/public/mobilenet-v2-pytorch/FP16/mobilenet-v2-pytorch.xml
@@ -0,0 +1,8277 @@
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 3
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 3
+ 224
+ 224
+
+
+ 1
+ 3
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 32
+ 3
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 3
+ 224
+ 224
+
+
+ 32
+ 3
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 112
+ 112
+
+
+ 1
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 112
+ 112
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 32
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 112
+ 112
+
+
+ 32
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 112
+ 112
+
+
+ 1
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 112
+ 112
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 16
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 112
+ 112
+
+
+ 16
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 16
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 16
+ 112
+ 112
+
+
+ 1
+ 16
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 96
+ 16
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 16
+ 112
+ 112
+
+
+ 96
+ 16
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 112
+ 112
+
+
+ 1
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 112
+ 112
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 96
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 112
+ 112
+
+
+ 96
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 56
+ 56
+
+
+ 1
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 56
+ 56
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 24
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 56
+ 56
+
+
+ 24
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 24
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 24
+ 56
+ 56
+
+
+ 1
+ 24
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 144
+ 24
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 24
+ 56
+ 56
+
+
+ 144
+ 24
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+ 1
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 144
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+ 144
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+ 1
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 24
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+ 24
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 24
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 24
+ 56
+ 56
+
+
+ 1
+ 24
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 24
+ 56
+ 56
+
+
+ 1
+ 24
+ 56
+ 56
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 144
+ 24
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 24
+ 56
+ 56
+
+
+ 144
+ 24
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+ 1
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 144
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+ 144
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 28
+ 28
+
+
+ 1
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 28
+ 28
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 32
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 28
+ 28
+
+
+ 32
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+ 1
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 192
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+ 192
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 192
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 192
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 32
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 32
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+ 1
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 192
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+ 192
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 192
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 192
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 32
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 32
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+ 1
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 192
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+ 192
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 192
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 192
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 14
+ 14
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 64
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 14
+ 14
+
+
+ 64
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 1
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 384
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 384
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 384
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 384
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 64
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 64
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 1
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 384
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 384
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 384
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 384
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 64
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 64
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 1
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 384
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 384
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 384
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 384
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 64
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 64
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 1
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 384
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 384
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 384
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 384
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 96
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 96
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+ 1
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 576
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+ 576
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 576
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 576
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 96
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 96
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+ 1
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 576
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+ 576
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 576
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 576
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 96
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 96
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+ 1
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 576
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+ 576
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 576
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 576
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 7
+ 7
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 160
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 7
+ 7
+
+
+ 160
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+ 1
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 960
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+ 960
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 960
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 960
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 160
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 160
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+ 1
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 960
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+ 960
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 960
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 960
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 160
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 160
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+ 1
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 960
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+ 960
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 960
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 960
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 320
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 320
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 320
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 320
+ 7
+ 7
+
+
+ 1
+ 320
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1280
+ 320
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 320
+ 7
+ 7
+
+
+ 1280
+ 320
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1280
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1280
+ 7
+ 7
+
+
+ 1
+ 1280
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1280
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1280
+ 7
+ 7
+
+
+ 2
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1280
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 4
+
+
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+
+
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1280
+ 1
+ 1
+
+
+ 2
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1000
+ 1280
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1280
+
+
+ 1000
+ 1280
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1000
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1000
+
+
+ 1
+ 1000
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1000
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
diff --git a/practice/2_Classification/public/mobilenet-v2-pytorch/FP32/mobilenet-v2-pytorch.bin b/practice/2_Classification/public/mobilenet-v2-pytorch/FP32/mobilenet-v2-pytorch.bin
new file mode 100644
index 0000000..c7019c7
Binary files /dev/null and b/practice/2_Classification/public/mobilenet-v2-pytorch/FP32/mobilenet-v2-pytorch.bin differ
diff --git a/practice/2_Classification/public/mobilenet-v2-pytorch/FP32/mobilenet-v2-pytorch.mapping b/practice/2_Classification/public/mobilenet-v2-pytorch/FP32/mobilenet-v2-pytorch.mapping
new file mode 100644
index 0000000..6fb9dd4
--- /dev/null
+++ b/practice/2_Classification/public/mobilenet-v2-pytorch/FP32/mobilenet-v2-pytorch.mapping
@@ -0,0 +1,563 @@
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
diff --git a/practice/2_Classification/public/mobilenet-v2-pytorch/FP32/mobilenet-v2-pytorch.xml b/practice/2_Classification/public/mobilenet-v2-pytorch/FP32/mobilenet-v2-pytorch.xml
new file mode 100644
index 0000000..36e0570
--- /dev/null
+++ b/practice/2_Classification/public/mobilenet-v2-pytorch/FP32/mobilenet-v2-pytorch.xml
@@ -0,0 +1,5859 @@
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 3
+ 224
+ 224
+
+
+ 1
+ 3
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 3
+ 224
+ 224
+
+
+ 32
+ 3
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 112
+ 112
+
+
+ 1
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 112
+ 112
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 112
+ 112
+
+
+ 32
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 112
+ 112
+
+
+ 1
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 112
+ 112
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 112
+ 112
+
+
+ 16
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 16
+ 112
+ 112
+
+
+ 1
+ 16
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 16
+ 112
+ 112
+
+
+ 96
+ 16
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 112
+ 112
+
+
+ 1
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 112
+ 112
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 112
+ 112
+
+
+ 96
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 56
+ 56
+
+
+ 1
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 56
+ 56
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 56
+ 56
+
+
+ 24
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 24
+ 56
+ 56
+
+
+ 1
+ 24
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 24
+ 56
+ 56
+
+
+ 144
+ 24
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+ 1
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+ 144
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+ 1
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+ 24
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 24
+ 56
+ 56
+
+
+ 1
+ 24
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 24
+ 56
+ 56
+
+
+ 1
+ 24
+ 56
+ 56
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 24
+ 56
+ 56
+
+
+ 144
+ 24
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+ 1
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 56
+ 56
+
+
+ 144
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 28
+ 28
+
+
+ 1
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 28
+ 28
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 144
+ 28
+ 28
+
+
+ 32
+ 144
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+ 1
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+ 192
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 192
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 32
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+ 1
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+ 192
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 192
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 32
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+ 1
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 32
+ 28
+ 28
+
+
+ 192
+ 32
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 28
+ 28
+
+
+ 192
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 14
+ 14
+
+
+ 1
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 192
+ 14
+ 14
+
+
+ 64
+ 192
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 1
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 384
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 384
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 64
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 1
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 384
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 384
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 64
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 1
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 384
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 384
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 64
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 1
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 64
+ 14
+ 14
+
+
+ 384
+ 64
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 384
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 1
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 384
+ 14
+ 14
+
+
+ 96
+ 384
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+ 1
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+ 576
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 576
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 96
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+ 1
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+ 576
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 576
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 96
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+ 1
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 96
+ 14
+ 14
+
+
+ 576
+ 96
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 14
+ 14
+
+
+ 576
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 7
+ 7
+
+
+ 1
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 576
+ 7
+ 7
+
+
+ 160
+ 576
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+ 1
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+ 960
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 960
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 160
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+ 1
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+ 960
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 960
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 160
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+ 1
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 160
+ 7
+ 7
+
+
+ 960
+ 160
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 960
+ 1
+ 1
+ 3
+ 3
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 1
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 960
+ 7
+ 7
+
+
+ 320
+ 960
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 320
+ 7
+ 7
+
+
+ 1
+ 320
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 320
+ 7
+ 7
+
+
+ 1280
+ 320
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1280
+ 7
+ 7
+
+
+ 1
+ 1280
+ 1
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1280
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1280
+ 7
+ 7
+
+
+ 2
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1280
+ 7
+ 7
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 4
+
+
+ 1
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+
+
+ 1
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1280
+ 1
+ 1
+
+
+ 2
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1280
+
+
+ 1000
+ 1280
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1000
+
+
+ 1
+ 1000
+
+
+
+
+
+
+
+
+
+
+ 1
+ 1000
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
+
diff --git a/practice/2_Classification/public/mobilenet-v2-pytorch/mobilenet-v2.onnx b/practice/2_Classification/public/mobilenet-v2-pytorch/mobilenet-v2.onnx
new file mode 100644
index 0000000..b763b8e
Binary files /dev/null and b/practice/2_Classification/public/mobilenet-v2-pytorch/mobilenet-v2.onnx differ
diff --git a/practice/2_Classification/public/mobilenet-v2-pytorch/mobilenet_v2-b0353104.pth b/practice/2_Classification/public/mobilenet-v2-pytorch/mobilenet_v2-b0353104.pth
new file mode 100644
index 0000000..36508b3
Binary files /dev/null and b/practice/2_Classification/public/mobilenet-v2-pytorch/mobilenet_v2-b0353104.pth differ
diff --git a/practice/2_Classification/public/mobilenet-v2/mobilenet-v2.caffemodel b/practice/2_Classification/public/mobilenet-v2/mobilenet-v2.caffemodel
new file mode 100644
index 0000000..901c2b5
Binary files /dev/null and b/practice/2_Classification/public/mobilenet-v2/mobilenet-v2.caffemodel differ
diff --git a/practice/2_Classification/public/mobilenet-v2/mobilenet-v2.prototxt b/practice/2_Classification/public/mobilenet-v2/mobilenet-v2.prototxt
new file mode 100644
index 0000000..a6465e8
--- /dev/null
+++ b/practice/2_Classification/public/mobilenet-v2/mobilenet-v2.prototxt
@@ -0,0 +1,3417 @@
+name: "MOBILENET_V2"
+# transform_param {
+# scale: 0.017
+# mirror: false
+# crop_size: 224
+# mean_value: [103.94,116.78,123.68]
+# }
+input: "data"
+input_dim: 1
+input_dim: 3
+input_dim: 224
+input_dim: 224
+layer {
+ name: "conv1"
+ type: "Convolution"
+ bottom: "data"
+ top: "conv1"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 32
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ stride: 2
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv1/bn"
+ type: "BatchNorm"
+ bottom: "conv1"
+ top: "conv1/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv1/scale"
+ type: "Scale"
+ bottom: "conv1/bn"
+ top: "conv1/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu1"
+ type: "ReLU"
+ bottom: "conv1/bn"
+ top: "conv1/bn"
+}
+layer {
+ name: "conv2_1/expand"
+ type: "Convolution"
+ bottom: "conv1/bn"
+ top: "conv2_1/expand"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 32
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv2_1/expand/bn"
+ type: "BatchNorm"
+ bottom: "conv2_1/expand"
+ top: "conv2_1/expand/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv2_1/expand/scale"
+ type: "Scale"
+ bottom: "conv2_1/expand/bn"
+ top: "conv2_1/expand/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu2_1/expand"
+ type: "ReLU"
+ bottom: "conv2_1/expand/bn"
+ top: "conv2_1/expand/bn"
+}
+layer {
+ name: "conv2_1/dwise"
+ type: "Convolution"
+ bottom: "conv2_1/expand/bn"
+ top: "conv2_1/dwise"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 32
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ group: 32
+ weight_filler {
+ type: "msra"
+ }
+ engine: CAFFE
+ }
+}
+layer {
+ name: "conv2_1/dwise/bn"
+ type: "BatchNorm"
+ bottom: "conv2_1/dwise"
+ top: "conv2_1/dwise/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv2_1/dwise/scale"
+ type: "Scale"
+ bottom: "conv2_1/dwise/bn"
+ top: "conv2_1/dwise/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu2_1/dwise"
+ type: "ReLU"
+ bottom: "conv2_1/dwise/bn"
+ top: "conv2_1/dwise/bn"
+}
+layer {
+ name: "conv2_1/linear"
+ type: "Convolution"
+ bottom: "conv2_1/dwise/bn"
+ top: "conv2_1/linear"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 16
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv2_1/linear/bn"
+ type: "BatchNorm"
+ bottom: "conv2_1/linear"
+ top: "conv2_1/linear/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv2_1/linear/scale"
+ type: "Scale"
+ bottom: "conv2_1/linear/bn"
+ top: "conv2_1/linear/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "conv2_2/expand"
+ type: "Convolution"
+ bottom: "conv2_1/linear/bn"
+ top: "conv2_2/expand"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 96
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv2_2/expand/bn"
+ type: "BatchNorm"
+ bottom: "conv2_2/expand"
+ top: "conv2_2/expand/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv2_2/expand/scale"
+ type: "Scale"
+ bottom: "conv2_2/expand/bn"
+ top: "conv2_2/expand/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu2_2/expand"
+ type: "ReLU"
+ bottom: "conv2_2/expand/bn"
+ top: "conv2_2/expand/bn"
+}
+layer {
+ name: "conv2_2/dwise"
+ type: "Convolution"
+ bottom: "conv2_2/expand/bn"
+ top: "conv2_2/dwise"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 96
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ group: 96
+ stride: 2
+ weight_filler {
+ type: "msra"
+ }
+ engine: CAFFE
+ }
+}
+layer {
+ name: "conv2_2/dwise/bn"
+ type: "BatchNorm"
+ bottom: "conv2_2/dwise"
+ top: "conv2_2/dwise/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv2_2/dwise/scale"
+ type: "Scale"
+ bottom: "conv2_2/dwise/bn"
+ top: "conv2_2/dwise/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu2_2/dwise"
+ type: "ReLU"
+ bottom: "conv2_2/dwise/bn"
+ top: "conv2_2/dwise/bn"
+}
+layer {
+ name: "conv2_2/linear"
+ type: "Convolution"
+ bottom: "conv2_2/dwise/bn"
+ top: "conv2_2/linear"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 24
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv2_2/linear/bn"
+ type: "BatchNorm"
+ bottom: "conv2_2/linear"
+ top: "conv2_2/linear/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv2_2/linear/scale"
+ type: "Scale"
+ bottom: "conv2_2/linear/bn"
+ top: "conv2_2/linear/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "conv3_1/expand"
+ type: "Convolution"
+ bottom: "conv2_2/linear/bn"
+ top: "conv3_1/expand"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 144
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv3_1/expand/bn"
+ type: "BatchNorm"
+ bottom: "conv3_1/expand"
+ top: "conv3_1/expand/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv3_1/expand/scale"
+ type: "Scale"
+ bottom: "conv3_1/expand/bn"
+ top: "conv3_1/expand/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu3_1/expand"
+ type: "ReLU"
+ bottom: "conv3_1/expand/bn"
+ top: "conv3_1/expand/bn"
+}
+layer {
+ name: "conv3_1/dwise"
+ type: "Convolution"
+ bottom: "conv3_1/expand/bn"
+ top: "conv3_1/dwise"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 144
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ group: 144
+ weight_filler {
+ type: "msra"
+ }
+ engine: CAFFE
+ }
+}
+layer {
+ name: "conv3_1/dwise/bn"
+ type: "BatchNorm"
+ bottom: "conv3_1/dwise"
+ top: "conv3_1/dwise/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv3_1/dwise/scale"
+ type: "Scale"
+ bottom: "conv3_1/dwise/bn"
+ top: "conv3_1/dwise/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu3_1/dwise"
+ type: "ReLU"
+ bottom: "conv3_1/dwise/bn"
+ top: "conv3_1/dwise/bn"
+}
+layer {
+ name: "conv3_1/linear"
+ type: "Convolution"
+ bottom: "conv3_1/dwise/bn"
+ top: "conv3_1/linear"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 24
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv3_1/linear/bn"
+ type: "BatchNorm"
+ bottom: "conv3_1/linear"
+ top: "conv3_1/linear/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv3_1/linear/scale"
+ type: "Scale"
+ bottom: "conv3_1/linear/bn"
+ top: "conv3_1/linear/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "block_3_1"
+ type: "Eltwise"
+ bottom: "conv2_2/linear/bn"
+ bottom: "conv3_1/linear/bn"
+ top: "block_3_1"
+}
+layer {
+ name: "conv3_2/expand"
+ type: "Convolution"
+ bottom: "block_3_1"
+ top: "conv3_2/expand"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 144
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv3_2/expand/bn"
+ type: "BatchNorm"
+ bottom: "conv3_2/expand"
+ top: "conv3_2/expand/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv3_2/expand/scale"
+ type: "Scale"
+ bottom: "conv3_2/expand/bn"
+ top: "conv3_2/expand/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu3_2/expand"
+ type: "ReLU"
+ bottom: "conv3_2/expand/bn"
+ top: "conv3_2/expand/bn"
+}
+layer {
+ name: "conv3_2/dwise"
+ type: "Convolution"
+ bottom: "conv3_2/expand/bn"
+ top: "conv3_2/dwise"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 144
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ group: 144
+ stride: 2
+ weight_filler {
+ type: "msra"
+ }
+ engine: CAFFE
+ }
+}
+layer {
+ name: "conv3_2/dwise/bn"
+ type: "BatchNorm"
+ bottom: "conv3_2/dwise"
+ top: "conv3_2/dwise/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv3_2/dwise/scale"
+ type: "Scale"
+ bottom: "conv3_2/dwise/bn"
+ top: "conv3_2/dwise/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu3_2/dwise"
+ type: "ReLU"
+ bottom: "conv3_2/dwise/bn"
+ top: "conv3_2/dwise/bn"
+}
+layer {
+ name: "conv3_2/linear"
+ type: "Convolution"
+ bottom: "conv3_2/dwise/bn"
+ top: "conv3_2/linear"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 32
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv3_2/linear/bn"
+ type: "BatchNorm"
+ bottom: "conv3_2/linear"
+ top: "conv3_2/linear/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv3_2/linear/scale"
+ type: "Scale"
+ bottom: "conv3_2/linear/bn"
+ top: "conv3_2/linear/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "conv4_1/expand"
+ type: "Convolution"
+ bottom: "conv3_2/linear/bn"
+ top: "conv4_1/expand"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 192
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv4_1/expand/bn"
+ type: "BatchNorm"
+ bottom: "conv4_1/expand"
+ top: "conv4_1/expand/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_1/expand/scale"
+ type: "Scale"
+ bottom: "conv4_1/expand/bn"
+ top: "conv4_1/expand/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu4_1/expand"
+ type: "ReLU"
+ bottom: "conv4_1/expand/bn"
+ top: "conv4_1/expand/bn"
+}
+layer {
+ name: "conv4_1/dwise"
+ type: "Convolution"
+ bottom: "conv4_1/expand/bn"
+ top: "conv4_1/dwise"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 192
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ group: 192
+ weight_filler {
+ type: "msra"
+ }
+ engine: CAFFE
+ }
+}
+layer {
+ name: "conv4_1/dwise/bn"
+ type: "BatchNorm"
+ bottom: "conv4_1/dwise"
+ top: "conv4_1/dwise/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_1/dwise/scale"
+ type: "Scale"
+ bottom: "conv4_1/dwise/bn"
+ top: "conv4_1/dwise/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu4_1/dwise"
+ type: "ReLU"
+ bottom: "conv4_1/dwise/bn"
+ top: "conv4_1/dwise/bn"
+}
+layer {
+ name: "conv4_1/linear"
+ type: "Convolution"
+ bottom: "conv4_1/dwise/bn"
+ top: "conv4_1/linear"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 32
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv4_1/linear/bn"
+ type: "BatchNorm"
+ bottom: "conv4_1/linear"
+ top: "conv4_1/linear/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_1/linear/scale"
+ type: "Scale"
+ bottom: "conv4_1/linear/bn"
+ top: "conv4_1/linear/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "block_4_1"
+ type: "Eltwise"
+ bottom: "conv3_2/linear/bn"
+ bottom: "conv4_1/linear/bn"
+ top: "block_4_1"
+}
+layer {
+ name: "conv4_2/expand"
+ type: "Convolution"
+ bottom: "block_4_1"
+ top: "conv4_2/expand"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 192
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv4_2/expand/bn"
+ type: "BatchNorm"
+ bottom: "conv4_2/expand"
+ top: "conv4_2/expand/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_2/expand/scale"
+ type: "Scale"
+ bottom: "conv4_2/expand/bn"
+ top: "conv4_2/expand/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu4_2/expand"
+ type: "ReLU"
+ bottom: "conv4_2/expand/bn"
+ top: "conv4_2/expand/bn"
+}
+layer {
+ name: "conv4_2/dwise"
+ type: "Convolution"
+ bottom: "conv4_2/expand/bn"
+ top: "conv4_2/dwise"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 192
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ group: 192
+ weight_filler {
+ type: "msra"
+ }
+ engine: CAFFE
+ }
+}
+layer {
+ name: "conv4_2/dwise/bn"
+ type: "BatchNorm"
+ bottom: "conv4_2/dwise"
+ top: "conv4_2/dwise/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_2/dwise/scale"
+ type: "Scale"
+ bottom: "conv4_2/dwise/bn"
+ top: "conv4_2/dwise/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu4_2/dwise"
+ type: "ReLU"
+ bottom: "conv4_2/dwise/bn"
+ top: "conv4_2/dwise/bn"
+}
+layer {
+ name: "conv4_2/linear"
+ type: "Convolution"
+ bottom: "conv4_2/dwise/bn"
+ top: "conv4_2/linear"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 32
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv4_2/linear/bn"
+ type: "BatchNorm"
+ bottom: "conv4_2/linear"
+ top: "conv4_2/linear/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_2/linear/scale"
+ type: "Scale"
+ bottom: "conv4_2/linear/bn"
+ top: "conv4_2/linear/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "block_4_2"
+ type: "Eltwise"
+ bottom: "block_4_1"
+ bottom: "conv4_2/linear/bn"
+ top: "block_4_2"
+}
+layer {
+ name: "conv4_3/expand"
+ type: "Convolution"
+ bottom: "block_4_2"
+ top: "conv4_3/expand"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 192
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv4_3/expand/bn"
+ type: "BatchNorm"
+ bottom: "conv4_3/expand"
+ top: "conv4_3/expand/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_3/expand/scale"
+ type: "Scale"
+ bottom: "conv4_3/expand/bn"
+ top: "conv4_3/expand/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu4_3/expand"
+ type: "ReLU"
+ bottom: "conv4_3/expand/bn"
+ top: "conv4_3/expand/bn"
+}
+layer {
+ name: "conv4_3/dwise"
+ type: "Convolution"
+ bottom: "conv4_3/expand/bn"
+ top: "conv4_3/dwise"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 192
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ group: 192
+ weight_filler {
+ type: "msra"
+ }
+ engine: CAFFE
+ }
+}
+layer {
+ name: "conv4_3/dwise/bn"
+ type: "BatchNorm"
+ bottom: "conv4_3/dwise"
+ top: "conv4_3/dwise/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_3/dwise/scale"
+ type: "Scale"
+ bottom: "conv4_3/dwise/bn"
+ top: "conv4_3/dwise/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu4_3/dwise"
+ type: "ReLU"
+ bottom: "conv4_3/dwise/bn"
+ top: "conv4_3/dwise/bn"
+}
+layer {
+ name: "conv4_3/linear"
+ type: "Convolution"
+ bottom: "conv4_3/dwise/bn"
+ top: "conv4_3/linear"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 64
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv4_3/linear/bn"
+ type: "BatchNorm"
+ bottom: "conv4_3/linear"
+ top: "conv4_3/linear/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_3/linear/scale"
+ type: "Scale"
+ bottom: "conv4_3/linear/bn"
+ top: "conv4_3/linear/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "conv4_4/expand"
+ type: "Convolution"
+ bottom: "conv4_3/linear/bn"
+ top: "conv4_4/expand"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 384
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv4_4/expand/bn"
+ type: "BatchNorm"
+ bottom: "conv4_4/expand"
+ top: "conv4_4/expand/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_4/expand/scale"
+ type: "Scale"
+ bottom: "conv4_4/expand/bn"
+ top: "conv4_4/expand/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu4_4/expand"
+ type: "ReLU"
+ bottom: "conv4_4/expand/bn"
+ top: "conv4_4/expand/bn"
+}
+layer {
+ name: "conv4_4/dwise"
+ type: "Convolution"
+ bottom: "conv4_4/expand/bn"
+ top: "conv4_4/dwise"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 384
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ group: 384
+ weight_filler {
+ type: "msra"
+ }
+ engine: CAFFE
+ }
+}
+layer {
+ name: "conv4_4/dwise/bn"
+ type: "BatchNorm"
+ bottom: "conv4_4/dwise"
+ top: "conv4_4/dwise/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_4/dwise/scale"
+ type: "Scale"
+ bottom: "conv4_4/dwise/bn"
+ top: "conv4_4/dwise/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu4_4/dwise"
+ type: "ReLU"
+ bottom: "conv4_4/dwise/bn"
+ top: "conv4_4/dwise/bn"
+}
+layer {
+ name: "conv4_4/linear"
+ type: "Convolution"
+ bottom: "conv4_4/dwise/bn"
+ top: "conv4_4/linear"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 64
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv4_4/linear/bn"
+ type: "BatchNorm"
+ bottom: "conv4_4/linear"
+ top: "conv4_4/linear/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_4/linear/scale"
+ type: "Scale"
+ bottom: "conv4_4/linear/bn"
+ top: "conv4_4/linear/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "block_4_4"
+ type: "Eltwise"
+ bottom: "conv4_3/linear/bn"
+ bottom: "conv4_4/linear/bn"
+ top: "block_4_4"
+}
+layer {
+ name: "conv4_5/expand"
+ type: "Convolution"
+ bottom: "block_4_4"
+ top: "conv4_5/expand"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 384
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv4_5/expand/bn"
+ type: "BatchNorm"
+ bottom: "conv4_5/expand"
+ top: "conv4_5/expand/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_5/expand/scale"
+ type: "Scale"
+ bottom: "conv4_5/expand/bn"
+ top: "conv4_5/expand/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu4_5/expand"
+ type: "ReLU"
+ bottom: "conv4_5/expand/bn"
+ top: "conv4_5/expand/bn"
+}
+layer {
+ name: "conv4_5/dwise"
+ type: "Convolution"
+ bottom: "conv4_5/expand/bn"
+ top: "conv4_5/dwise"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 384
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ group: 384
+ weight_filler {
+ type: "msra"
+ }
+ engine: CAFFE
+ }
+}
+layer {
+ name: "conv4_5/dwise/bn"
+ type: "BatchNorm"
+ bottom: "conv4_5/dwise"
+ top: "conv4_5/dwise/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_5/dwise/scale"
+ type: "Scale"
+ bottom: "conv4_5/dwise/bn"
+ top: "conv4_5/dwise/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu4_5/dwise"
+ type: "ReLU"
+ bottom: "conv4_5/dwise/bn"
+ top: "conv4_5/dwise/bn"
+}
+layer {
+ name: "conv4_5/linear"
+ type: "Convolution"
+ bottom: "conv4_5/dwise/bn"
+ top: "conv4_5/linear"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 64
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv4_5/linear/bn"
+ type: "BatchNorm"
+ bottom: "conv4_5/linear"
+ top: "conv4_5/linear/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_5/linear/scale"
+ type: "Scale"
+ bottom: "conv4_5/linear/bn"
+ top: "conv4_5/linear/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "block_4_5"
+ type: "Eltwise"
+ bottom: "block_4_4"
+ bottom: "conv4_5/linear/bn"
+ top: "block_4_5"
+}
+layer {
+ name: "conv4_6/expand"
+ type: "Convolution"
+ bottom: "block_4_5"
+ top: "conv4_6/expand"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 384
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv4_6/expand/bn"
+ type: "BatchNorm"
+ bottom: "conv4_6/expand"
+ top: "conv4_6/expand/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_6/expand/scale"
+ type: "Scale"
+ bottom: "conv4_6/expand/bn"
+ top: "conv4_6/expand/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu4_6/expand"
+ type: "ReLU"
+ bottom: "conv4_6/expand/bn"
+ top: "conv4_6/expand/bn"
+}
+layer {
+ name: "conv4_6/dwise"
+ type: "Convolution"
+ bottom: "conv4_6/expand/bn"
+ top: "conv4_6/dwise"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 384
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ group: 384
+ weight_filler {
+ type: "msra"
+ }
+ engine: CAFFE
+ }
+}
+layer {
+ name: "conv4_6/dwise/bn"
+ type: "BatchNorm"
+ bottom: "conv4_6/dwise"
+ top: "conv4_6/dwise/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_6/dwise/scale"
+ type: "Scale"
+ bottom: "conv4_6/dwise/bn"
+ top: "conv4_6/dwise/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu4_6/dwise"
+ type: "ReLU"
+ bottom: "conv4_6/dwise/bn"
+ top: "conv4_6/dwise/bn"
+}
+layer {
+ name: "conv4_6/linear"
+ type: "Convolution"
+ bottom: "conv4_6/dwise/bn"
+ top: "conv4_6/linear"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 64
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv4_6/linear/bn"
+ type: "BatchNorm"
+ bottom: "conv4_6/linear"
+ top: "conv4_6/linear/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_6/linear/scale"
+ type: "Scale"
+ bottom: "conv4_6/linear/bn"
+ top: "conv4_6/linear/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "block_4_6"
+ type: "Eltwise"
+ bottom: "block_4_5"
+ bottom: "conv4_6/linear/bn"
+ top: "block_4_6"
+}
+layer {
+ name: "conv4_7/expand"
+ type: "Convolution"
+ bottom: "block_4_6"
+ top: "conv4_7/expand"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 384
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv4_7/expand/bn"
+ type: "BatchNorm"
+ bottom: "conv4_7/expand"
+ top: "conv4_7/expand/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_7/expand/scale"
+ type: "Scale"
+ bottom: "conv4_7/expand/bn"
+ top: "conv4_7/expand/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu4_7/expand"
+ type: "ReLU"
+ bottom: "conv4_7/expand/bn"
+ top: "conv4_7/expand/bn"
+}
+layer {
+ name: "conv4_7/dwise"
+ type: "Convolution"
+ bottom: "conv4_7/expand/bn"
+ top: "conv4_7/dwise"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 384
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ group: 384
+ stride: 2
+ weight_filler {
+ type: "msra"
+ }
+ engine: CAFFE
+ }
+}
+layer {
+ name: "conv4_7/dwise/bn"
+ type: "BatchNorm"
+ bottom: "conv4_7/dwise"
+ top: "conv4_7/dwise/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_7/dwise/scale"
+ type: "Scale"
+ bottom: "conv4_7/dwise/bn"
+ top: "conv4_7/dwise/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu4_7/dwise"
+ type: "ReLU"
+ bottom: "conv4_7/dwise/bn"
+ top: "conv4_7/dwise/bn"
+}
+layer {
+ name: "conv4_7/linear"
+ type: "Convolution"
+ bottom: "conv4_7/dwise/bn"
+ top: "conv4_7/linear"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 96
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv4_7/linear/bn"
+ type: "BatchNorm"
+ bottom: "conv4_7/linear"
+ top: "conv4_7/linear/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv4_7/linear/scale"
+ type: "Scale"
+ bottom: "conv4_7/linear/bn"
+ top: "conv4_7/linear/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "conv5_1/expand"
+ type: "Convolution"
+ bottom: "conv4_7/linear/bn"
+ top: "conv5_1/expand"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 576
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv5_1/expand/bn"
+ type: "BatchNorm"
+ bottom: "conv5_1/expand"
+ top: "conv5_1/expand/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv5_1/expand/scale"
+ type: "Scale"
+ bottom: "conv5_1/expand/bn"
+ top: "conv5_1/expand/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu5_1/expand"
+ type: "ReLU"
+ bottom: "conv5_1/expand/bn"
+ top: "conv5_1/expand/bn"
+}
+layer {
+ name: "conv5_1/dwise"
+ type: "Convolution"
+ bottom: "conv5_1/expand/bn"
+ top: "conv5_1/dwise"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 576
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ group: 576
+ weight_filler {
+ type: "msra"
+ }
+ engine: CAFFE
+ }
+}
+layer {
+ name: "conv5_1/dwise/bn"
+ type: "BatchNorm"
+ bottom: "conv5_1/dwise"
+ top: "conv5_1/dwise/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv5_1/dwise/scale"
+ type: "Scale"
+ bottom: "conv5_1/dwise/bn"
+ top: "conv5_1/dwise/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu5_1/dwise"
+ type: "ReLU"
+ bottom: "conv5_1/dwise/bn"
+ top: "conv5_1/dwise/bn"
+}
+layer {
+ name: "conv5_1/linear"
+ type: "Convolution"
+ bottom: "conv5_1/dwise/bn"
+ top: "conv5_1/linear"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 96
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv5_1/linear/bn"
+ type: "BatchNorm"
+ bottom: "conv5_1/linear"
+ top: "conv5_1/linear/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv5_1/linear/scale"
+ type: "Scale"
+ bottom: "conv5_1/linear/bn"
+ top: "conv5_1/linear/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "block_5_1"
+ type: "Eltwise"
+ bottom: "conv4_7/linear/bn"
+ bottom: "conv5_1/linear/bn"
+ top: "block_5_1"
+}
+layer {
+ name: "conv5_2/expand"
+ type: "Convolution"
+ bottom: "block_5_1"
+ top: "conv5_2/expand"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 576
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv5_2/expand/bn"
+ type: "BatchNorm"
+ bottom: "conv5_2/expand"
+ top: "conv5_2/expand/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv5_2/expand/scale"
+ type: "Scale"
+ bottom: "conv5_2/expand/bn"
+ top: "conv5_2/expand/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu5_2/expand"
+ type: "ReLU"
+ bottom: "conv5_2/expand/bn"
+ top: "conv5_2/expand/bn"
+}
+layer {
+ name: "conv5_2/dwise"
+ type: "Convolution"
+ bottom: "conv5_2/expand/bn"
+ top: "conv5_2/dwise"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 576
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ group: 576
+ weight_filler {
+ type: "msra"
+ }
+ engine: CAFFE
+ }
+}
+layer {
+ name: "conv5_2/dwise/bn"
+ type: "BatchNorm"
+ bottom: "conv5_2/dwise"
+ top: "conv5_2/dwise/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv5_2/dwise/scale"
+ type: "Scale"
+ bottom: "conv5_2/dwise/bn"
+ top: "conv5_2/dwise/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu5_2/dwise"
+ type: "ReLU"
+ bottom: "conv5_2/dwise/bn"
+ top: "conv5_2/dwise/bn"
+}
+layer {
+ name: "conv5_2/linear"
+ type: "Convolution"
+ bottom: "conv5_2/dwise/bn"
+ top: "conv5_2/linear"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 96
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv5_2/linear/bn"
+ type: "BatchNorm"
+ bottom: "conv5_2/linear"
+ top: "conv5_2/linear/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv5_2/linear/scale"
+ type: "Scale"
+ bottom: "conv5_2/linear/bn"
+ top: "conv5_2/linear/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "block_5_2"
+ type: "Eltwise"
+ bottom: "block_5_1"
+ bottom: "conv5_2/linear/bn"
+ top: "block_5_2"
+}
+layer {
+ name: "conv5_3/expand"
+ type: "Convolution"
+ bottom: "block_5_2"
+ top: "conv5_3/expand"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 576
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv5_3/expand/bn"
+ type: "BatchNorm"
+ bottom: "conv5_3/expand"
+ top: "conv5_3/expand/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv5_3/expand/scale"
+ type: "Scale"
+ bottom: "conv5_3/expand/bn"
+ top: "conv5_3/expand/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu5_3/expand"
+ type: "ReLU"
+ bottom: "conv5_3/expand/bn"
+ top: "conv5_3/expand/bn"
+}
+layer {
+ name: "conv5_3/dwise"
+ type: "Convolution"
+ bottom: "conv5_3/expand/bn"
+ top: "conv5_3/dwise"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 576
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ group: 576
+ stride: 2
+ weight_filler {
+ type: "msra"
+ }
+ engine: CAFFE
+ }
+}
+layer {
+ name: "conv5_3/dwise/bn"
+ type: "BatchNorm"
+ bottom: "conv5_3/dwise"
+ top: "conv5_3/dwise/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv5_3/dwise/scale"
+ type: "Scale"
+ bottom: "conv5_3/dwise/bn"
+ top: "conv5_3/dwise/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu5_3/dwise"
+ type: "ReLU"
+ bottom: "conv5_3/dwise/bn"
+ top: "conv5_3/dwise/bn"
+}
+layer {
+ name: "conv5_3/linear"
+ type: "Convolution"
+ bottom: "conv5_3/dwise/bn"
+ top: "conv5_3/linear"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 160
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv5_3/linear/bn"
+ type: "BatchNorm"
+ bottom: "conv5_3/linear"
+ top: "conv5_3/linear/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv5_3/linear/scale"
+ type: "Scale"
+ bottom: "conv5_3/linear/bn"
+ top: "conv5_3/linear/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "conv6_1/expand"
+ type: "Convolution"
+ bottom: "conv5_3/linear/bn"
+ top: "conv6_1/expand"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 960
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv6_1/expand/bn"
+ type: "BatchNorm"
+ bottom: "conv6_1/expand"
+ top: "conv6_1/expand/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv6_1/expand/scale"
+ type: "Scale"
+ bottom: "conv6_1/expand/bn"
+ top: "conv6_1/expand/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu6_1/expand"
+ type: "ReLU"
+ bottom: "conv6_1/expand/bn"
+ top: "conv6_1/expand/bn"
+}
+layer {
+ name: "conv6_1/dwise"
+ type: "Convolution"
+ bottom: "conv6_1/expand/bn"
+ top: "conv6_1/dwise"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 960
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ group: 960
+ weight_filler {
+ type: "msra"
+ }
+ engine: CAFFE
+ }
+}
+layer {
+ name: "conv6_1/dwise/bn"
+ type: "BatchNorm"
+ bottom: "conv6_1/dwise"
+ top: "conv6_1/dwise/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv6_1/dwise/scale"
+ type: "Scale"
+ bottom: "conv6_1/dwise/bn"
+ top: "conv6_1/dwise/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu6_1/dwise"
+ type: "ReLU"
+ bottom: "conv6_1/dwise/bn"
+ top: "conv6_1/dwise/bn"
+}
+layer {
+ name: "conv6_1/linear"
+ type: "Convolution"
+ bottom: "conv6_1/dwise/bn"
+ top: "conv6_1/linear"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 160
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv6_1/linear/bn"
+ type: "BatchNorm"
+ bottom: "conv6_1/linear"
+ top: "conv6_1/linear/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv6_1/linear/scale"
+ type: "Scale"
+ bottom: "conv6_1/linear/bn"
+ top: "conv6_1/linear/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "block_6_1"
+ type: "Eltwise"
+ bottom: "conv5_3/linear/bn"
+ bottom: "conv6_1/linear/bn"
+ top: "block_6_1"
+}
+layer {
+ name: "conv6_2/expand"
+ type: "Convolution"
+ bottom: "block_6_1"
+ top: "conv6_2/expand"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 960
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv6_2/expand/bn"
+ type: "BatchNorm"
+ bottom: "conv6_2/expand"
+ top: "conv6_2/expand/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv6_2/expand/scale"
+ type: "Scale"
+ bottom: "conv6_2/expand/bn"
+ top: "conv6_2/expand/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu6_2/expand"
+ type: "ReLU"
+ bottom: "conv6_2/expand/bn"
+ top: "conv6_2/expand/bn"
+}
+layer {
+ name: "conv6_2/dwise"
+ type: "Convolution"
+ bottom: "conv6_2/expand/bn"
+ top: "conv6_2/dwise"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 960
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ group: 960
+ weight_filler {
+ type: "msra"
+ }
+ engine: CAFFE
+ }
+}
+layer {
+ name: "conv6_2/dwise/bn"
+ type: "BatchNorm"
+ bottom: "conv6_2/dwise"
+ top: "conv6_2/dwise/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv6_2/dwise/scale"
+ type: "Scale"
+ bottom: "conv6_2/dwise/bn"
+ top: "conv6_2/dwise/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu6_2/dwise"
+ type: "ReLU"
+ bottom: "conv6_2/dwise/bn"
+ top: "conv6_2/dwise/bn"
+}
+layer {
+ name: "conv6_2/linear"
+ type: "Convolution"
+ bottom: "conv6_2/dwise/bn"
+ top: "conv6_2/linear"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 160
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv6_2/linear/bn"
+ type: "BatchNorm"
+ bottom: "conv6_2/linear"
+ top: "conv6_2/linear/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv6_2/linear/scale"
+ type: "Scale"
+ bottom: "conv6_2/linear/bn"
+ top: "conv6_2/linear/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "block_6_2"
+ type: "Eltwise"
+ bottom: "block_6_1"
+ bottom: "conv6_2/linear/bn"
+ top: "block_6_2"
+}
+layer {
+ name: "conv6_3/expand"
+ type: "Convolution"
+ bottom: "block_6_2"
+ top: "conv6_3/expand"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 960
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv6_3/expand/bn"
+ type: "BatchNorm"
+ bottom: "conv6_3/expand"
+ top: "conv6_3/expand/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv6_3/expand/scale"
+ type: "Scale"
+ bottom: "conv6_3/expand/bn"
+ top: "conv6_3/expand/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu6_3/expand"
+ type: "ReLU"
+ bottom: "conv6_3/expand/bn"
+ top: "conv6_3/expand/bn"
+}
+layer {
+ name: "conv6_3/dwise"
+ type: "Convolution"
+ bottom: "conv6_3/expand/bn"
+ top: "conv6_3/dwise"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 960
+ bias_term: false
+ pad: 1
+ kernel_size: 3
+ group: 960
+ weight_filler {
+ type: "msra"
+ }
+ engine: CAFFE
+ }
+}
+layer {
+ name: "conv6_3/dwise/bn"
+ type: "BatchNorm"
+ bottom: "conv6_3/dwise"
+ top: "conv6_3/dwise/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv6_3/dwise/scale"
+ type: "Scale"
+ bottom: "conv6_3/dwise/bn"
+ top: "conv6_3/dwise/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu6_3/dwise"
+ type: "ReLU"
+ bottom: "conv6_3/dwise/bn"
+ top: "conv6_3/dwise/bn"
+}
+layer {
+ name: "conv6_3/linear"
+ type: "Convolution"
+ bottom: "conv6_3/dwise/bn"
+ top: "conv6_3/linear"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 320
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv6_3/linear/bn"
+ type: "BatchNorm"
+ bottom: "conv6_3/linear"
+ top: "conv6_3/linear/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv6_3/linear/scale"
+ type: "Scale"
+ bottom: "conv6_3/linear/bn"
+ top: "conv6_3/linear/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "conv6_4"
+ type: "Convolution"
+ bottom: "conv6_3/linear/bn"
+ top: "conv6_4"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ convolution_param {
+ num_output: 1280
+ bias_term: false
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ }
+}
+layer {
+ name: "conv6_4/bn"
+ type: "BatchNorm"
+ bottom: "conv6_4"
+ top: "conv6_4/bn"
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 0
+ decay_mult: 0
+ }
+ batch_norm_param {
+ use_global_stats: true
+ eps: 1e-5
+ }
+}
+layer {
+ name: "conv6_4/scale"
+ type: "Scale"
+ bottom: "conv6_4/bn"
+ top: "conv6_4/bn"
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ param {
+ lr_mult: 1
+ decay_mult: 0
+ }
+ scale_param {
+ bias_term: true
+ }
+}
+layer {
+ name: "relu6_4"
+ type: "ReLU"
+ bottom: "conv6_4/bn"
+ top: "conv6_4/bn"
+}
+layer {
+ name: "pool6"
+ type: "Pooling"
+ bottom: "conv6_4/bn"
+ top: "pool6"
+ pooling_param {
+ pool: AVE
+ global_pooling: true
+ }
+}
+layer {
+ name: "fc7"
+ type: "Convolution"
+ bottom: "pool6"
+ top: "fc7"
+ param {
+ lr_mult: 1
+ decay_mult: 1
+ }
+ param {
+ lr_mult: 2
+ decay_mult: 0
+ }
+ convolution_param {
+ num_output: 1000
+ kernel_size: 1
+ weight_filler {
+ type: "msra"
+ }
+ bias_filler {
+ type: "constant"
+ value: 0
+ }
+ }
+}
+layer {
+ name: "prob"
+ type: "Softmax"
+ bottom: "fc7"
+ top: "prob"
+}
\ No newline at end of file
diff --git a/practice/openvino-env/README.md b/practice/openvino-env/README.md
new file mode 100644
index 0000000..e69de29
diff --git a/practice/openvino-env/openvino_env/__init__.py b/practice/openvino-env/openvino_env/__init__.py
new file mode 100644
index 0000000..e69de29
diff --git a/practice/openvino-env/poetry.lock b/practice/openvino-env/poetry.lock
new file mode 100644
index 0000000..414d624
--- /dev/null
+++ b/practice/openvino-env/poetry.lock
@@ -0,0 +1,1606 @@
+[[package]]
+name = "addict"
+version = "2.4.0"
+description = "Addict is a dictionary whose items can be set using both attribute and item syntax."
+category = "main"
+optional = false
+python-versions = "*"
+
+[[package]]
+name = "certifi"
+version = "2022.9.24"
+description = "Python package for providing Mozilla's CA Bundle."
+category = "main"
+optional = false
+python-versions = ">=3.6"
+
+[[package]]
+name = "charset-normalizer"
+version = "2.1.1"
+description = "The Real First Universal Charset Detector. Open, modern and actively maintained alternative to Chardet."
+category = "main"
+optional = false
+python-versions = ">=3.6.0"
+
+[package.extras]
+unicode-backport = ["unicodedata2"]
+
+[[package]]
+name = "click"
+version = "8.1.3"
+description = "Composable command line interface toolkit"
+category = "main"
+optional = false
+python-versions = ">=3.7"
+
+[package.dependencies]
+colorama = {version = "*", markers = "platform_system == \"Windows\""}
+
+[[package]]
+name = "colorama"
+version = "0.4.5"
+description = "Cross-platform colored terminal text."
+category = "main"
+optional = false
+python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*"
+
+[[package]]
+name = "defusedxml"
+version = "0.7.1"
+description = "XML bomb protection for Python stdlib modules"
+category = "main"
+optional = false
+python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*"
+
+[[package]]
+name = "fast-ctc-decode"
+version = "0.3.2"
+description = ""
+category = "main"
+optional = false
+python-versions = "*"
+
+[[package]]
+name = "filelock"
+version = "3.8.0"
+description = "A platform independent file lock."
+category = "main"
+optional = false
+python-versions = ">=3.7"
+
+[package.extras]
+docs = ["furo (>=2022.6.21)", "sphinx (>=5.1.1)", "sphinx-autodoc-typehints (>=1.19.1)"]
+testing = ["covdefaults (>=2.2)", "coverage (>=6.4.2)", "pytest (>=7.1.2)", "pytest-cov (>=3)", "pytest-timeout (>=2.1)"]
+
+[[package]]
+name = "huggingface-hub"
+version = "0.10.1"
+description = "Client library to download and publish models, datasets and other repos on the huggingface.co hub"
+category = "main"
+optional = false
+python-versions = ">=3.7.0"
+
+[package.dependencies]
+filelock = "*"
+packaging = ">=20.9"
+pyyaml = ">=5.1"
+requests = "*"
+tqdm = "*"
+typing-extensions = ">=3.7.4.3"
+
+[package.extras]
+all = ["InquirerPy (==0.3.4)", "Jinja2", "black (==22.3)", "flake8 (>=3.8.3)", "flake8-bugbear", "isort (>=5.5.4)", "jedi", "mypy", "pytest", "pytest-cov", "soundfile"]
+cli = ["InquirerPy (==0.3.4)"]
+dev = ["InquirerPy (==0.3.4)", "Jinja2", "black (==22.3)", "flake8 (>=3.8.3)", "flake8-bugbear", "isort (>=5.5.4)", "jedi", "mypy", "pytest", "pytest-cov", "soundfile"]
+fastai = ["fastai (>=2.4)", "fastcore (>=1.3.27)", "toml"]
+quality = ["black (==22.3)", "flake8 (>=3.8.3)", "flake8-bugbear", "isort (>=5.5.4)", "mypy"]
+tensorflow = ["graphviz", "pydot", "tensorflow"]
+testing = ["InquirerPy (==0.3.4)", "Jinja2", "isort (>=5.5.4)", "jedi", "pytest", "pytest-cov", "soundfile"]
+torch = ["torch"]
+
+[[package]]
+name = "idna"
+version = "3.4"
+description = "Internationalized Domain Names in Applications (IDNA)"
+category = "main"
+optional = false
+python-versions = ">=3.5"
+
+[[package]]
+name = "imagecodecs"
+version = "2022.2.22"
+description = "Image transformation, compression, and decompression codecs"
+category = "main"
+optional = false
+python-versions = ">=3.8"
+
+[package.dependencies]
+numpy = ">=1.19.2"
+
+[package.extras]
+all = ["matplotlib (>=3.3)", "numcodecs", "tifffile (>=2021.11.2)"]
+
+[[package]]
+name = "imageio"
+version = "2.22.2"
+description = "Library for reading and writing a wide range of image, video, scientific, and volumetric data formats."
+category = "main"
+optional = false
+python-versions = ">=3.7"
+
+[package.dependencies]
+numpy = "*"
+pillow = ">=8.3.2"
+
+[package.extras]
+all-plugins = ["astropy", "av", "imageio-ffmpeg", "opencv-python", "psutil", "tifffile"]
+all-plugins-pypy = ["av", "imageio-ffmpeg", "psutil", "tifffile"]
+build = ["wheel"]
+dev = ["black", "flake8", "fsspec[github]", "invoke", "pytest", "pytest-cov"]
+docs = ["numpydoc", "pydata-sphinx-theme", "sphinx"]
+ffmpeg = ["imageio-ffmpeg", "psutil"]
+fits = ["astropy"]
+full = ["astropy", "av", "black", "flake8", "fsspec[github]", "gdal", "imageio-ffmpeg", "invoke", "itk", "numpydoc", "opencv-python", "psutil", "pydata-sphinx-theme", "pytest", "pytest-cov", "sphinx", "tifffile", "wheel"]
+gdal = ["gdal"]
+itk = ["itk"]
+linting = ["black", "flake8"]
+opencv = ["opencv-python"]
+pyav = ["av"]
+test = ["fsspec[github]", "invoke", "pytest", "pytest-cov"]
+tifffile = ["tifffile"]
+
+[[package]]
+name = "joblib"
+version = "1.2.0"
+description = "Lightweight pipelining with Python functions"
+category = "main"
+optional = false
+python-versions = ">=3.7"
+
+[[package]]
+name = "jstyleson"
+version = "0.0.2"
+description = "Library to parse JSON with js-style comments."
+category = "main"
+optional = false
+python-versions = "*"
+
+[[package]]
+name = "lmdb"
+version = "1.3.0"
+description = "Universal Python binding for the LMDB 'Lightning' Database"
+category = "main"
+optional = false
+python-versions = "*"
+
+[[package]]
+name = "networkx"
+version = "2.8"
+description = "Python package for creating and manipulating graphs and networks"
+category = "main"
+optional = false
+python-versions = ">=3.8"
+
+[package.extras]
+default = ["matplotlib (>=3.4)", "numpy (>=1.19)", "pandas (>=1.3)", "scipy (>=1.8)"]
+developer = ["mypy (>=0.942)", "pre-commit (>=2.18)"]
+doc = ["nb2plots (>=0.6)", "numpydoc (>=1.2)", "pillow (>=9.1)", "pydata-sphinx-theme (>=0.8.1)", "sphinx (>=4.5)", "sphinx-gallery (>=0.10)", "texext (>=0.6.6)"]
+extra = ["lxml (>=4.6)", "pydot (>=1.4.2)", "pygraphviz (>=1.9)", "sympy (>=1.10)"]
+test = ["codecov (>=2.1)", "pytest (>=7.1)", "pytest-cov (>=3.0)"]
+
+[[package]]
+name = "nibabel"
+version = "4.0.2"
+description = "Access a multitude of neuroimaging data formats"
+category = "main"
+optional = false
+python-versions = ">=3.7"
+
+[package.dependencies]
+numpy = ">=1.17"
+packaging = ">=17.0"
+setuptools = "*"
+
+[package.extras]
+all = ["coverage", "flake8", "gitpython", "h5py", "matplotlib (>=1.5.3)", "numpydoc", "pillow", "pydicom (>=1.0.0)", "pytest (!=5.3.4)", "pytest-cov", "pytest-doctestplus", "pyzstd (>=0.14.3)", "scipy", "sphinx (>=0.3,<3)", "texext", "twine"]
+dev = ["gitpython", "twine"]
+dicom = ["pydicom (>=1.0.0)"]
+dicomfs = ["pillow", "pydicom (>=1.0.0)"]
+doc = ["matplotlib (>=1.5.3)", "numpydoc", "sphinx (>=0.3,<3)", "texext"]
+minc2 = ["h5py"]
+spm = ["scipy"]
+style = ["flake8"]
+test = ["coverage", "pytest (!=5.3.4)", "pytest-cov", "pytest-doctestplus"]
+zstd = ["pyzstd (>=0.14.3)"]
+
+[[package]]
+name = "nltk"
+version = "3.7"
+description = "Natural Language Toolkit"
+category = "main"
+optional = false
+python-versions = ">=3.7"
+
+[package.dependencies]
+click = "*"
+joblib = "*"
+regex = ">=2021.8.3"
+tqdm = "*"
+
+[package.extras]
+all = ["matplotlib", "numpy", "pyparsing", "python-crfsuite", "requests", "scikit-learn", "scipy", "twython"]
+corenlp = ["requests"]
+machine-learning = ["numpy", "python-crfsuite", "scikit-learn", "scipy"]
+plot = ["matplotlib"]
+tgrep = ["pyparsing"]
+twitter = ["twython"]
+
+[[package]]
+name = "numpy"
+version = "1.23.1"
+description = "NumPy is the fundamental package for array computing with Python."
+category = "main"
+optional = false
+python-versions = ">=3.8"
+
+[[package]]
+name = "onnx"
+version = "1.12.0"
+description = "Open Neural Network Exchange"
+category = "main"
+optional = false
+python-versions = "*"
+
+[package.dependencies]
+numpy = ">=1.16.6"
+protobuf = ">=3.12.2,<=3.20.1"
+typing-extensions = ">=3.6.2.1"
+
+[package.extras]
+lint = ["clang-format (==13.0.0)", "flake8", "mypy (==0.782)", "types-protobuf (==3.18.4)"]
+
+[[package]]
+name = "opencv-python"
+version = "4.6.0.66"
+description = "Wrapper package for OpenCV python bindings."
+category = "main"
+optional = false
+python-versions = ">=3.6"
+
+[package.dependencies]
+numpy = [
+ {version = ">=1.21.2", markers = "python_version >= \"3.10\" or python_version >= \"3.6\" and platform_system == \"Darwin\" and platform_machine == \"arm64\""},
+ {version = ">=1.19.3", markers = "python_version >= \"3.6\" and platform_system == \"Linux\" and platform_machine == \"aarch64\" or python_version >= \"3.9\""},
+ {version = ">=1.14.5", markers = "python_version >= \"3.7\""},
+ {version = ">=1.17.3", markers = "python_version >= \"3.8\""},
+]
+
+[[package]]
+name = "openvino"
+version = "2022.2.0"
+description = "OpenVINO(TM) Runtime"
+category = "main"
+optional = false
+python-versions = "*"
+
+[package.dependencies]
+numpy = ">=1.16.6,<=1.23.1"
+
+[[package]]
+name = "openvino-dev"
+version = "2022.2.0"
+description = "OpenVINO(TM) Development Tools"
+category = "main"
+optional = false
+python-versions = "*"
+
+[package.dependencies]
+addict = ">=2.4.0"
+defusedxml = ">=0.7.1"
+fast-ctc-decode = ">=0.2.5"
+imagecodecs = {version = ">=2022.2.22,<2022.3.0", markers = "python_version >= \"3.8\""}
+jstyleson = ">=0.0.2,<0.1.0"
+lmdb = ">=1.2.1"
+networkx = {version = "<2.8.1", markers = "python_version > \"3.6\""}
+nibabel = ">=3.2.1"
+nltk = ">=3.5"
+numpy = ">=1.16.6,<=1.23.1"
+opencv-python = ">=4.5"
+openvino = "2022.2.0"
+openvino-telemetry = ">=2022.1.0"
+pandas = ">=1.1.5,<1.2.0"
+parasail = [
+ {version = ">=1.2.4", markers = "platform_system != \"Windows\""},
+ {version = ">=1.2.4,<1.3.0", markers = "platform_system == \"Windows\""},
+]
+pillow = ">=8.1.2"
+progress = ">=1.5"
+py-cpuinfo = ">=7.0.0"
+pyclipper = ">=1.2.1"
+pydicom = ">=2.1.2"
+pyyaml = ">=5.4.1"
+rawpy = {version = ">=0.17.1,<0.18.0", markers = "python_version >= \"3.7\""}
+requests = ">=2.25.1"
+scikit-image = {version = ">=0.19.2", markers = "python_version >= \"3.7\""}
+scikit-learn = ">=0.24.1,<0.25.0"
+scipy = ">=1.5.4,<1.6.0"
+sentencepiece = ">=0.1.95"
+shapely = ">=1.7.1"
+texttable = ">=1.6.3,<1.7.0"
+tokenizers = {version = ">=0.10.1", markers = "python_version >= \"3.7\""}
+tqdm = ">=4.54.1"
+transformers = {version = ">=4.5", markers = "python_version >= \"3.7\""}
+
+[package.extras]
+caffe = ["defusedxml (>=0.7.1)", "fastjsonschema (>=2.15.1,<2.16.0)", "networkx (<2.8.1)", "networkx (>=2.5,<3.0)", "numpy (>=1.16.6,<=1.23.1)", "protobuf (>=3.18.1,<4.0.0)", "requests (>=2.25.1)"]
+kaldi = ["defusedxml (>=0.7.1)", "fastjsonschema (>=2.15.1,<2.16.0)", "networkx (<2.8.1)", "networkx (>=2.5,<3.0)", "numpy (>=1.16.6,<=1.23.1)", "requests (>=2.25.1)"]
+mxnet = ["defusedxml (>=0.7.1)", "fastjsonschema (>=2.15.1,<2.16.0)", "mxnet (>=1.2.0,<1.3.0)", "mxnet (>=1.7.0.post2,<1.8.0)", "networkx (<2.8.1)", "networkx (>=2.5,<3.0)", "numpy (>=1.16.6,<=1.23.1)", "requests (>=2.25.1)", "urllib3 (>=1.26.4)"]
+onnx = ["defusedxml (>=0.7.1)", "fastjsonschema (>=2.15.1,<2.16.0)", "networkx (<2.8.1)", "networkx (>=2.5,<3.0)", "numpy (>=1.16.6,<=1.23.1)", "onnx (>=1.8.1,<1.12)", "protobuf (>=3.18.1,<4.0.0)", "requests (>=2.25.1)"]
+paddle = ["paddlepaddle (>=2.2.0,<2.3.0)"]
+pytorch = ["onnx (>=1.8.1,<1.12)", "scipy (>=1.5.4,<1.6.0)", "torch (==1.8.1)", "torchvision (==0.9.1)", "yacs (>=0.1.8)"]
+tensorflow = ["defusedxml (>=0.7.1)", "fastjsonschema (>=2.15.1,<2.16.0)", "networkx (<2.8.1)", "networkx (>=2.5,<3.0)", "numpy (>=1.16.6,<=1.23.1)", "requests (>=2.25.1)", "tensorflow (>=1.15.5,<=2.9.1)"]
+tensorflow2 = ["defusedxml (>=0.7.1)", "fastjsonschema (>=2.15.1,<2.16.0)", "networkx (<2.8.1)", "networkx (>=2.5,<3.0)", "numpy (>=1.16.6,<=1.23.1)", "requests (>=2.25.1)", "tensorflow (>=2.5,<=2.9.1)"]
+
+[[package]]
+name = "openvino-telemetry"
+version = "2022.1.1"
+description = "OpenVINOâ„¢ Telemetry package for sending statistics with user's consent, used in combination with other OpenVINOâ„¢ packages."
+category = "main"
+optional = false
+python-versions = "*"
+
+[package.dependencies]
+requests = ">=2.20.0"
+
+[[package]]
+name = "packaging"
+version = "21.3"
+description = "Core utilities for Python packages"
+category = "main"
+optional = false
+python-versions = ">=3.6"
+
+[package.dependencies]
+pyparsing = ">=2.0.2,<3.0.5 || >3.0.5"
+
+[[package]]
+name = "pandas"
+version = "1.1.5"
+description = "Powerful data structures for data analysis, time series, and statistics"
+category = "main"
+optional = false
+python-versions = ">=3.6.1"
+
+[package.dependencies]
+numpy = ">=1.15.4"
+python-dateutil = ">=2.7.3"
+pytz = ">=2017.2"
+
+[package.extras]
+test = ["hypothesis (>=3.58)", "pytest (>=4.0.2)", "pytest-xdist"]
+
+[[package]]
+name = "parasail"
+version = "1.2.4"
+description = "pairwise sequence alignment library"
+category = "main"
+optional = false
+python-versions = "*"
+
+[package.dependencies]
+numpy = "*"
+
+[[package]]
+name = "parasail"
+version = "1.3.3"
+description = "pairwise sequence alignment library"
+category = "main"
+optional = false
+python-versions = "*"
+
+[package.dependencies]
+numpy = "*"
+
+[[package]]
+name = "pillow"
+version = "9.2.0"
+description = "Python Imaging Library (Fork)"
+category = "main"
+optional = false
+python-versions = ">=3.7"
+
+[package.extras]
+docs = ["furo", "olefile", "sphinx (>=2.4)", "sphinx-copybutton", "sphinx-issues (>=3.0.1)", "sphinx-removed-in", "sphinxext-opengraph"]
+tests = ["check-manifest", "coverage", "defusedxml", "markdown2", "olefile", "packaging", "pyroma", "pytest", "pytest-cov", "pytest-timeout"]
+
+[[package]]
+name = "progress"
+version = "1.6"
+description = "Easy to use progress bars"
+category = "main"
+optional = false
+python-versions = "*"
+
+[[package]]
+name = "protobuf"
+version = "3.20.1"
+description = "Protocol Buffers"
+category = "main"
+optional = false
+python-versions = ">=3.7"
+
+[[package]]
+name = "py-cpuinfo"
+version = "8.0.0"
+description = "Get CPU info with pure Python 2 & 3"
+category = "main"
+optional = false
+python-versions = "*"
+
+[[package]]
+name = "pyclipper"
+version = "1.3.0.post3"
+description = "Cython wrapper for the C++ translation of the Angus Johnson's Clipper library (ver. 6.4.2)"
+category = "main"
+optional = false
+python-versions = "*"
+
+[[package]]
+name = "pydicom"
+version = "2.3.0"
+description = "A pure Python package for reading and writing DICOM data"
+category = "main"
+optional = false
+python-versions = ">=3.6.1"
+
+[package.extras]
+docs = ["matplotlib", "numpy", "numpydoc", "pillow", "sphinx", "sphinx-copybutton", "sphinx-gallery", "sphinx-rtd-theme", "sphinxcontrib-napoleon"]
+
+[[package]]
+name = "pyparsing"
+version = "3.0.9"
+description = "pyparsing module - Classes and methods to define and execute parsing grammars"
+category = "main"
+optional = false
+python-versions = ">=3.6.8"
+
+[package.extras]
+diagrams = ["jinja2", "railroad-diagrams"]
+
+[[package]]
+name = "python-dateutil"
+version = "2.8.2"
+description = "Extensions to the standard Python datetime module"
+category = "main"
+optional = false
+python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,>=2.7"
+
+[package.dependencies]
+six = ">=1.5"
+
+[[package]]
+name = "pytorch"
+version = "1.0.2"
+description = ""
+category = "main"
+optional = false
+python-versions = "*"
+
+[[package]]
+name = "pytz"
+version = "2022.4"
+description = "World timezone definitions, modern and historical"
+category = "main"
+optional = false
+python-versions = "*"
+
+[[package]]
+name = "pywavelets"
+version = "1.4.1"
+description = "PyWavelets, wavelet transform module"
+category = "main"
+optional = false
+python-versions = ">=3.8"
+
+[package.dependencies]
+numpy = ">=1.17.3"
+
+[[package]]
+name = "pyyaml"
+version = "6.0"
+description = "YAML parser and emitter for Python"
+category = "main"
+optional = false
+python-versions = ">=3.6"
+
+[[package]]
+name = "rawpy"
+version = "0.17.2"
+description = "RAW image processing for Python, a wrapper for libraw"
+category = "main"
+optional = false
+python-versions = "*"
+
+[package.dependencies]
+numpy = "*"
+
+[[package]]
+name = "regex"
+version = "2022.9.13"
+description = "Alternative regular expression module, to replace re."
+category = "main"
+optional = false
+python-versions = ">=3.6"
+
+[[package]]
+name = "requests"
+version = "2.28.1"
+description = "Python HTTP for Humans."
+category = "main"
+optional = false
+python-versions = ">=3.7, <4"
+
+[package.dependencies]
+certifi = ">=2017.4.17"
+charset-normalizer = ">=2,<3"
+idna = ">=2.5,<4"
+urllib3 = ">=1.21.1,<1.27"
+
+[package.extras]
+socks = ["PySocks (>=1.5.6,!=1.5.7)"]
+use-chardet-on-py3 = ["chardet (>=3.0.2,<6)"]
+
+[[package]]
+name = "scikit-image"
+version = "0.19.3"
+description = "Image processing in Python"
+category = "main"
+optional = false
+python-versions = ">=3.7"
+
+[package.dependencies]
+imageio = ">=2.4.1"
+networkx = ">=2.2"
+numpy = ">=1.17.0"
+packaging = ">=20.0"
+pillow = ">=6.1.0,<7.1.0 || >7.1.0,<7.1.1 || >7.1.1,<8.3.0 || >8.3.0"
+PyWavelets = ">=1.1.1"
+scipy = ">=1.4.1"
+tifffile = ">=2019.7.26"
+
+[package.extras]
+data = ["pooch (>=1.3.0)"]
+docs = ["cloudpickle (>=0.2.1)", "dask[array] (>=0.15.0,!=2.17.0)", "ipywidgets", "kaleido", "matplotlib (>=3.3)", "myst-parser", "numpydoc (>=1.0)", "pandas (>=0.23.0)", "plotly (>=4.14.0)", "pooch (>=1.3.0)", "pytest-runner", "scikit-learn", "seaborn (>=0.7.1)", "sphinx (>=1.8)", "sphinx-copybutton", "sphinx-gallery (>=0.10.1)", "tifffile (>=2020.5.30)"]
+optional = ["SimpleITK", "astropy (>=3.1.2)", "cloudpickle (>=0.2.1)", "dask[array] (>=1.0.0,!=2.17.0)", "matplotlib (>=3.0.3)", "pooch (>=1.3.0)", "pyamg", "qtpy"]
+test = ["asv", "codecov", "flake8", "matplotlib (>=3.0.3)", "pooch (>=1.3.0)", "pytest (>=5.2.0)", "pytest-cov (>=2.7.0)", "pytest-faulthandler", "pytest-localserver"]
+
+[[package]]
+name = "scikit-learn"
+version = "0.24.2"
+description = "A set of python modules for machine learning and data mining"
+category = "main"
+optional = false
+python-versions = ">=3.6"
+
+[package.dependencies]
+joblib = ">=0.11"
+numpy = ">=1.13.3"
+scipy = ">=0.19.1"
+threadpoolctl = ">=2.0.0"
+
+[package.extras]
+benchmark = ["matplotlib (>=2.1.1)", "memory-profiler (>=0.57.0)", "pandas (>=0.25.0)"]
+docs = ["Pillow (>=7.1.2)", "matplotlib (>=2.1.1)", "memory-profiler (>=0.57.0)", "numpydoc (>=1.0.0)", "pandas (>=0.25.0)", "scikit-image (>=0.13)", "seaborn (>=0.9.0)", "sphinx (>=3.2.0)", "sphinx-gallery (>=0.7.0)", "sphinx-prompt (>=1.3.0)"]
+examples = ["matplotlib (>=2.1.1)", "pandas (>=0.25.0)", "scikit-image (>=0.13)", "seaborn (>=0.9.0)"]
+tests = ["flake8 (>=3.8.2)", "matplotlib (>=2.1.1)", "mypy (>=0.770)", "pandas (>=0.25.0)", "pyamg (>=4.0.0)", "pytest (>=5.0.1)", "pytest-cov (>=2.9.0)", "scikit-image (>=0.13)"]
+
+[[package]]
+name = "scipy"
+version = "1.5.4"
+description = "SciPy: Scientific Library for Python"
+category = "main"
+optional = false
+python-versions = ">=3.6"
+
+[package.dependencies]
+numpy = ">=1.14.5"
+
+[[package]]
+name = "sentencepiece"
+version = "0.1.97"
+description = "SentencePiece python wrapper"
+category = "main"
+optional = false
+python-versions = "*"
+
+[[package]]
+name = "setuptools"
+version = "65.5.0"
+description = "Easily download, build, install, upgrade, and uninstall Python packages"
+category = "main"
+optional = false
+python-versions = ">=3.7"
+
+[package.extras]
+docs = ["furo", "jaraco.packaging (>=9)", "jaraco.tidelift (>=1.4)", "pygments-github-lexers (==0.0.5)", "rst.linker (>=1.9)", "sphinx (>=3.5)", "sphinx-favicon", "sphinx-hoverxref (<2)", "sphinx-inline-tabs", "sphinx-notfound-page (==0.8.3)", "sphinx-reredirects", "sphinxcontrib-towncrier"]
+testing = ["build[virtualenv]", "filelock (>=3.4.0)", "flake8 (<5)", "flake8-2020", "ini2toml[lite] (>=0.9)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "mock", "pip (>=19.1)", "pip-run (>=8.8)", "pytest (>=6)", "pytest-black (>=0.3.7)", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=1.3)", "pytest-flake8", "pytest-mypy (>=0.9.1)", "pytest-perf", "pytest-xdist", "tomli-w (>=1.0.0)", "virtualenv (>=13.0.0)", "wheel"]
+testing-integration = ["build[virtualenv]", "filelock (>=3.4.0)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "pytest", "pytest-enabler", "pytest-xdist", "tomli", "virtualenv (>=13.0.0)", "wheel"]
+
+[[package]]
+name = "shapely"
+version = "1.8.5.post1"
+description = "Geometric objects, predicates, and operations"
+category = "main"
+optional = false
+python-versions = ">=3.6"
+
+[package.extras]
+all = ["numpy", "pytest", "pytest-cov"]
+test = ["pytest", "pytest-cov"]
+vectorized = ["numpy"]
+
+[[package]]
+name = "six"
+version = "1.16.0"
+description = "Python 2 and 3 compatibility utilities"
+category = "main"
+optional = false
+python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*"
+
+[[package]]
+name = "texttable"
+version = "1.6.4"
+description = "module for creating simple ASCII tables"
+category = "main"
+optional = false
+python-versions = "*"
+
+[[package]]
+name = "threadpoolctl"
+version = "3.1.0"
+description = "threadpoolctl"
+category = "main"
+optional = false
+python-versions = ">=3.6"
+
+[[package]]
+name = "tifffile"
+version = "2022.10.10"
+description = "Read and write TIFF files"
+category = "main"
+optional = false
+python-versions = ">=3.8"
+
+[package.dependencies]
+numpy = ">=1.19.2"
+
+[package.extras]
+all = ["fsspec", "imagecodecs (>=2022.2.22)", "lxml", "matplotlib (>=3.3)", "zarr"]
+
+[[package]]
+name = "tokenizers"
+version = "0.13.1"
+description = "Fast and Customizable Tokenizers"
+category = "main"
+optional = false
+python-versions = "*"
+
+[package.extras]
+dev = ["datasets", "numpy", "pytest", "requests"]
+docs = ["setuptools-rust", "sphinx", "sphinx-rtd-theme"]
+testing = ["datasets", "numpy", "pytest", "requests"]
+
+[[package]]
+name = "tqdm"
+version = "4.64.1"
+description = "Fast, Extensible Progress Meter"
+category = "main"
+optional = false
+python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,>=2.7"
+
+[package.dependencies]
+colorama = {version = "*", markers = "platform_system == \"Windows\""}
+
+[package.extras]
+dev = ["py-make (>=0.1.0)", "twine", "wheel"]
+notebook = ["ipywidgets (>=6)"]
+slack = ["slack-sdk"]
+telegram = ["requests"]
+
+[[package]]
+name = "transformers"
+version = "4.23.1"
+description = "State-of-the-art Machine Learning for JAX, PyTorch and TensorFlow"
+category = "main"
+optional = false
+python-versions = ">=3.7.0"
+
+[package.dependencies]
+filelock = "*"
+huggingface-hub = ">=0.10.0,<1.0"
+numpy = ">=1.17"
+packaging = ">=20.0"
+pyyaml = ">=5.1"
+regex = "!=2019.12.17"
+requests = "*"
+tokenizers = ">=0.11.1,<0.11.3 || >0.11.3,<0.14"
+tqdm = ">=4.27"
+
+[package.extras]
+accelerate = ["accelerate (>=0.10.0)"]
+all = ["Pillow", "accelerate (>=0.10.0)", "codecarbon (==1.2.0)", "flax (>=0.4.1)", "jax (>=0.2.8,!=0.3.2,<=0.3.6)", "jaxlib (>=0.1.65,<=0.3.6)", "librosa", "onnxconverter-common", "optax (>=0.0.8)", "optuna", "phonemizer", "protobuf (<=3.20.2)", "pyctcdecode (>=0.3.0)", "ray[tune]", "sentencepiece (>=0.1.91,!=0.1.92)", "sigopt", "tensorflow (>=2.4)", "tensorflow-text", "tf2onnx", "timm", "tokenizers (>=0.11.1,!=0.11.3,<0.14)", "torch (>=1.7,!=1.12.0)", "torchaudio"]
+audio = ["librosa", "phonemizer", "pyctcdecode (>=0.3.0)"]
+codecarbon = ["codecarbon (==1.2.0)"]
+deepspeed = ["accelerate (>=0.10.0)", "deepspeed (>=0.6.5)"]
+deepspeed-testing = ["GitPython (<3.1.19)", "accelerate (>=0.10.0)", "beautifulsoup4", "black (==22.3)", "cookiecutter (==1.7.3)", "datasets (!=2.5.0)", "deepspeed (>=0.6.5)", "dill (<0.3.5)", "evaluate (>=0.2.0)", "faiss-cpu", "hf-doc-builder (>=0.3.0)", "nltk", "optuna", "parameterized", "protobuf (<=3.20.2)", "psutil", "pytest", "pytest-timeout", "pytest-xdist", "rjieba", "rouge-score (!=0.0.7,!=0.0.8,!=0.1,!=0.1.1)", "sacrebleu (>=1.4.12,<2.0.0)", "sacremoses", "safetensors (>=0.2.1)", "timeout-decorator"]
+dev = ["GitPython (<3.1.19)", "Pillow", "accelerate (>=0.10.0)", "beautifulsoup4", "black (==22.3)", "codecarbon (==1.2.0)", "cookiecutter (==1.7.3)", "datasets (!=2.5.0)", "dill (<0.3.5)", "evaluate (>=0.2.0)", "faiss-cpu", "flake8 (>=3.8.3)", "flax (>=0.4.1)", "fugashi (>=1.0)", "hf-doc-builder", "hf-doc-builder (>=0.3.0)", "ipadic (>=1.0.0,<2.0)", "isort (>=5.5.4)", "jax (>=0.2.8,!=0.3.2,<=0.3.6)", "jaxlib (>=0.1.65,<=0.3.6)", "librosa", "nltk", "onnxconverter-common", "optax (>=0.0.8)", "optuna", "parameterized", "phonemizer", "protobuf (<=3.20.2)", "psutil", "pyctcdecode (>=0.3.0)", "pyknp (>=0.6.1)", "pytest", "pytest-timeout", "pytest-xdist", "ray[tune]", "rjieba", "rouge-score (!=0.0.7,!=0.0.8,!=0.1,!=0.1.1)", "sacrebleu (>=1.4.12,<2.0.0)", "sacremoses", "safetensors (>=0.2.1)", "scikit-learn", "sentencepiece (>=0.1.91,!=0.1.92)", "sigopt", "sudachidict-core (>=20220729)", "sudachipy (>=0.6.6)", "tensorflow (>=2.4)", "tensorflow-text", "tf2onnx", "timeout-decorator", "timm", "tokenizers (>=0.11.1,!=0.11.3,<0.14)", "torch (>=1.7,!=1.12.0)", "torchaudio", "unidic (>=1.0.2)", "unidic-lite (>=1.0.7)"]
+dev-tensorflow = ["GitPython (<3.1.19)", "Pillow", "beautifulsoup4", "black (==22.3)", "cookiecutter (==1.7.3)", "datasets (!=2.5.0)", "dill (<0.3.5)", "evaluate (>=0.2.0)", "faiss-cpu", "flake8 (>=3.8.3)", "hf-doc-builder", "hf-doc-builder (>=0.3.0)", "isort (>=5.5.4)", "librosa", "nltk", "onnxconverter-common", "onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)", "parameterized", "phonemizer", "protobuf (<=3.20.2)", "psutil", "pyctcdecode (>=0.3.0)", "pytest", "pytest-timeout", "pytest-xdist", "rjieba", "rouge-score (!=0.0.7,!=0.0.8,!=0.1,!=0.1.1)", "sacrebleu (>=1.4.12,<2.0.0)", "sacremoses", "safetensors (>=0.2.1)", "scikit-learn", "sentencepiece (>=0.1.91,!=0.1.92)", "tensorflow (>=2.4)", "tensorflow-text", "tf2onnx", "timeout-decorator", "tokenizers (>=0.11.1,!=0.11.3,<0.14)"]
+dev-torch = ["GitPython (<3.1.19)", "Pillow", "beautifulsoup4", "black (==22.3)", "codecarbon (==1.2.0)", "cookiecutter (==1.7.3)", "datasets (!=2.5.0)", "dill (<0.3.5)", "evaluate (>=0.2.0)", "faiss-cpu", "flake8 (>=3.8.3)", "fugashi (>=1.0)", "hf-doc-builder", "hf-doc-builder (>=0.3.0)", "ipadic (>=1.0.0,<2.0)", "isort (>=5.5.4)", "librosa", "nltk", "onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)", "optuna", "parameterized", "phonemizer", "protobuf (<=3.20.2)", "psutil", "pyctcdecode (>=0.3.0)", "pyknp (>=0.6.1)", "pytest", "pytest-timeout", "pytest-xdist", "ray[tune]", "rjieba", "rouge-score (!=0.0.7,!=0.0.8,!=0.1,!=0.1.1)", "sacrebleu (>=1.4.12,<2.0.0)", "sacremoses", "safetensors (>=0.2.1)", "scikit-learn", "sentencepiece (>=0.1.91,!=0.1.92)", "sigopt", "sudachidict-core (>=20220729)", "sudachipy (>=0.6.6)", "timeout-decorator", "timm", "tokenizers (>=0.11.1,!=0.11.3,<0.14)", "torch (>=1.7,!=1.12.0)", "torchaudio", "unidic (>=1.0.2)", "unidic-lite (>=1.0.7)"]
+docs = ["Pillow", "accelerate (>=0.10.0)", "codecarbon (==1.2.0)", "flax (>=0.4.1)", "hf-doc-builder", "jax (>=0.2.8,!=0.3.2,<=0.3.6)", "jaxlib (>=0.1.65,<=0.3.6)", "librosa", "onnxconverter-common", "optax (>=0.0.8)", "optuna", "phonemizer", "protobuf (<=3.20.2)", "pyctcdecode (>=0.3.0)", "ray[tune]", "sentencepiece (>=0.1.91,!=0.1.92)", "sigopt", "tensorflow (>=2.4)", "tensorflow-text", "tf2onnx", "timm", "tokenizers (>=0.11.1,!=0.11.3,<0.14)", "torch (>=1.7,!=1.12.0)", "torchaudio"]
+docs-specific = ["hf-doc-builder"]
+fairscale = ["fairscale (>0.3)"]
+flax = ["flax (>=0.4.1)", "jax (>=0.2.8,!=0.3.2,<=0.3.6)", "jaxlib (>=0.1.65,<=0.3.6)", "optax (>=0.0.8)"]
+flax-speech = ["librosa", "phonemizer", "pyctcdecode (>=0.3.0)"]
+ftfy = ["ftfy"]
+integrations = ["optuna", "ray[tune]", "sigopt"]
+ja = ["fugashi (>=1.0)", "ipadic (>=1.0.0,<2.0)", "pyknp (>=0.6.1)", "sudachidict-core (>=20220729)", "sudachipy (>=0.6.6)", "unidic (>=1.0.2)", "unidic-lite (>=1.0.7)"]
+modelcreation = ["cookiecutter (==1.7.3)"]
+onnx = ["onnxconverter-common", "onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)", "tf2onnx"]
+onnxruntime = ["onnxruntime (>=1.4.0)", "onnxruntime-tools (>=1.4.2)"]
+optuna = ["optuna"]
+quality = ["GitPython (<3.1.19)", "black (==22.3)", "datasets (!=2.5.0)", "flake8 (>=3.8.3)", "hf-doc-builder (>=0.3.0)", "isort (>=5.5.4)"]
+ray = ["ray[tune]"]
+retrieval = ["datasets (!=2.5.0)", "faiss-cpu"]
+sagemaker = ["sagemaker (>=2.31.0)"]
+sentencepiece = ["protobuf (<=3.20.2)", "sentencepiece (>=0.1.91,!=0.1.92)"]
+serving = ["fastapi", "pydantic", "starlette", "uvicorn"]
+sigopt = ["sigopt"]
+sklearn = ["scikit-learn"]
+speech = ["librosa", "phonemizer", "pyctcdecode (>=0.3.0)", "torchaudio"]
+testing = ["GitPython (<3.1.19)", "beautifulsoup4", "black (==22.3)", "cookiecutter (==1.7.3)", "datasets (!=2.5.0)", "dill (<0.3.5)", "evaluate (>=0.2.0)", "faiss-cpu", "hf-doc-builder (>=0.3.0)", "nltk", "parameterized", "protobuf (<=3.20.2)", "psutil", "pytest", "pytest-timeout", "pytest-xdist", "rjieba", "rouge-score (!=0.0.7,!=0.0.8,!=0.1,!=0.1.1)", "sacrebleu (>=1.4.12,<2.0.0)", "sacremoses", "safetensors (>=0.2.1)", "timeout-decorator"]
+tf = ["onnxconverter-common", "tensorflow (>=2.4)", "tensorflow-text", "tf2onnx"]
+tf-cpu = ["onnxconverter-common", "tensorflow-cpu (>=2.3)", "tensorflow-text", "tf2onnx"]
+tf-speech = ["librosa", "phonemizer", "pyctcdecode (>=0.3.0)"]
+timm = ["timm"]
+tokenizers = ["tokenizers (>=0.11.1,!=0.11.3,<0.14)"]
+torch = ["torch (>=1.7,!=1.12.0)"]
+torch-speech = ["librosa", "phonemizer", "pyctcdecode (>=0.3.0)", "torchaudio"]
+torchhub = ["filelock", "huggingface-hub (>=0.10.0,<1.0)", "importlib-metadata", "numpy (>=1.17)", "packaging (>=20.0)", "protobuf (<=3.20.2)", "regex (!=2019.12.17)", "requests", "sentencepiece (>=0.1.91,!=0.1.92)", "tokenizers (>=0.11.1,!=0.11.3,<0.14)", "torch (>=1.7,!=1.12.0)", "tqdm (>=4.27)"]
+vision = ["Pillow"]
+
+[[package]]
+name = "typing-extensions"
+version = "4.4.0"
+description = "Backported and Experimental Type Hints for Python 3.7+"
+category = "main"
+optional = false
+python-versions = ">=3.7"
+
+[[package]]
+name = "urllib3"
+version = "1.26.12"
+description = "HTTP library with thread-safe connection pooling, file post, and more."
+category = "main"
+optional = false
+python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.5.*, <4"
+
+[package.extras]
+brotli = ["brotli (>=1.0.9)", "brotlicffi (>=0.8.0)", "brotlipy (>=0.6.0)"]
+secure = ["certifi", "cryptography (>=1.3.4)", "idna (>=2.0.0)", "ipaddress", "pyOpenSSL (>=0.14)", "urllib3-secure-extra"]
+socks = ["PySocks (>=1.5.6,!=1.5.7,<2.0)"]
+
+[metadata]
+lock-version = "1.1"
+python-versions = "^3.9"
+content-hash = "5abf7da07fd234db82f19296dadb989cca9a27399936d41b9a88da0c0052a685"
+
+[metadata.files]
+addict = [
+ {file = "addict-2.4.0-py3-none-any.whl", hash = "sha256:249bb56bbfd3cdc2a004ea0ff4c2b6ddc84d53bc2194761636eb314d5cfa5dfc"},
+ {file = "addict-2.4.0.tar.gz", hash = "sha256:b3b2210e0e067a281f5646c8c5db92e99b7231ea8b0eb5f74dbdf9e259d4e494"},
+]
+certifi = [
+ {file = "certifi-2022.9.24-py3-none-any.whl", hash = "sha256:90c1a32f1d68f940488354e36370f6cca89f0f106db09518524c88d6ed83f382"},
+ {file = "certifi-2022.9.24.tar.gz", hash = "sha256:0d9c601124e5a6ba9712dbc60d9c53c21e34f5f641fe83002317394311bdce14"},
+]
+charset-normalizer = [
+ {file = "charset-normalizer-2.1.1.tar.gz", hash = "sha256:5a3d016c7c547f69d6f81fb0db9449ce888b418b5b9952cc5e6e66843e9dd845"},
+ {file = "charset_normalizer-2.1.1-py3-none-any.whl", hash = "sha256:83e9a75d1911279afd89352c68b45348559d1fc0506b054b346651b5e7fee29f"},
+]
+click = [
+ {file = "click-8.1.3-py3-none-any.whl", hash = "sha256:bb4d8133cb15a609f44e8213d9b391b0809795062913b383c62be0ee95b1db48"},
+ {file = "click-8.1.3.tar.gz", hash = "sha256:7682dc8afb30297001674575ea00d1814d808d6a36af415a82bd481d37ba7b8e"},
+]
+colorama = [
+ {file = "colorama-0.4.5-py2.py3-none-any.whl", hash = "sha256:854bf444933e37f5824ae7bfc1e98d5bce2ebe4160d46b5edf346a89358e99da"},
+ {file = "colorama-0.4.5.tar.gz", hash = "sha256:e6c6b4334fc50988a639d9b98aa429a0b57da6e17b9a44f0451f930b6967b7a4"},
+]
+defusedxml = [
+ {file = "defusedxml-0.7.1-py2.py3-none-any.whl", hash = "sha256:a352e7e428770286cc899e2542b6cdaedb2b4953ff269a210103ec58f6198a61"},
+ {file = "defusedxml-0.7.1.tar.gz", hash = "sha256:1bb3032db185915b62d7c6209c5a8792be6a32ab2fedacc84e01b52c51aa3e69"},
+]
+fast-ctc-decode = [
+ {file = "fast_ctc_decode-0.3.2-cp310-cp310-macosx_10_7_x86_64.whl", hash = "sha256:5a654dab8b61176c4e8a4321e634098cc4c343aedf6709c91862a0c013664ab9"},
+ {file = "fast_ctc_decode-0.3.2-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:7918ff48043dd79e332ddac65fdc2b3acef74aa6a032cd792c86a4931b32df4c"},
+ {file = "fast_ctc_decode-0.3.2-cp310-none-win_amd64.whl", hash = "sha256:efa6b8515e201c1340987c52279dbe2ad0fdfd21b3c79c2ff1a8b3d84bbaf596"},
+ {file = "fast_ctc_decode-0.3.2-cp36-cp36m-macosx_10_7_x86_64.whl", hash = "sha256:68bc5a00fb7f710c76e0cbc21222a503711eee3876af57678482fa349af3fb6f"},
+ {file = "fast_ctc_decode-0.3.2-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:8e9811649b8649fa70214ea2267469b2a9c5bde16e1196d250b40b5225a012e6"},
+ {file = "fast_ctc_decode-0.3.2-cp37-cp37m-macosx_10_7_x86_64.whl", hash = "sha256:6304dc00d989d858a157f8ab2b7628d448a3d4026046a88081bc8847140f4e6c"},
+ {file = "fast_ctc_decode-0.3.2-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:22487c63ea807a3eb7a12a71d0a492e31c9d1b408cdb499870797d73681306e8"},
+ {file = "fast_ctc_decode-0.3.2-cp37-none-win_amd64.whl", hash = "sha256:33c7d108bb2daf888bf45eebbdcf2083bbc253a78857e3512474deeff8de14b3"},
+ {file = "fast_ctc_decode-0.3.2-cp38-cp38-macosx_10_7_x86_64.whl", hash = "sha256:e6ddbd6f68e4501ad4127e5dfec087d4571f9e019e5f9f6d38eed30095a06e8b"},
+ {file = "fast_ctc_decode-0.3.2-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:46870e1b48ddae7c150c0ef23ec54888126bdc0956a3a824f0fc32fbc584bd67"},
+ {file = "fast_ctc_decode-0.3.2-cp38-none-win_amd64.whl", hash = "sha256:470860e5f0e374483717dcfb1ec74892fa1bb983669e065245e1558533e44f19"},
+ {file = "fast_ctc_decode-0.3.2-cp39-cp39-macosx_10_7_x86_64.whl", hash = "sha256:3a2b1e0aa2f0931b3ea0b061d9e34b9ffc1ccd5fdce8f254c265c3f60974b448"},
+ {file = "fast_ctc_decode-0.3.2-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:99cff803d055b7a19234e6d9fd599da38a9c6a185f6377fa3f37704ad91298d0"},
+ {file = "fast_ctc_decode-0.3.2-cp39-none-win_amd64.whl", hash = "sha256:76b2061a70376361d6168953f4493625fa5ce9bbb4702aa309d4d87a5f93aa6c"},
+]
+filelock = [
+ {file = "filelock-3.8.0-py3-none-any.whl", hash = "sha256:617eb4e5eedc82fc5f47b6d61e4d11cb837c56cb4544e39081099fa17ad109d4"},
+ {file = "filelock-3.8.0.tar.gz", hash = "sha256:55447caa666f2198c5b6b13a26d2084d26fa5b115c00d065664b2124680c4edc"},
+]
+huggingface-hub = [
+ {file = "huggingface_hub-0.10.1-py3-none-any.whl", hash = "sha256:dc3b0e9a663fe6cad6a8522055c02a9d8673dbd527223288e2442bc028c253db"},
+ {file = "huggingface_hub-0.10.1.tar.gz", hash = "sha256:5c188d5b16bec4b78449f8681f9975ff9d321c16046cc29bcf0d7e464ff29276"},
+]
+idna = [
+ {file = "idna-3.4-py3-none-any.whl", hash = "sha256:90b77e79eaa3eba6de819a0c442c0b4ceefc341a7a2ab77d7562bf49f425c5c2"},
+ {file = "idna-3.4.tar.gz", hash = "sha256:814f528e8dead7d329833b91c5faa87d60bf71824cd12a7530b5526063d02cb4"},
+]
+imagecodecs = [
+ {file = "imagecodecs-2022.2.22-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:48bb7e15bd21e1f40bf0c850c5350e1d7e465589ddd3314f20810305dde06f6d"},
+ {file = "imagecodecs-2022.2.22-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1d8ed85a73dccd286cc4ca4fa67961a76f109cd082bc329e0a067dcc3b176e4e"},
+ {file = "imagecodecs-2022.2.22-cp310-cp310-win32.whl", hash = "sha256:001f1fc6e3c4305a291cd9c77026460090447607ef31c3b59152fe7e5d3f0102"},
+ {file = "imagecodecs-2022.2.22-cp310-cp310-win_amd64.whl", hash = "sha256:d62e1661a2feee3de069f26dea635f0e5e77d860d70bd6806b574419c0e73a40"},
+ {file = "imagecodecs-2022.2.22-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:2b68537d70acab8b13f039c248fc070463eea5192d7277e4b6284631e7e64290"},
+ {file = "imagecodecs-2022.2.22-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:eed93f43e2a950c9dc37aa108aff71f2d39c43f1e8b801bcda7ba6cab318f0cb"},
+ {file = "imagecodecs-2022.2.22-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:288138cda96524b652db8b4592d8907b68162fc14ba6f37f5b7a36c797d82a45"},
+ {file = "imagecodecs-2022.2.22-cp38-cp38-win32.whl", hash = "sha256:7247fbdb94c93aa36e9360fae7bf9af9518e27868778203a13772711a62b4f8f"},
+ {file = "imagecodecs-2022.2.22-cp38-cp38-win_amd64.whl", hash = "sha256:34d058ad1cd444d36a0a7e426b9fd5b22a0875ea1a1252f0db7c4a170315d191"},
+ {file = "imagecodecs-2022.2.22-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:68c3bef82ba6a6496b9e1118832c95e9ba72264fee0e7c852536ed76430d9da5"},
+ {file = "imagecodecs-2022.2.22-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:87878ae9fe73214735b05fc99ea3d878ef7fee0dff890fa0f94c40973d2ff15d"},
+ {file = "imagecodecs-2022.2.22-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f548073f5d6f45fac62549c4c683adede847fca54492965dd4fcffc55ac6ffc0"},
+ {file = "imagecodecs-2022.2.22-cp39-cp39-win32.whl", hash = "sha256:d76853451f57aa4c2376853272ce07903fd60562c895e207ddbfa8fc7cde3d1d"},
+ {file = "imagecodecs-2022.2.22-cp39-cp39-win_amd64.whl", hash = "sha256:30179978120ae1bb27721d13698fda965b7bf0fc2344f8a939e51491c3c74455"},
+ {file = "imagecodecs-2022.2.22-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:35284f3573da2449ecdf26b7d7e245f973dc29abed45c1d4213917655b633b89"},
+ {file = "imagecodecs-2022.2.22-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:25bf46b7acd2aba5fbfbefe52568f14d1466aa71e9134221e694d01f52e805a9"},
+ {file = "imagecodecs-2022.2.22.tar.gz", hash = "sha256:062bef6b003290a8163abed2744b406854238208dfdd41cf7165253c6e01c0bd"},
+]
+imageio = [
+ {file = "imageio-2.22.2-py3-none-any.whl", hash = "sha256:9bdafe9c5a3d336a187f3f554f3e30bcdbf8a1d7d46f0e4d94e4a535adfb64c7"},
+ {file = "imageio-2.22.2.tar.gz", hash = "sha256:db7010cd10712518819a4187baf61b05988361ea20c23e829918727b27acb977"},
+]
+joblib = [
+ {file = "joblib-1.2.0-py3-none-any.whl", hash = "sha256:091138ed78f800342968c523bdde947e7a305b8594b910a0fea2ab83c3c6d385"},
+ {file = "joblib-1.2.0.tar.gz", hash = "sha256:e1cee4a79e4af22881164f218d4311f60074197fb707e082e803b61f6d137018"},
+]
+jstyleson = [
+ {file = "jstyleson-0.0.2.tar.gz", hash = "sha256:680003f3b15a2959e4e6a351f3b858e3c07dd3e073a0d54954e34d8ea5e1308e"},
+]
+lmdb = [
+ {file = "lmdb-1.3.0-cp27-cp27m-macosx_10_14_x86_64.whl", hash = "sha256:63cb73fe7ce9eb93d992d632c85a0476b4332670d9e6a2802b5062f603b7809f"},
+ {file = "lmdb-1.3.0-cp310-cp310-macosx_10_14_x86_64.whl", hash = "sha256:abbc439cd9fe60ffd6197009087ea885ac150017dc85384093b1d376f83f0ec4"},
+ {file = "lmdb-1.3.0-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:6260a526e4ad85b1f374a5ba9475bf369fb07e7728ea6ec57226b02c40d1976b"},
+ {file = "lmdb-1.3.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e568ae0887ae196340947d9800136e90feaed6b86a261ef01f01b2ba65fc8106"},
+ {file = "lmdb-1.3.0-cp310-cp310-win_amd64.whl", hash = "sha256:d6a816954d212f40fd15007cd81ab7a6bebb77436d949a6a9ae04af57fc127f3"},
+ {file = "lmdb-1.3.0-cp35-cp35m-macosx_10_14_x86_64.whl", hash = "sha256:fa6439356e591d3249ab0e1778a6f8d8408e993f66dc911914c78208f5310309"},
+ {file = "lmdb-1.3.0-cp35-cp35m-win_amd64.whl", hash = "sha256:c6adbd6f7f9048e97f31a069e652eb51020a81e80a0ce92dbb9810d21da2409a"},
+ {file = "lmdb-1.3.0-cp36-cp36m-macosx_10_14_x86_64.whl", hash = "sha256:eefb392f6b5cd43aada49258c5a79be11cb2c8cd3fc3e2d9319a1e0b9f906458"},
+ {file = "lmdb-1.3.0-cp36-cp36m-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:5a14aca2651c3af6f0d0a6b9168200eea0c8f2d27c40b01a442f33329a6e8dff"},
+ {file = "lmdb-1.3.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2cfa4aa9c67f8aee89b23005e98d1f3f32490b6b905fd1cb604b207cbd5755ab"},
+ {file = "lmdb-1.3.0-cp36-cp36m-win_amd64.whl", hash = "sha256:7da05d70fcc6561ac6b09e9fb1bf64b7ca294652c64c8a2889273970cee796b9"},
+ {file = "lmdb-1.3.0-cp37-cp37m-macosx_10_14_x86_64.whl", hash = "sha256:008243762decf8f6c90430a9bced56290ebbcdb5e877d90e42343bb97033e494"},
+ {file = "lmdb-1.3.0-cp37-cp37m-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:17215a42a4b9814c383deabecb160581e4fb75d00198eef0e3cea54f230ffbea"},
+ {file = "lmdb-1.3.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:65334eafa5d430b18d81ebd5362559a41483c362e1931f6e1b15bab2ecb7d75d"},
+ {file = "lmdb-1.3.0-cp37-cp37m-win_amd64.whl", hash = "sha256:18c69fabdaf04efaf246587739cc1062b3e57c6ef0743f5c418df89e5e7e7b9b"},
+ {file = "lmdb-1.3.0-cp38-cp38-macosx_10_14_x86_64.whl", hash = "sha256:41318717ab5d15ad2d6d263d34fbf614a045210f64b25e59ce734bb2105e421f"},
+ {file = "lmdb-1.3.0-cp38-cp38-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:df2724bad7820114a205472994091097d0fa65a3e5fff5a8e688d123fb8c6326"},
+ {file = "lmdb-1.3.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5ddd590e1c7fcb395931aa3782fb89b9db4550ab2d81d006ecd239e0d462bc41"},
+ {file = "lmdb-1.3.0-cp38-cp38-win_amd64.whl", hash = "sha256:4172fba19417d7b29409beca7d73c067b54e5d8ab1fb9b51d7b4c1445d20a167"},
+ {file = "lmdb-1.3.0-cp39-cp39-macosx_10_14_x86_64.whl", hash = "sha256:2df38115dd9428a54d59ae7c712a4c7cce0d6b1d66056de4b1a8c38718066106"},
+ {file = "lmdb-1.3.0-cp39-cp39-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:d9103aa4908f0bca43c5911ca067d4e3d01f682dff0c0381a1239bd2bd757984"},
+ {file = "lmdb-1.3.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:394df860c3f93cfd92b6f4caba785f38208cc9614c18b3803f83a2cc1695042f"},
+ {file = "lmdb-1.3.0-cp39-cp39-win_amd64.whl", hash = "sha256:62ab28e3593bdc318ea2f2fa1574e5fca3b6d1f264686d773ba54a637d4f563b"},
+ {file = "lmdb-1.3.0-pp27-pypy_73-macosx_10_7_x86_64.whl", hash = "sha256:e6a704b3baced9182836c7f77b769f23856f3a8f62d0282b1bc1feaf81a86712"},
+ {file = "lmdb-1.3.0-pp27-pypy_73-win_amd64.whl", hash = "sha256:08f4b5129f4683802569b02581142e415c8dcc0ff07605983ec1b07804cecbad"},
+ {file = "lmdb-1.3.0-pp36-pypy36_pp73-win32.whl", hash = "sha256:f291e3f561f58dddf63a92a5a6a4b8af3a0920b6705d35e2f80e52e86ee238a2"},
+ {file = "lmdb-1.3.0.tar.gz", hash = "sha256:60a11efc21aaf009d06518996360eed346f6000bfc9de05114374230879f992e"},
+]
+networkx = [
+ {file = "networkx-2.8-py3-none-any.whl", hash = "sha256:1a1e8fe052cc1b4e0339b998f6795099562a264a13a5af7a32cad45ab9d4e126"},
+ {file = "networkx-2.8.tar.gz", hash = "sha256:4a52cf66aed221955420e11b3e2e05ca44196b4829aab9576d4d439212b0a14f"},
+]
+nibabel = [
+ {file = "nibabel-4.0.2-py3-none-any.whl", hash = "sha256:c4fe76348aa865f8300beaaf2a69d31624964c861853ef80c06e33d5f244413c"},
+ {file = "nibabel-4.0.2.tar.gz", hash = "sha256:45c49b5349351b45f6c045a91aa02b4f0d367686ff3284632ef95ac65b930786"},
+]
+nltk = [
+ {file = "nltk-3.7-py3-none-any.whl", hash = "sha256:ba3de02490308b248f9b94c8bc1ac0683e9aa2ec49ee78536d8667afb5e3eec8"},
+ {file = "nltk-3.7.zip", hash = "sha256:d6507d6460cec76d70afea4242a226a7542f85c669177b9c7f562b7cf1b05502"},
+]
+numpy = [
+ {file = "numpy-1.23.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:b15c3f1ed08df4980e02cc79ee058b788a3d0bef2fb3c9ca90bb8cbd5b8a3a04"},
+ {file = "numpy-1.23.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:9ce242162015b7e88092dccd0e854548c0926b75c7924a3495e02c6067aba1f5"},
+ {file = "numpy-1.23.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e0d7447679ae9a7124385ccf0ea990bb85bb869cef217e2ea6c844b6a6855073"},
+ {file = "numpy-1.23.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3119daed207e9410eaf57dcf9591fdc68045f60483d94956bee0bfdcba790953"},
+ {file = "numpy-1.23.1-cp310-cp310-win32.whl", hash = "sha256:3ab67966c8d45d55a2bdf40701536af6443763907086c0a6d1232688e27e5447"},
+ {file = "numpy-1.23.1-cp310-cp310-win_amd64.whl", hash = "sha256:1865fdf51446839ca3fffaab172461f2b781163f6f395f1aed256b1ddc253622"},
+ {file = "numpy-1.23.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:aeba539285dcf0a1ba755945865ec61240ede5432df41d6e29fab305f4384db2"},
+ {file = "numpy-1.23.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:7e8229f3687cdadba2c4faef39204feb51ef7c1a9b669247d49a24f3e2e1617c"},
+ {file = "numpy-1.23.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:68b69f52e6545af010b76516f5daaef6173e73353e3295c5cb9f96c35d755641"},
+ {file = "numpy-1.23.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1408c3527a74a0209c781ac82bde2182b0f0bf54dea6e6a363fe0cc4488a7ce7"},
+ {file = "numpy-1.23.1-cp38-cp38-win32.whl", hash = "sha256:47f10ab202fe4d8495ff484b5561c65dd59177949ca07975663f4494f7269e3e"},
+ {file = "numpy-1.23.1-cp38-cp38-win_amd64.whl", hash = "sha256:37e5ebebb0eb54c5b4a9b04e6f3018e16b8ef257d26c8945925ba8105008e645"},
+ {file = "numpy-1.23.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:173f28921b15d341afadf6c3898a34f20a0569e4ad5435297ba262ee8941e77b"},
+ {file = "numpy-1.23.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:876f60de09734fbcb4e27a97c9a286b51284df1326b1ac5f1bf0ad3678236b22"},
+ {file = "numpy-1.23.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:35590b9c33c0f1c9732b3231bb6a72d1e4f77872390c47d50a615686ae7ed3fd"},
+ {file = "numpy-1.23.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a35c4e64dfca659fe4d0f1421fc0f05b8ed1ca8c46fb73d9e5a7f175f85696bb"},
+ {file = "numpy-1.23.1-cp39-cp39-win32.whl", hash = "sha256:c2f91f88230042a130ceb1b496932aa717dcbd665350beb821534c5c7e15881c"},
+ {file = "numpy-1.23.1-cp39-cp39-win_amd64.whl", hash = "sha256:37ece2bd095e9781a7156852e43d18044fd0d742934833335599c583618181b9"},
+ {file = "numpy-1.23.1-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:8002574a6b46ac3b5739a003b5233376aeac5163e5dcd43dd7ad062f3e186129"},
+ {file = "numpy-1.23.1-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5d732d17b8a9061540a10fda5bfeabca5785700ab5469a5e9b93aca5e2d3a5fb"},
+ {file = "numpy-1.23.1-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:55df0f7483b822855af67e38fb3a526e787adf189383b4934305565d71c4b148"},
+ {file = "numpy-1.23.1.tar.gz", hash = "sha256:d748ef349bfef2e1194b59da37ed5a29c19ea8d7e6342019921ba2ba4fd8b624"},
+]
+onnx = [
+ {file = "onnx-1.12.0-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:bdbd2578424c70836f4d0f9dda16c21868ddb07cc8192f9e8a176908b43d694b"},
+ {file = "onnx-1.12.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:213e73610173f6b2e99f99a4b0636f80b379c417312079d603806e48ada4ca8b"},
+ {file = "onnx-1.12.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9fd2f4e23078df197bb76a59b9cd8f5a43a6ad2edc035edb3ecfb9042093e05a"},
+ {file = "onnx-1.12.0-cp310-cp310-win32.whl", hash = "sha256:23781594bb8b7ee985de1005b3c601648d5b0568a81e01365c48f91d1f5648e4"},
+ {file = "onnx-1.12.0-cp310-cp310-win_amd64.whl", hash = "sha256:81a3555fd67be2518bf86096299b48fb9154652596219890abfe90bd43a9ec13"},
+ {file = "onnx-1.12.0-cp37-cp37m-macosx_10_12_x86_64.whl", hash = "sha256:5578b93dc6c918cec4dee7fb7d9dd3b09d338301ee64ca8b4f28bc217ed42dca"},
+ {file = "onnx-1.12.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c11162ffc487167da140f1112f49c4f82d815824f06e58bc3095407699f05863"},
+ {file = "onnx-1.12.0-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:341c7016e23273e9ffa9b6e301eee95b8c37d0f04df7cedbdb169d2c39524c96"},
+ {file = "onnx-1.12.0-cp37-cp37m-win32.whl", hash = "sha256:3c6e6bcffc3f5c1e148df3837dc667fa4c51999788c1b76b0b8fbba607e02da8"},
+ {file = "onnx-1.12.0-cp37-cp37m-win_amd64.whl", hash = "sha256:8a7aa61aea339bd28f310f4af4f52ce6c4b876386228760b16308efd58f95059"},
+ {file = "onnx-1.12.0-cp38-cp38-macosx_10_12_x86_64.whl", hash = "sha256:56ceb7e094c43882b723cfaa107d85ad673cfdf91faeb28d7dcadacca4f43a07"},
+ {file = "onnx-1.12.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b3629e8258db15d4e2c9b7f1be91a3186719dd94661c218c6f5fde3cc7de3d4d"},
+ {file = "onnx-1.12.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2d9a7db54e75529160337232282a4816cc50667dc7dc34be178fd6f6b79d4705"},
+ {file = "onnx-1.12.0-cp38-cp38-win32.whl", hash = "sha256:fea5156a03398fe0e23248042d8651c1eaac5f6637d4dd683b4c1f1320b9f7b4"},
+ {file = "onnx-1.12.0-cp38-cp38-win_amd64.whl", hash = "sha256:f66d2996e65f490a57b3ae952e4e9189b53cc9fe3f75e601d50d4db2dc1b1cd9"},
+ {file = "onnx-1.12.0-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:c39a7a0352c856f1df30dccf527eb6cb4909052e5eaf6fa2772a637324c526aa"},
+ {file = "onnx-1.12.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fab13feb4d94342aae6d357d480f2e47d41b9f4e584367542b21ca6defda9e0a"},
+ {file = "onnx-1.12.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c7a9b3ea02c30efc1d2662337e280266aca491a8e86be0d8a657f874b7cccd1e"},
+ {file = "onnx-1.12.0-cp39-cp39-win32.whl", hash = "sha256:f8800f28c746ab06e51ef8449fd1215621f4ddba91be3ffc264658937d38a2af"},
+ {file = "onnx-1.12.0-cp39-cp39-win_amd64.whl", hash = "sha256:af90427ca04c6b7b8107c2021e1273227a3ef1a7a01f3073039cae7855a59833"},
+ {file = "onnx-1.12.0.tar.gz", hash = "sha256:13b3e77d27523b9dbf4f30dfc9c959455859d5e34e921c44f712d69b8369eff9"},
+]
+opencv-python = [
+ {file = "opencv-python-4.6.0.66.tar.gz", hash = "sha256:c5bfae41ad4031e66bb10ec4a0a2ffd3e514d092652781e8b1ac98d1b59f1158"},
+ {file = "opencv_python-4.6.0.66-cp36-abi3-macosx_10_15_x86_64.whl", hash = "sha256:e6e448b62afc95c5b58f97e87ef84699e6607fe5c58730a03301c52496005cae"},
+ {file = "opencv_python-4.6.0.66-cp36-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5af8ba35a4fcb8913ffb86e92403e9a656a4bff4a645d196987468f0f8947875"},
+ {file = "opencv_python-4.6.0.66-cp36-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:dbdc84a9b4ea2cbae33861652d25093944b9959279200b7ae0badd32439f74de"},
+ {file = "opencv_python-4.6.0.66-cp36-abi3-win32.whl", hash = "sha256:f482e78de6e7b0b060ff994ffd859bddc3f7f382bb2019ef157b0ea8ca8712f5"},
+ {file = "opencv_python-4.6.0.66-cp36-abi3-win_amd64.whl", hash = "sha256:0dc82a3d8630c099d2f3ac1b1aabee164e8188db54a786abb7a4e27eba309440"},
+ {file = "opencv_python-4.6.0.66-cp37-abi3-macosx_11_0_arm64.whl", hash = "sha256:6e32af22e3202748bd233ed8f538741876191863882eba44e332d1a34993165b"},
+]
+openvino = [
+ {file = "openvino-2022.2.0-7713-cp36-cp36m-macosx_10_15_x86_64.whl", hash = "sha256:c60cbbef6ca6a0129e72bc89955875cebc793c5b4507aae59e6f055ed900c235"},
+ {file = "openvino-2022.2.0-7713-cp36-cp36m-manylinux_2_27_x86_64.whl", hash = "sha256:2c6c0fae7ac450e9591b5daa329772639d5da8075f133a6983fc1aed4ae63bc7"},
+ {file = "openvino-2022.2.0-7713-cp36-cp36m-win_amd64.whl", hash = "sha256:772bd1d75b5cc7a7ee38c71981d9e71987d83612c744cb8bd7d0c9279d5944cd"},
+ {file = "openvino-2022.2.0-7713-cp37-cp37m-macosx_10_15_x86_64.whl", hash = "sha256:36787ff0ec1157c595d75b50b591a5050678f08980fc1727b9e63593179fe0ad"},
+ {file = "openvino-2022.2.0-7713-cp37-cp37m-manylinux_2_27_x86_64.whl", hash = "sha256:410f383dbb899dc521ea2fd1a6d02905a6e2ef336fb8b3e27f54b9e5ad667d30"},
+ {file = "openvino-2022.2.0-7713-cp37-cp37m-win_amd64.whl", hash = "sha256:64b92bb4ab0622828aa6dc3dc57740bae2982a98d27b31bb99fb51fef28a8ef3"},
+ {file = "openvino-2022.2.0-7713-cp38-cp38-macosx_10_15_x86_64.whl", hash = "sha256:1f886546791fb8cad18b624c9a88e8b91904f9293e5b33eb4309e3f5331a983c"},
+ {file = "openvino-2022.2.0-7713-cp38-cp38-manylinux_2_27_x86_64.whl", hash = "sha256:ddae2f441e32297d5caa7b25091beb8c2358616fd7094572fdb3df27a96bf79e"},
+ {file = "openvino-2022.2.0-7713-cp38-cp38-win_amd64.whl", hash = "sha256:97fa3f3419c8766b9419d493ab52eeb431eb678fe97a0bdd0fed4307c6a09292"},
+ {file = "openvino-2022.2.0-7713-cp39-cp39-macosx_10_15_x86_64.whl", hash = "sha256:97528431c6d7f438b51b90057e4557b155750b31a40d241e16c916341255c7b3"},
+ {file = "openvino-2022.2.0-7713-cp39-cp39-manylinux_2_27_x86_64.whl", hash = "sha256:b418a4312cf40a3010f31c09ff360d2a8aa8bc67c5c0b20859c80acafa630833"},
+ {file = "openvino-2022.2.0-7713-cp39-cp39-win_amd64.whl", hash = "sha256:3286e8755b1a1bbe898229025827001032e12ae7602de29984c8d04f025c2087"},
+]
+openvino-dev = [
+ {file = "openvino_dev-2022.2.0-7713-py3-none-any.whl", hash = "sha256:6bb731fa67d40ea03bc9379c3d47607e70a831b6c33fe789fe8a29cbcce074c3"},
+]
+openvino-telemetry = [
+ {file = "openvino-telemetry-2022.1.1.tar.gz", hash = "sha256:1f78db940aecf75ab2781a79f2591a92017f3a97509d45daebdf3c39e9056c41"},
+ {file = "openvino_telemetry-2022.1.1-py3-none-any.whl", hash = "sha256:f68d8f6a835fbbfba59214819e4a9d0525021bb312372ae0c5785de5cc913911"},
+]
+packaging = [
+ {file = "packaging-21.3-py3-none-any.whl", hash = "sha256:ef103e05f519cdc783ae24ea4e2e0f508a9c99b2d4969652eed6a2e1ea5bd522"},
+ {file = "packaging-21.3.tar.gz", hash = "sha256:dd47c42927d89ab911e606518907cc2d3a1f38bbd026385970643f9c5b8ecfeb"},
+]
+pandas = [
+ {file = "pandas-1.1.5-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:bf23a3b54d128b50f4f9d4675b3c1857a688cc6731a32f931837d72effb2698d"},
+ {file = "pandas-1.1.5-cp36-cp36m-manylinux1_i686.whl", hash = "sha256:5a780260afc88268a9d3ac3511d8f494fdcf637eece62fb9eb656a63d53eb7ca"},
+ {file = "pandas-1.1.5-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:b61080750d19a0122469ab59b087380721d6b72a4e7d962e4d7e63e0c4504814"},
+ {file = "pandas-1.1.5-cp36-cp36m-manylinux2014_aarch64.whl", hash = "sha256:0de3ddb414d30798cbf56e642d82cac30a80223ad6fe484d66c0ce01a84d6f2f"},
+ {file = "pandas-1.1.5-cp36-cp36m-win32.whl", hash = "sha256:70865f96bb38fec46f7ebd66d4b5cfd0aa6b842073f298d621385ae3898d28b5"},
+ {file = "pandas-1.1.5-cp36-cp36m-win_amd64.whl", hash = "sha256:19a2148a1d02791352e9fa637899a78e371a3516ac6da5c4edc718f60cbae648"},
+ {file = "pandas-1.1.5-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:26fa92d3ac743a149a31b21d6f4337b0594b6302ea5575b37af9ca9611e8981a"},
+ {file = "pandas-1.1.5-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:c16d59c15d946111d2716856dd5479221c9e4f2f5c7bc2d617f39d870031e086"},
+ {file = "pandas-1.1.5-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:3be7a7a0ca71a2640e81d9276f526bca63505850add10206d0da2e8a0a325dae"},
+ {file = "pandas-1.1.5-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:573fba5b05bf2c69271a32e52399c8de599e4a15ab7cec47d3b9c904125ab788"},
+ {file = "pandas-1.1.5-cp37-cp37m-win32.whl", hash = "sha256:21b5a2b033380adbdd36b3116faaf9a4663e375325831dac1b519a44f9e439bb"},
+ {file = "pandas-1.1.5-cp37-cp37m-win_amd64.whl", hash = "sha256:24c7f8d4aee71bfa6401faeba367dd654f696a77151a8a28bc2013f7ced4af98"},
+ {file = "pandas-1.1.5-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:2860a97cbb25444ffc0088b457da0a79dc79f9c601238a3e0644312fcc14bf11"},
+ {file = "pandas-1.1.5-cp38-cp38-manylinux1_i686.whl", hash = "sha256:5008374ebb990dad9ed48b0f5d0038124c73748f5384cc8c46904dace27082d9"},
+ {file = "pandas-1.1.5-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:2c2f7c670ea4e60318e4b7e474d56447cf0c7d83b3c2a5405a0dbb2600b9c48e"},
+ {file = "pandas-1.1.5-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:0a643bae4283a37732ddfcecab3f62dd082996021b980f580903f4e8e01b3c5b"},
+ {file = "pandas-1.1.5-cp38-cp38-win32.whl", hash = "sha256:5447ea7af4005b0daf695a316a423b96374c9c73ffbd4533209c5ddc369e644b"},
+ {file = "pandas-1.1.5-cp38-cp38-win_amd64.whl", hash = "sha256:4c62e94d5d49db116bef1bd5c2486723a292d79409fc9abd51adf9e05329101d"},
+ {file = "pandas-1.1.5-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:731568be71fba1e13cae212c362f3d2ca8932e83cb1b85e3f1b4dd77d019254a"},
+ {file = "pandas-1.1.5-cp39-cp39-manylinux1_i686.whl", hash = "sha256:c61c043aafb69329d0f961b19faa30b1dab709dd34c9388143fc55680059e55a"},
+ {file = "pandas-1.1.5-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:2b1c6cd28a0dfda75c7b5957363333f01d370936e4c6276b7b8e696dd500582a"},
+ {file = "pandas-1.1.5-cp39-cp39-win32.whl", hash = "sha256:c94ff2780a1fd89f190390130d6d36173ca59fcfb3fe0ff596f9a56518191ccb"},
+ {file = "pandas-1.1.5-cp39-cp39-win_amd64.whl", hash = "sha256:edda9bacc3843dfbeebaf7a701763e68e741b08fccb889c003b0a52f0ee95782"},
+ {file = "pandas-1.1.5.tar.gz", hash = "sha256:f10fc41ee3c75a474d3bdf68d396f10782d013d7f67db99c0efbfd0acb99701b"},
+]
+parasail = [
+ {file = "parasail-1.2.4-py2.py3-none-macosx_10_9_x86_64.whl", hash = "sha256:35bebac42193a0608fa59a42f34a3b393010d4d425a0c40a7bf3419ea7a0b2fe"},
+ {file = "parasail-1.2.4-py2.py3-none-manylinux2010_i686.whl", hash = "sha256:fd940a737507e1980d3c08982f0c3aef084515c059daff39e1ebd370db2f5fa3"},
+ {file = "parasail-1.2.4-py2.py3-none-manylinux2010_x86_64.whl", hash = "sha256:37d17536b37886dcf87883f56c04ff614fec780e111db5a0cedd791c586ef252"},
+ {file = "parasail-1.2.4-py2.py3-none-win32.whl", hash = "sha256:500a181b5c8f96083423913efdb3070fde7ca8e1bb2de222d03e2ef1c37bec2c"},
+ {file = "parasail-1.2.4-py2.py3-none-win_amd64.whl", hash = "sha256:5324e87262ae456a5c7165394734eda60f9b8927eb4bf6b88f6fe5f55c404e66"},
+ {file = "parasail-1.2.4.tar.gz", hash = "sha256:8e6e0762924a461bb437cbb71122765c6912dace880e338bd19c7f9d12efead2"},
+ {file = "parasail-1.3.3-py2.py3-none-macosx_10_9_x86_64.whl", hash = "sha256:255de69f5ee3e487ec862c5dd1acacb46ecc5fb6100519c1454b59d8791aed51"},
+ {file = "parasail-1.3.3-py2.py3-none-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f2a67f8eb350ac743da3282df450ee83d606ceb6c9d71b8a30036e348fbba8ba"},
+ {file = "parasail-1.3.3-py2.py3-none-musllinux_1_1_i686.whl", hash = "sha256:bf365457118faa3ebf351352992725e1b52e85a25e50001a9c4a05b3bd23b681"},
+ {file = "parasail-1.3.3-py2.py3-none-win32.whl", hash = "sha256:7ca4024288b0c156e813da50f75c470ef3e19e23cabf00f69ef61b5e26ac7498"},
+ {file = "parasail-1.3.3-py2.py3-none-win_amd64.whl", hash = "sha256:be0a12b5d9b4fef6b5f7001879b01ff67c40f934ccef0726aa523cc4e1859f63"},
+ {file = "parasail-1.3.3.tar.gz", hash = "sha256:06f05066d9cf624c0b043f51a1e9d2964154e1edd0f9843e0838f32073e576f8"},
+]
+pillow = [
+ {file = "Pillow-9.2.0-cp310-cp310-macosx_10_10_x86_64.whl", hash = "sha256:a9c9bc489f8ab30906d7a85afac4b4944a572a7432e00698a7239f44a44e6efb"},
+ {file = "Pillow-9.2.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:510cef4a3f401c246cfd8227b300828715dd055463cdca6176c2e4036df8bd4f"},
+ {file = "Pillow-9.2.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7888310f6214f19ab2b6df90f3f06afa3df7ef7355fc025e78a3044737fab1f5"},
+ {file = "Pillow-9.2.0-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:831e648102c82f152e14c1a0938689dbb22480c548c8d4b8b248b3e50967b88c"},
+ {file = "Pillow-9.2.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1cc1d2451e8a3b4bfdb9caf745b58e6c7a77d2e469159b0d527a4554d73694d1"},
+ {file = "Pillow-9.2.0-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:136659638f61a251e8ed3b331fc6ccd124590eeff539de57c5f80ef3a9594e58"},
+ {file = "Pillow-9.2.0-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:6e8c66f70fb539301e064f6478d7453e820d8a2c631da948a23384865cd95544"},
+ {file = "Pillow-9.2.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:37ff6b522a26d0538b753f0b4e8e164fdada12db6c6f00f62145d732d8a3152e"},
+ {file = "Pillow-9.2.0-cp310-cp310-win32.whl", hash = "sha256:c79698d4cd9318d9481d89a77e2d3fcaeff5486be641e60a4b49f3d2ecca4e28"},
+ {file = "Pillow-9.2.0-cp310-cp310-win_amd64.whl", hash = "sha256:254164c57bab4b459f14c64e93df11eff5ded575192c294a0c49270f22c5d93d"},
+ {file = "Pillow-9.2.0-cp311-cp311-macosx_10_10_x86_64.whl", hash = "sha256:adabc0bce035467fb537ef3e5e74f2847c8af217ee0be0455d4fec8adc0462fc"},
+ {file = "Pillow-9.2.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:336b9036127eab855beec9662ac3ea13a4544a523ae273cbf108b228ecac8437"},
+ {file = "Pillow-9.2.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:50dff9cc21826d2977ef2d2a205504034e3a4563ca6f5db739b0d1026658e004"},
+ {file = "Pillow-9.2.0-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:cb6259196a589123d755380b65127ddc60f4c64b21fc3bb46ce3a6ea663659b0"},
+ {file = "Pillow-9.2.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7b0554af24df2bf96618dac71ddada02420f946be943b181108cac55a7a2dcd4"},
+ {file = "Pillow-9.2.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:15928f824870535c85dbf949c09d6ae7d3d6ac2d6efec80f3227f73eefba741c"},
+ {file = "Pillow-9.2.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:bdd0de2d64688ecae88dd8935012c4a72681e5df632af903a1dca8c5e7aa871a"},
+ {file = "Pillow-9.2.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:d5b87da55a08acb586bad5c3aa3b86505f559b84f39035b233d5bf844b0834b1"},
+ {file = "Pillow-9.2.0-cp311-cp311-win32.whl", hash = "sha256:b6d5e92df2b77665e07ddb2e4dbd6d644b78e4c0d2e9272a852627cdba0d75cf"},
+ {file = "Pillow-9.2.0-cp311-cp311-win_amd64.whl", hash = "sha256:6bf088c1ce160f50ea40764f825ec9b72ed9da25346216b91361eef8ad1b8f8c"},
+ {file = "Pillow-9.2.0-cp37-cp37m-macosx_10_10_x86_64.whl", hash = "sha256:2c58b24e3a63efd22554c676d81b0e57f80e0a7d3a5874a7e14ce90ec40d3069"},
+ {file = "Pillow-9.2.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:eef7592281f7c174d3d6cbfbb7ee5984a671fcd77e3fc78e973d492e9bf0eb3f"},
+ {file = "Pillow-9.2.0-cp37-cp37m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:dcd7b9c7139dc8258d164b55696ecd16c04607f1cc33ba7af86613881ffe4ac8"},
+ {file = "Pillow-9.2.0-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a138441e95562b3c078746a22f8fca8ff1c22c014f856278bdbdd89ca36cff1b"},
+ {file = "Pillow-9.2.0-cp37-cp37m-manylinux_2_28_aarch64.whl", hash = "sha256:93689632949aff41199090eff5474f3990b6823404e45d66a5d44304e9cdc467"},
+ {file = "Pillow-9.2.0-cp37-cp37m-manylinux_2_28_x86_64.whl", hash = "sha256:f3fac744f9b540148fa7715a435d2283b71f68bfb6d4aae24482a890aed18b59"},
+ {file = "Pillow-9.2.0-cp37-cp37m-win32.whl", hash = "sha256:fa768eff5f9f958270b081bb33581b4b569faabf8774726b283edb06617101dc"},
+ {file = "Pillow-9.2.0-cp37-cp37m-win_amd64.whl", hash = "sha256:69bd1a15d7ba3694631e00df8de65a8cb031911ca11f44929c97fe05eb9b6c1d"},
+ {file = "Pillow-9.2.0-cp38-cp38-macosx_10_10_x86_64.whl", hash = "sha256:030e3460861488e249731c3e7ab59b07c7853838ff3b8e16aac9561bb345da14"},
+ {file = "Pillow-9.2.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:74a04183e6e64930b667d321524e3c5361094bb4af9083db5c301db64cd341f3"},
+ {file = "Pillow-9.2.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2d33a11f601213dcd5718109c09a52c2a1c893e7461f0be2d6febc2879ec2402"},
+ {file = "Pillow-9.2.0-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1fd6f5e3c0e4697fa7eb45b6e93996299f3feee73a3175fa451f49a74d092b9f"},
+ {file = "Pillow-9.2.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a647c0d4478b995c5e54615a2e5360ccedd2f85e70ab57fbe817ca613d5e63b8"},
+ {file = "Pillow-9.2.0-cp38-cp38-manylinux_2_28_aarch64.whl", hash = "sha256:4134d3f1ba5f15027ff5c04296f13328fecd46921424084516bdb1b2548e66ff"},
+ {file = "Pillow-9.2.0-cp38-cp38-manylinux_2_28_x86_64.whl", hash = "sha256:bc431b065722a5ad1dfb4df354fb9333b7a582a5ee39a90e6ffff688d72f27a1"},
+ {file = "Pillow-9.2.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:1536ad017a9f789430fb6b8be8bf99d2f214c76502becc196c6f2d9a75b01b76"},
+ {file = "Pillow-9.2.0-cp38-cp38-win32.whl", hash = "sha256:2ad0d4df0f5ef2247e27fc790d5c9b5a0af8ade9ba340db4a73bb1a4a3e5fb4f"},
+ {file = "Pillow-9.2.0-cp38-cp38-win_amd64.whl", hash = "sha256:ec52c351b35ca269cb1f8069d610fc45c5bd38c3e91f9ab4cbbf0aebc136d9c8"},
+ {file = "Pillow-9.2.0-cp39-cp39-macosx_10_10_x86_64.whl", hash = "sha256:0ed2c4ef2451de908c90436d6e8092e13a43992f1860275b4d8082667fbb2ffc"},
+ {file = "Pillow-9.2.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:4ad2f835e0ad81d1689f1b7e3fbac7b01bb8777d5a985c8962bedee0cc6d43da"},
+ {file = "Pillow-9.2.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ea98f633d45f7e815db648fd7ff0f19e328302ac36427343e4432c84432e7ff4"},
+ {file = "Pillow-9.2.0-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7761afe0126d046974a01e030ae7529ed0ca6a196de3ec6937c11df0df1bc91c"},
+ {file = "Pillow-9.2.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9a54614049a18a2d6fe156e68e188da02a046a4a93cf24f373bffd977e943421"},
+ {file = "Pillow-9.2.0-cp39-cp39-manylinux_2_28_aarch64.whl", hash = "sha256:5aed7dde98403cd91d86a1115c78d8145c83078e864c1de1064f52e6feb61b20"},
+ {file = "Pillow-9.2.0-cp39-cp39-manylinux_2_28_x86_64.whl", hash = "sha256:13b725463f32df1bfeacbf3dd197fb358ae8ebcd8c5548faa75126ea425ccb60"},
+ {file = "Pillow-9.2.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:808add66ea764ed97d44dda1ac4f2cfec4c1867d9efb16a33d158be79f32b8a4"},
+ {file = "Pillow-9.2.0-cp39-cp39-win32.whl", hash = "sha256:337a74fd2f291c607d220c793a8135273c4c2ab001b03e601c36766005f36885"},
+ {file = "Pillow-9.2.0-cp39-cp39-win_amd64.whl", hash = "sha256:fac2d65901fb0fdf20363fbd345c01958a742f2dc62a8dd4495af66e3ff502a4"},
+ {file = "Pillow-9.2.0-pp37-pypy37_pp73-macosx_10_10_x86_64.whl", hash = "sha256:ad2277b185ebce47a63f4dc6302e30f05762b688f8dc3de55dbae4651872cdf3"},
+ {file = "Pillow-9.2.0-pp37-pypy37_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7c7b502bc34f6e32ba022b4a209638f9e097d7a9098104ae420eb8186217ebbb"},
+ {file = "Pillow-9.2.0-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3d1f14f5f691f55e1b47f824ca4fdcb4b19b4323fe43cc7bb105988cad7496be"},
+ {file = "Pillow-9.2.0-pp37-pypy37_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:dfe4c1fedfde4e2fbc009d5ad420647f7730d719786388b7de0999bf32c0d9fd"},
+ {file = "Pillow-9.2.0-pp38-pypy38_pp73-macosx_10_10_x86_64.whl", hash = "sha256:f07f1f00e22b231dd3d9b9208692042e29792d6bd4f6639415d2f23158a80013"},
+ {file = "Pillow-9.2.0-pp38-pypy38_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1802f34298f5ba11d55e5bb09c31997dc0c6aed919658dfdf0198a2fe75d5490"},
+ {file = "Pillow-9.2.0-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:17d4cafe22f050b46d983b71c707162d63d796a1235cdf8b9d7a112e97b15bac"},
+ {file = "Pillow-9.2.0-pp38-pypy38_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:96b5e6874431df16aee0c1ba237574cb6dff1dcb173798faa6a9d8b399a05d0e"},
+ {file = "Pillow-9.2.0-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:0030fdbd926fb85844b8b92e2f9449ba89607231d3dd597a21ae72dc7fe26927"},
+ {file = "Pillow-9.2.0.tar.gz", hash = "sha256:75e636fd3e0fb872693f23ccb8a5ff2cd578801251f3a4f6854c6a5d437d3c04"},
+]
+progress = [
+ {file = "progress-1.6.tar.gz", hash = "sha256:c9c86e98b5c03fa1fe11e3b67c1feda4788b8d0fe7336c2ff7d5644ccfba34cd"},
+]
+protobuf = [
+ {file = "protobuf-3.20.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:3cc797c9d15d7689ed507b165cd05913acb992d78b379f6014e013f9ecb20996"},
+ {file = "protobuf-3.20.1-cp310-cp310-manylinux2014_aarch64.whl", hash = "sha256:ff8d8fa42675249bb456f5db06c00de6c2f4c27a065955917b28c4f15978b9c3"},
+ {file = "protobuf-3.20.1-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:cd68be2559e2a3b84f517fb029ee611546f7812b1fdd0aa2ecc9bc6ec0e4fdde"},
+ {file = "protobuf-3.20.1-cp310-cp310-win32.whl", hash = "sha256:9016d01c91e8e625141d24ec1b20fed584703e527d28512aa8c8707f105a683c"},
+ {file = "protobuf-3.20.1-cp310-cp310-win_amd64.whl", hash = "sha256:32ca378605b41fd180dfe4e14d3226386d8d1b002ab31c969c366549e66a2bb7"},
+ {file = "protobuf-3.20.1-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:9be73ad47579abc26c12024239d3540e6b765182a91dbc88e23658ab71767153"},
+ {file = "protobuf-3.20.1-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:097c5d8a9808302fb0da7e20edf0b8d4703274d140fd25c5edabddcde43e081f"},
+ {file = "protobuf-3.20.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:e250a42f15bf9d5b09fe1b293bdba2801cd520a9f5ea2d7fb7536d4441811d20"},
+ {file = "protobuf-3.20.1-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:cdee09140e1cd184ba9324ec1df410e7147242b94b5f8b0c64fc89e38a8ba531"},
+ {file = "protobuf-3.20.1-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:af0ebadc74e281a517141daad9d0f2c5d93ab78e9d455113719a45a49da9db4e"},
+ {file = "protobuf-3.20.1-cp37-cp37m-win32.whl", hash = "sha256:755f3aee41354ae395e104d62119cb223339a8f3276a0cd009ffabfcdd46bb0c"},
+ {file = "protobuf-3.20.1-cp37-cp37m-win_amd64.whl", hash = "sha256:62f1b5c4cd6c5402b4e2d63804ba49a327e0c386c99b1675c8a0fefda23b2067"},
+ {file = "protobuf-3.20.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:06059eb6953ff01e56a25cd02cca1a9649a75a7e65397b5b9b4e929ed71d10cf"},
+ {file = "protobuf-3.20.1-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:cb29edb9eab15742d791e1025dd7b6a8f6fcb53802ad2f6e3adcb102051063ab"},
+ {file = "protobuf-3.20.1-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:69ccfdf3657ba59569c64295b7d51325f91af586f8d5793b734260dfe2e94e2c"},
+ {file = "protobuf-3.20.1-cp38-cp38-win32.whl", hash = "sha256:dd5789b2948ca702c17027c84c2accb552fc30f4622a98ab5c51fcfe8c50d3e7"},
+ {file = "protobuf-3.20.1-cp38-cp38-win_amd64.whl", hash = "sha256:77053d28427a29987ca9caf7b72ccafee011257561259faba8dd308fda9a8739"},
+ {file = "protobuf-3.20.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:6f50601512a3d23625d8a85b1638d914a0970f17920ff39cec63aaef80a93fb7"},
+ {file = "protobuf-3.20.1-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:284f86a6207c897542d7e956eb243a36bb8f9564c1742b253462386e96c6b78f"},
+ {file = "protobuf-3.20.1-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:7403941f6d0992d40161aa8bb23e12575637008a5a02283a930addc0508982f9"},
+ {file = "protobuf-3.20.1-cp39-cp39-win32.whl", hash = "sha256:db977c4ca738dd9ce508557d4fce0f5aebd105e158c725beec86feb1f6bc20d8"},
+ {file = "protobuf-3.20.1-cp39-cp39-win_amd64.whl", hash = "sha256:7e371f10abe57cee5021797126c93479f59fccc9693dafd6bd5633ab67808a91"},
+ {file = "protobuf-3.20.1-py2.py3-none-any.whl", hash = "sha256:adfc6cf69c7f8c50fd24c793964eef18f0ac321315439d94945820612849c388"},
+ {file = "protobuf-3.20.1.tar.gz", hash = "sha256:adc31566d027f45efe3f44eeb5b1f329da43891634d61c75a5944e9be6dd42c9"},
+]
+py-cpuinfo = [
+ {file = "py-cpuinfo-8.0.0.tar.gz", hash = "sha256:5f269be0e08e33fd959de96b34cd4aeeeacac014dd8305f70eb28d06de2345c5"},
+]
+pyclipper = [
+ {file = "pyclipper-1.3.0.post3-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:5b4e0e360ebfc25d01c7e0873b27f912d1c02d99b84393d526bc01836a5fb9f4"},
+ {file = "pyclipper-1.3.0.post3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:cd9f0496daa9b505902848d401bfc3ffe80ee3a6863451fc6c05ceb2a45b9d8f"},
+ {file = "pyclipper-1.3.0.post3-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:ed5ea68bc6f3428fbf9d98f1e72e2020d763d88053cc9a9d31b2eeb49500b26f"},
+ {file = "pyclipper-1.3.0.post3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e8d77755a00566e0f0cf48da2e42e76ff93423b55880621944f950058be3fc0e"},
+ {file = "pyclipper-1.3.0.post3-cp310-cp310-win32.whl", hash = "sha256:6ace0de72f252e48eda28981e24142a2b02ac17eacc3d8a2baf628671dd8cc8f"},
+ {file = "pyclipper-1.3.0.post3-cp310-cp310-win_amd64.whl", hash = "sha256:2d51757df15f1721946f39016191c7d685306fc69d8a5f2933a1d22119150a1d"},
+ {file = "pyclipper-1.3.0.post3-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:c586ca07c1418d4f010c6bc65215c4b193211e1b95dd8a1bd312d8207c5ccf6a"},
+ {file = "pyclipper-1.3.0.post3-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f5f3ad171f21511813085ac549bb717bbdcc0f4da27abf6b0629438e1f23ca0b"},
+ {file = "pyclipper-1.3.0.post3-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:615bece709d8c304d97089a83f8ff91ca0d2646e8fe42f2637d7cdfcf99a6e4e"},
+ {file = "pyclipper-1.3.0.post3-cp36-cp36m-win32.whl", hash = "sha256:6748239b89a5edd00b3ce36cb5c7a177978ff3361de861fe2cc559bb2760625d"},
+ {file = "pyclipper-1.3.0.post3-cp36-cp36m-win_amd64.whl", hash = "sha256:46b3996c8dcda562c408e653ccef8efd95a7d69400f9119df2c2cb8083d36bf8"},
+ {file = "pyclipper-1.3.0.post3-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:ebc13dbfaec1b489fc6ed92a642b8a2c7072fa2d4bc12514cc2bbeacd47c5baf"},
+ {file = "pyclipper-1.3.0.post3-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a050ec9df95e9611461adb7f86da4f066848c045d966c46e7b124593e6410e2a"},
+ {file = "pyclipper-1.3.0.post3-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:679bfd1fd4595a3f58a706256dc6cc7179ee40fbeff4d134aa3163a9c87ca545"},
+ {file = "pyclipper-1.3.0.post3-cp37-cp37m-win32.whl", hash = "sha256:8fabba875314ebc751b66e571b8b0d5319c76e22051304880a552d70db2252af"},
+ {file = "pyclipper-1.3.0.post3-cp37-cp37m-win_amd64.whl", hash = "sha256:5434e1e69425dc7958579b1f7bedfa8a7cce79400e1b708a42be769a165a3a2c"},
+ {file = "pyclipper-1.3.0.post3-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:1df7e4bce6ac68abfe926d319f52b749b7c9d5e0a6bd7112a0c7f2f908abecbc"},
+ {file = "pyclipper-1.3.0.post3-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:60f20e96e9e055e9bb2e729fe6078969ce252c6b7b1b18d8d963e5343d99f99e"},
+ {file = "pyclipper-1.3.0.post3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:341556b83ce2a5d4ee36e263e04751a9949e4161f60f0011f9500b845b25ce3c"},
+ {file = "pyclipper-1.3.0.post3-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:cb5ad68b82c2aa408672444e567cea138db29790997d603525878632d61fd6ec"},
+ {file = "pyclipper-1.3.0.post3-cp38-cp38-win32.whl", hash = "sha256:da4d8f253dd8e152b3364902bed5e221165d3af4e71e2ae81eb9a9a9802089a2"},
+ {file = "pyclipper-1.3.0.post3-cp38-cp38-win_amd64.whl", hash = "sha256:2b0950dada5b56a002dddccf131815a8f9b55c4df86ff6a43b7ef48a91b572aa"},
+ {file = "pyclipper-1.3.0.post3-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:b0097aef9ac8a5e10434059641fea338fb682c61993bfe65670e459ec14b4151"},
+ {file = "pyclipper-1.3.0.post3-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:1408461fba4985d58589fa74c59e273e8aa91d8b55c2e9a6abf966eed7562d90"},
+ {file = "pyclipper-1.3.0.post3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bad590e701eaef644899ce164631f83e39669796e552f17aef5a37238646b392"},
+ {file = "pyclipper-1.3.0.post3-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:b509cfd696962683553cd6b9fc7f0baf05bff47c09fd68b085a8aea493436267"},
+ {file = "pyclipper-1.3.0.post3-cp39-cp39-win32.whl", hash = "sha256:771ba332790e88eb4aa9de2172131af25525ac23fdda789691e543962849f149"},
+ {file = "pyclipper-1.3.0.post3-cp39-cp39-win_amd64.whl", hash = "sha256:f428ecdd224ec30c1a4dbdbaac44e746cbe9a05c25627b05cc7bc2dcda235a26"},
+ {file = "pyclipper-1.3.0.post3-pp37-pypy37_pp73-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:ab7e2f9b655333a37002b90bea47d77ff8d1f01293798911afa7f39217f1b71d"},
+ {file = "pyclipper-1.3.0.post3-pp38-pypy38_pp73-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:ee52b9d29512eb7b8b9faee6db3f8694eb6c8455785a5d2d561c40eca67b226f"},
+ {file = "pyclipper-1.3.0.post3-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:24b6b70114941805c14a33e9378e52d24b18791f1bfc365853d5adb33425f173"},
+ {file = "pyclipper-1.3.0.post3.tar.gz", hash = "sha256:639fbc55569b94487f89261b1656e3e655d06888a582218c5432c426705d1f6f"},
+]
+pydicom = [
+ {file = "pydicom-2.3.0-py3-none-any.whl", hash = "sha256:8ff31e077cc51d19ac3b8ca988ac486099cdebfaf885989079fdc7c75068cdd8"},
+ {file = "pydicom-2.3.0.tar.gz", hash = "sha256:dbfa081c9ad9ac8ff8a8efbd71784104db9eecf02fd775f7d7773f2183f89386"},
+]
+pyparsing = [
+ {file = "pyparsing-3.0.9-py3-none-any.whl", hash = "sha256:5026bae9a10eeaefb61dab2f09052b9f4307d44aee4eda64b309723d8d206bbc"},
+ {file = "pyparsing-3.0.9.tar.gz", hash = "sha256:2b020ecf7d21b687f219b71ecad3631f644a47f01403fa1d1036b0c6416d70fb"},
+]
+python-dateutil = [
+ {file = "python-dateutil-2.8.2.tar.gz", hash = "sha256:0123cacc1627ae19ddf3c27a5de5bd67ee4586fbdd6440d9748f8abb483d3e86"},
+ {file = "python_dateutil-2.8.2-py2.py3-none-any.whl", hash = "sha256:961d03dc3453ebbc59dbdea9e4e11c5651520a876d0f4db161e8674aae935da9"},
+]
+pytorch = [
+ {file = "pytorch-1.0.2.tar.gz", hash = "sha256:a6915d372c085a02eceebf59d16cbcc18a2693ac3487a53e3cc8be31fee65079"},
+]
+pytz = [
+ {file = "pytz-2022.4-py2.py3-none-any.whl", hash = "sha256:2c0784747071402c6e99f0bafdb7da0fa22645f06554c7ae06bf6358897e9c91"},
+ {file = "pytz-2022.4.tar.gz", hash = "sha256:48ce799d83b6f8aab2020e369b627446696619e79645419610b9facd909b3174"},
+]
+pywavelets = [
+ {file = "PyWavelets-1.4.1-cp310-cp310-macosx_10_13_x86_64.whl", hash = "sha256:d854411eb5ee9cb4bc5d0e66e3634aeb8f594210f6a1bed96dbed57ec70f181c"},
+ {file = "PyWavelets-1.4.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:231b0e0b1cdc1112f4af3c24eea7bf181c418d37922a67670e9bf6cfa2d544d4"},
+ {file = "PyWavelets-1.4.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:754fa5085768227c4f4a26c1e0c78bc509a266d9ebd0eb69a278be7e3ece943c"},
+ {file = "PyWavelets-1.4.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:da7b9c006171be1f9ddb12cc6e0d3d703b95f7f43cb5e2c6f5f15d3233fcf202"},
+ {file = "PyWavelets-1.4.1-cp310-cp310-win32.whl", hash = "sha256:67a0d28a08909f21400cb09ff62ba94c064882ffd9e3a6b27880a111211d59bd"},
+ {file = "PyWavelets-1.4.1-cp310-cp310-win_amd64.whl", hash = "sha256:91d3d393cffa634f0e550d88c0e3f217c96cfb9e32781f2960876f1808d9b45b"},
+ {file = "PyWavelets-1.4.1-cp311-cp311-macosx_10_13_x86_64.whl", hash = "sha256:64c6bac6204327321db30b775060fbe8e8642316e6bff17f06b9f34936f88875"},
+ {file = "PyWavelets-1.4.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:3f19327f2129fb7977bc59b966b4974dfd72879c093e44a7287500a7032695de"},
+ {file = "PyWavelets-1.4.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ad987748f60418d5f4138db89d82ba0cb49b086e0cbb8fd5c3ed4a814cfb705e"},
+ {file = "PyWavelets-1.4.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:875d4d620eee655346e3589a16a73790cf9f8917abba062234439b594e706784"},
+ {file = "PyWavelets-1.4.1-cp311-cp311-win32.whl", hash = "sha256:7231461d7a8eb3bdc7aa2d97d9f67ea5a9f8902522818e7e2ead9c2b3408eeb1"},
+ {file = "PyWavelets-1.4.1-cp311-cp311-win_amd64.whl", hash = "sha256:daf0aa79842b571308d7c31a9c43bc99a30b6328e6aea3f50388cd8f69ba7dbc"},
+ {file = "PyWavelets-1.4.1-cp38-cp38-macosx_10_13_x86_64.whl", hash = "sha256:ab7da0a17822cd2f6545626946d3b82d1a8e106afc4b50e3387719ba01c7b966"},
+ {file = "PyWavelets-1.4.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:578af438a02a86b70f1975b546f68aaaf38f28fb082a61ceb799816049ed18aa"},
+ {file = "PyWavelets-1.4.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9cb5ca8d11d3f98e89e65796a2125be98424d22e5ada360a0dbabff659fca0fc"},
+ {file = "PyWavelets-1.4.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:058b46434eac4c04dd89aeef6fa39e4b6496a951d78c500b6641fd5b2cc2f9f4"},
+ {file = "PyWavelets-1.4.1-cp38-cp38-win32.whl", hash = "sha256:de7cd61a88a982edfec01ea755b0740e94766e00a1ceceeafef3ed4c85c605cd"},
+ {file = "PyWavelets-1.4.1-cp38-cp38-win_amd64.whl", hash = "sha256:7ab8d9db0fe549ab2ee0bea61f614e658dd2df419d5b75fba47baa761e95f8f2"},
+ {file = "PyWavelets-1.4.1-cp39-cp39-macosx_10_13_x86_64.whl", hash = "sha256:23bafd60350b2b868076d976bdd92f950b3944f119b4754b1d7ff22b7acbf6c6"},
+ {file = "PyWavelets-1.4.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:d0e56cd7a53aed3cceca91a04d62feb3a0aca6725b1912d29546c26f6ea90426"},
+ {file = "PyWavelets-1.4.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:030670a213ee8fefa56f6387b0c8e7d970c7f7ad6850dc048bd7c89364771b9b"},
+ {file = "PyWavelets-1.4.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:71ab30f51ee4470741bb55fc6b197b4a2b612232e30f6ac069106f0156342356"},
+ {file = "PyWavelets-1.4.1-cp39-cp39-win32.whl", hash = "sha256:47cac4fa25bed76a45bc781a293c26ac63e8eaae9eb8f9be961758d22b58649c"},
+ {file = "PyWavelets-1.4.1-cp39-cp39-win_amd64.whl", hash = "sha256:88aa5449e109d8f5e7f0adef85f7f73b1ab086102865be64421a3a3d02d277f4"},
+ {file = "PyWavelets-1.4.1.tar.gz", hash = "sha256:6437af3ddf083118c26d8f97ab43b0724b956c9f958e9ea788659f6a2834ba93"},
+]
+pyyaml = [
+ {file = "PyYAML-6.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:d4db7c7aef085872ef65a8fd7d6d09a14ae91f691dec3e87ee5ee0539d516f53"},
+ {file = "PyYAML-6.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:9df7ed3b3d2e0ecfe09e14741b857df43adb5a3ddadc919a2d94fbdf78fea53c"},
+ {file = "PyYAML-6.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:77f396e6ef4c73fdc33a9157446466f1cff553d979bd00ecb64385760c6babdc"},
+ {file = "PyYAML-6.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a80a78046a72361de73f8f395f1f1e49f956c6be882eed58505a15f3e430962b"},
+ {file = "PyYAML-6.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:f84fbc98b019fef2ee9a1cb3ce93e3187a6df0b2538a651bfb890254ba9f90b5"},
+ {file = "PyYAML-6.0-cp310-cp310-win32.whl", hash = "sha256:2cd5df3de48857ed0544b34e2d40e9fac445930039f3cfe4bcc592a1f836d513"},
+ {file = "PyYAML-6.0-cp310-cp310-win_amd64.whl", hash = "sha256:daf496c58a8c52083df09b80c860005194014c3698698d1a57cbcfa182142a3a"},
+ {file = "PyYAML-6.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:d4b0ba9512519522b118090257be113b9468d804b19d63c71dbcf4a48fa32358"},
+ {file = "PyYAML-6.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:81957921f441d50af23654aa6c5e5eaf9b06aba7f0a19c18a538dc7ef291c5a1"},
+ {file = "PyYAML-6.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:afa17f5bc4d1b10afd4466fd3a44dc0e245382deca5b3c353d8b757f9e3ecb8d"},
+ {file = "PyYAML-6.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:dbad0e9d368bb989f4515da330b88a057617d16b6a8245084f1b05400f24609f"},
+ {file = "PyYAML-6.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:432557aa2c09802be39460360ddffd48156e30721f5e8d917f01d31694216782"},
+ {file = "PyYAML-6.0-cp311-cp311-win32.whl", hash = "sha256:bfaef573a63ba8923503d27530362590ff4f576c626d86a9fed95822a8255fd7"},
+ {file = "PyYAML-6.0-cp311-cp311-win_amd64.whl", hash = "sha256:01b45c0191e6d66c470b6cf1b9531a771a83c1c4208272ead47a3ae4f2f603bf"},
+ {file = "PyYAML-6.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:897b80890765f037df3403d22bab41627ca8811ae55e9a722fd0392850ec4d86"},
+ {file = "PyYAML-6.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:50602afada6d6cbfad699b0c7bb50d5ccffa7e46a3d738092afddc1f9758427f"},
+ {file = "PyYAML-6.0-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:48c346915c114f5fdb3ead70312bd042a953a8ce5c7106d5bfb1a5254e47da92"},
+ {file = "PyYAML-6.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:98c4d36e99714e55cfbaaee6dd5badbc9a1ec339ebfc3b1f52e293aee6bb71a4"},
+ {file = "PyYAML-6.0-cp36-cp36m-win32.whl", hash = "sha256:0283c35a6a9fbf047493e3a0ce8d79ef5030852c51e9d911a27badfde0605293"},
+ {file = "PyYAML-6.0-cp36-cp36m-win_amd64.whl", hash = "sha256:07751360502caac1c067a8132d150cf3d61339af5691fe9e87803040dbc5db57"},
+ {file = "PyYAML-6.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:819b3830a1543db06c4d4b865e70ded25be52a2e0631ccd2f6a47a2822f2fd7c"},
+ {file = "PyYAML-6.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:473f9edb243cb1935ab5a084eb238d842fb8f404ed2193a915d1784b5a6b5fc0"},
+ {file = "PyYAML-6.0-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:0ce82d761c532fe4ec3f87fc45688bdd3a4c1dc5e0b4a19814b9009a29baefd4"},
+ {file = "PyYAML-6.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:231710d57adfd809ef5d34183b8ed1eeae3f76459c18fb4a0b373ad56bedcdd9"},
+ {file = "PyYAML-6.0-cp37-cp37m-win32.whl", hash = "sha256:c5687b8d43cf58545ade1fe3e055f70eac7a5a1a0bf42824308d868289a95737"},
+ {file = "PyYAML-6.0-cp37-cp37m-win_amd64.whl", hash = "sha256:d15a181d1ecd0d4270dc32edb46f7cb7733c7c508857278d3d378d14d606db2d"},
+ {file = "PyYAML-6.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:0b4624f379dab24d3725ffde76559cff63d9ec94e1736b556dacdfebe5ab6d4b"},
+ {file = "PyYAML-6.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:213c60cd50106436cc818accf5baa1aba61c0189ff610f64f4a3e8c6726218ba"},
+ {file = "PyYAML-6.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:9fa600030013c4de8165339db93d182b9431076eb98eb40ee068700c9c813e34"},
+ {file = "PyYAML-6.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:277a0ef2981ca40581a47093e9e2d13b3f1fbbeffae064c1d21bfceba2030287"},
+ {file = "PyYAML-6.0-cp38-cp38-win32.whl", hash = "sha256:d4eccecf9adf6fbcc6861a38015c2a64f38b9d94838ac1810a9023a0609e1b78"},
+ {file = "PyYAML-6.0-cp38-cp38-win_amd64.whl", hash = "sha256:1e4747bc279b4f613a09eb64bba2ba602d8a6664c6ce6396a4d0cd413a50ce07"},
+ {file = "PyYAML-6.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:055d937d65826939cb044fc8c9b08889e8c743fdc6a32b33e2390f66013e449b"},
+ {file = "PyYAML-6.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:e61ceaab6f49fb8bdfaa0f92c4b57bcfbea54c09277b1b4f7ac376bfb7a7c174"},
+ {file = "PyYAML-6.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d67d839ede4ed1b28a4e8909735fc992a923cdb84e618544973d7dfc71540803"},
+ {file = "PyYAML-6.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:cba8c411ef271aa037d7357a2bc8f9ee8b58b9965831d9e51baf703280dc73d3"},
+ {file = "PyYAML-6.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:40527857252b61eacd1d9af500c3337ba8deb8fc298940291486c465c8b46ec0"},
+ {file = "PyYAML-6.0-cp39-cp39-win32.whl", hash = "sha256:b5b9eccad747aabaaffbc6064800670f0c297e52c12754eb1d976c57e4f74dcb"},
+ {file = "PyYAML-6.0-cp39-cp39-win_amd64.whl", hash = "sha256:b3d267842bf12586ba6c734f89d1f5b871df0273157918b0ccefa29deb05c21c"},
+ {file = "PyYAML-6.0.tar.gz", hash = "sha256:68fb519c14306fec9720a2a5b45bc9f0c8d1b9c72adf45c37baedfcd949c35a2"},
+]
+rawpy = [
+ {file = "rawpy-0.17.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:a34112aa30505334c2ccd15d909f12f1f23b6a0834e57d6cb67fd16a4ed9ce75"},
+ {file = "rawpy-0.17.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d303202271f24e04559b0973dd49efefdbb0e04c51f47e594faacd954942aa52"},
+ {file = "rawpy-0.17.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:301302bb2123fc9da1336337e75ce0e7b83af5fd3dad7f22f8018d58ed7cd334"},
+ {file = "rawpy-0.17.2-cp310-cp310-win_amd64.whl", hash = "sha256:8673db18dd8a61ccee03a5f8fe74868b1018d0ca39c78fa26710e388ddd70df3"},
+ {file = "rawpy-0.17.2-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:fcae6162a012183b22a72f861ab22bf856bc91824ec1deaed18b60c58eb8b71b"},
+ {file = "rawpy-0.17.2-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4556b631de5483014efb86c4837fe42e4a2c24e2912e610a58ce536f053ca388"},
+ {file = "rawpy-0.17.2-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2f9d8984c0fc9da99fbfc0d31fcb967298b5d8c45450410aa9b6d6c8f042cdd6"},
+ {file = "rawpy-0.17.2-cp37-cp37m-win_amd64.whl", hash = "sha256:4a41005b2c071f3c4628f679841ec49c9b6a65f789aa7d66e4a126ef9785d03e"},
+ {file = "rawpy-0.17.2-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:dd1618824907015684a3772e219021b97b18e44c9745c672952b84d5088f7714"},
+ {file = "rawpy-0.17.2-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:00e84d72e84a5bd0bae80360b5f14d5359686a4edcecdb12a19622a312dcd6b9"},
+ {file = "rawpy-0.17.2-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:30bcc31b040d15136ed157499daa7531ad091336d45b5bb8c57f720c09a62857"},
+ {file = "rawpy-0.17.2-cp38-cp38-win_amd64.whl", hash = "sha256:379cde4891da78bcc452dc526710b41902e93048e2ab1183f9da176014cfc967"},
+ {file = "rawpy-0.17.2-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:f65f2af133625978279b7aee2d50772c999cff25f695cede675d7645a49fca9c"},
+ {file = "rawpy-0.17.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:25ad4ceb34b82de82ca4e1575bbe1a7c79a6d49d410963c950e825f0d88ccad9"},
+ {file = "rawpy-0.17.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5b03fea80d4f8960a5740a60dc9b7e8a18b965a3c29c184a613aff046aca2600"},
+ {file = "rawpy-0.17.2-cp39-cp39-win_amd64.whl", hash = "sha256:5d13eace33fc75d2be5f5d0c501ace838bb7b454b50d933dbaf617076d119f2a"},
+]
+regex = [
+ {file = "regex-2022.9.13-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:0394265391a86e2bbaa7606e59ac71bd9f1edf8665a59e42771a9c9adbf6fd4f"},
+ {file = "regex-2022.9.13-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:86df2049b18745f3cd4b0f4c4ef672bfac4b80ca488e6ecfd2bbfe68d2423a2c"},
+ {file = "regex-2022.9.13-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ce331b076b2b013e7d7f07157f957974ef0b0881a808e8a4a4b3b5105aee5d04"},
+ {file = "regex-2022.9.13-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:360ffbc9357794ae41336b681dff1c0463193199dfb91fcad3ec385ea4972f46"},
+ {file = "regex-2022.9.13-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:18e503b1e515a10282b3f14f1b3d856194ecece4250e850fad230842ed31227f"},
+ {file = "regex-2022.9.13-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f6e167d1ccd41d27b7b6655bb7a2dcb1b1eb1e0d2d662043470bd3b4315d8b2b"},
+ {file = "regex-2022.9.13-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4146cb7ae6029fc83b5c905ec6d806b7e5568dc14297c423e66b86294bad6c39"},
+ {file = "regex-2022.9.13-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:a1aec4ae549fd7b3f52ceaf67e133010e2fba1538bf4d5fc5cd162a5e058d5df"},
+ {file = "regex-2022.9.13-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:cab548d6d972e1de584161487b2ac1aa82edd8430d1bde69587ba61698ad1cfb"},
+ {file = "regex-2022.9.13-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:3d64e1a7e6d98a4cdc8b29cb8d8ed38f73f49e55fbaa737bdb5933db99b9de22"},
+ {file = "regex-2022.9.13-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:67a4c625361db04ae40ef7c49d3cbe2c1f5ff10b5a4491327ab20f19f2fb5d40"},
+ {file = "regex-2022.9.13-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:5d0dd8b06896423211ce18fba0c75dacc49182a1d6514c004b535be7163dca0f"},
+ {file = "regex-2022.9.13-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:4318f69b79f9f7d84a7420e97d4bfe872dc767c72f891d4fea5fa721c74685f7"},
+ {file = "regex-2022.9.13-cp310-cp310-win32.whl", hash = "sha256:26df88c9636a0c3f3bd9189dd435850a0c49d0b7d6e932500db3f99a6dd604d1"},
+ {file = "regex-2022.9.13-cp310-cp310-win_amd64.whl", hash = "sha256:6fe1dd1021e0f8f3f454ce2811f1b0b148f2d25bb38c712fec00316551e93650"},
+ {file = "regex-2022.9.13-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:83cc32a1a2fa5bac00f4abc0e6ce142e3c05d3a6d57e23bd0f187c59b4e1e43b"},
+ {file = "regex-2022.9.13-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:a2effeaf50a6838f3dd4d3c5d265f06eabc748f476e8441892645ae3a697e273"},
+ {file = "regex-2022.9.13-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:59a786a55d00439d8fae4caaf71581f2aaef7297d04ee60345c3594efef5648a"},
+ {file = "regex-2022.9.13-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b7b701dbc124558fd2b1b08005eeca6c9160e209108fbcbd00091fcfac641ac7"},
+ {file = "regex-2022.9.13-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:dab81cc4d58026861445230cfba27f9825e9223557926e7ec22156a1a140d55c"},
+ {file = "regex-2022.9.13-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7b0c5cc3d1744a67c3b433dce91e5ef7c527d612354c1f1e8576d9e86bc5c5e2"},
+ {file = "regex-2022.9.13-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:518272f25da93e02af4f1e94985f5042cec21557ef3591027d0716f2adda5d0a"},
+ {file = "regex-2022.9.13-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:8418ee2cb857b83881b8f981e4c636bc50a0587b12d98cb9b947408a3c484fe7"},
+ {file = "regex-2022.9.13-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:cfa4c956ff0a977c4823cb3b930b0a4e82543b060733628fec7ab3eb9b1abe37"},
+ {file = "regex-2022.9.13-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:a1c4d17879dd4c4432c08a1ca1ab379f12ab54af569e945b6fc1c4cf6a74ca45"},
+ {file = "regex-2022.9.13-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:77c2879d3ba51e5ca6c2b47f2dcf3d04a976a623a8fc8236010a16c9e0b0a3c7"},
+ {file = "regex-2022.9.13-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:d2885ec6eea629c648ecc9bde0837ec6b92208b7f36381689937fe5d64a517e8"},
+ {file = "regex-2022.9.13-cp311-cp311-win32.whl", hash = "sha256:2dda4b096a6f630d6531728a45bd12c67ec3badf44342046dc77d4897277d4f2"},
+ {file = "regex-2022.9.13-cp311-cp311-win_amd64.whl", hash = "sha256:592b9e2e1862168e71d9e612bfdc22c451261967dbd46681f14e76dfba7105fd"},
+ {file = "regex-2022.9.13-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:df8fe00b60e4717662c7f80c810ba66dcc77309183c76b7754c0dff6f1d42054"},
+ {file = "regex-2022.9.13-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:995e70bb8c91d1b99ed2aaf8ec44863e06ad1dfbb45d7df95f76ef583ec323a9"},
+ {file = "regex-2022.9.13-cp36-cp36m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ad75173349ad79f9d21e0d0896b27dcb37bfd233b09047bc0b4d226699cf5c87"},
+ {file = "regex-2022.9.13-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7681c49da1a2d4b905b4f53d86c9ba4506e79fba50c4a664d9516056e0f7dfcc"},
+ {file = "regex-2022.9.13-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9bc8edc5f8ef0ebb46f3fa0d02bd825bbe9cc63d59e428ffb6981ff9672f6de1"},
+ {file = "regex-2022.9.13-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b7bee775ff05c9d519195bd9e8aaaccfe3971db60f89f89751ee0f234e8aeac5"},
+ {file = "regex-2022.9.13-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:1a901ce5cd42658ab8f8eade51b71a6d26ad4b68c7cfc86b87efc577dfa95602"},
+ {file = "regex-2022.9.13-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:14a7ab070fa3aec288076eed6ed828587b805ef83d37c9bfccc1a4a7cfbd8111"},
+ {file = "regex-2022.9.13-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:d23ac6b4bf9e32fcde5fcdb2e1fd5e7370d6693fcac51ee1d340f0e886f50d1f"},
+ {file = "regex-2022.9.13-cp36-cp36m-musllinux_1_1_ppc64le.whl", hash = "sha256:4cdbfa6d2befeaee0c899f19222e9b20fc5abbafe5e9c43a46ef819aeb7b75e5"},
+ {file = "regex-2022.9.13-cp36-cp36m-musllinux_1_1_s390x.whl", hash = "sha256:ab07934725e6f25c6f87465976cc69aef1141e86987af49d8c839c3ffd367c72"},
+ {file = "regex-2022.9.13-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:d2a1371dc73e921f3c2e087c05359050f3525a9a34b476ebc8130e71bec55e97"},
+ {file = "regex-2022.9.13-cp36-cp36m-win32.whl", hash = "sha256:fcbd1edff1473d90dc5cf4b52d355cf1f47b74eb7c85ba6e45f45d0116b8edbd"},
+ {file = "regex-2022.9.13-cp36-cp36m-win_amd64.whl", hash = "sha256:fe428822b7a8c486bcd90b334e9ab541ce6cc0d6106993d59f201853e5e14121"},
+ {file = "regex-2022.9.13-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:d7430f041755801b712ec804aaf3b094b9b5facbaa93a6339812a8e00d7bd53a"},
+ {file = "regex-2022.9.13-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:079c182f99c89524069b9cd96f5410d6af437e9dca576a7d59599a574972707e"},
+ {file = "regex-2022.9.13-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:59bac44b5a07b08a261537f652c26993af9b1bbe2a29624473968dd42fc29d56"},
+ {file = "regex-2022.9.13-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a59d0377e58d96a6f11636e97992f5b51b7e1e89eb66332d1c01b35adbabfe8a"},
+ {file = "regex-2022.9.13-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b9d68eb704b24bc4d441b24e4a12653acd07d2c39940548761e0985a08bc1fff"},
+ {file = "regex-2022.9.13-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0385d66e73cdd4462f3cc42c76a6576ddcc12472c30e02a2ae82061bff132c32"},
+ {file = "regex-2022.9.13-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:db45016364eec9ddbb5af93c8740c5c92eb7f5fc8848d1ae04205a40a1a2efc6"},
+ {file = "regex-2022.9.13-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:03ff695518482b946a6d3d4ce9cbbd99a21320e20d94913080aa3841f880abcd"},
+ {file = "regex-2022.9.13-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:6b32b45433df1fad7fed738fe15200b6516da888e0bd1fdd6aa5e50cc16b76bc"},
+ {file = "regex-2022.9.13-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:003a2e1449d425afc817b5f0b3d4c4aa9072dd5f3dfbf6c7631b8dc7b13233de"},
+ {file = "regex-2022.9.13-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:a9eb9558e1d0f78e07082d8a70d5c4d631c8dd75575fae92105df9e19c736730"},
+ {file = "regex-2022.9.13-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:f6e0321921d2fdc082ef90c1fd0870f129c2e691bfdc4937dcb5cd308aba95c4"},
+ {file = "regex-2022.9.13-cp37-cp37m-win32.whl", hash = "sha256:3f3b4594d564ed0b2f54463a9f328cf6a5b2a32610a90cdff778d6e3e561d08b"},
+ {file = "regex-2022.9.13-cp37-cp37m-win_amd64.whl", hash = "sha256:8aba0d01e3dfd335f2cb107079b07fdddb4cd7fb2d8c8a1986f9cb8ce9246c24"},
+ {file = "regex-2022.9.13-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:944567bb08f52268d8600ee5bdf1798b2b62ea002cc692a39cec113244cbdd0d"},
+ {file = "regex-2022.9.13-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:0b664a4d33ffc6be10996606dfc25fd3248c24cc589c0b139feb4c158053565e"},
+ {file = "regex-2022.9.13-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f06cc1190f3db3192ab8949e28f2c627e1809487e2cfc435b6524c1ce6a2f391"},
+ {file = "regex-2022.9.13-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6c57d50d4d5eb0c862569ca3c840eba2a73412f31d9ecc46ef0d6b2e621a592b"},
+ {file = "regex-2022.9.13-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:19a4da6f513045f5ba00e491215bd00122e5bd131847586522463e5a6b2bd65f"},
+ {file = "regex-2022.9.13-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a926339356fe29595f8e37af71db37cd87ff764e15da8ad5129bbaff35bcc5a6"},
+ {file = "regex-2022.9.13-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:091efcfdd4178a7e19a23776dc2b1fafb4f57f4d94daf340f98335817056f874"},
+ {file = "regex-2022.9.13-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:880dbeb6bdde7d926b4d8e41410b16ffcd4cb3b4c6d926280fea46e2615c7a01"},
+ {file = "regex-2022.9.13-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:73b985c9fc09a7896846e26d7b6f4d1fd5a20437055f4ef985d44729f9f928d0"},
+ {file = "regex-2022.9.13-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:c0b7cb9598795b01f9a3dd3f770ab540889259def28a3bf9b2fa24d52edecba3"},
+ {file = "regex-2022.9.13-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:37e5a26e76c46f54b3baf56a6fdd56df9db89758694516413757b7d127d4c57b"},
+ {file = "regex-2022.9.13-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:99945ddb4f379bb9831c05e9f80f02f079ba361a0fb1fba1fc3b267639b6bb2e"},
+ {file = "regex-2022.9.13-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:8dcbcc9e72a791f622a32d17ff5011326a18996647509cac0609a7fc43adc229"},
+ {file = "regex-2022.9.13-cp38-cp38-win32.whl", hash = "sha256:d3102ab9bf16bf541ca228012d45d88d2a567c9682a805ae2c145a79d3141fdd"},
+ {file = "regex-2022.9.13-cp38-cp38-win_amd64.whl", hash = "sha256:14216ea15efc13f28d0ef1c463d86d93ca7158a79cd4aec0f9273f6d4c6bb047"},
+ {file = "regex-2022.9.13-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:9a165a05979e212b2c2d56a9f40b69c811c98a788964e669eb322de0a3e420b4"},
+ {file = "regex-2022.9.13-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:14c71437ffb89479c89cc7022a5ea2075a842b728f37205e47c824cc17b30a42"},
+ {file = "regex-2022.9.13-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ee7045623a5ace70f3765e452528b4c1f2ce669ed31959c63f54de64fe2f6ff7"},
+ {file = "regex-2022.9.13-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6e521d9db006c5e4a0f8acfef738399f72b704913d4e083516774eb51645ad7c"},
+ {file = "regex-2022.9.13-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b86548b8234b2be3985dbc0b385e35f5038f0f3e6251464b827b83ebf4ed90e5"},
+ {file = "regex-2022.9.13-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a2b39ee3b280e15824298b97cec3f7cbbe6539d8282cc8a6047a455b9a72c598"},
+ {file = "regex-2022.9.13-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e6e6e61e9a38b6cc60ca3e19caabc90261f070f23352e66307b3d21a24a34aaf"},
+ {file = "regex-2022.9.13-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:d837ccf3bd2474feabee96cd71144e991472e400ed26582edc8ca88ce259899c"},
+ {file = "regex-2022.9.13-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:6adfe300848d61a470ec7547adc97b0ccf86de86a99e6830f1d8c8d19ecaf6b3"},
+ {file = "regex-2022.9.13-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:d5b003d248e6f292475cd24b04e5f72c48412231961a675edcb653c70730e79e"},
+ {file = "regex-2022.9.13-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:d5edd3eb877c9fc2e385173d4a4e1d792bf692d79e25c1ca391802d36ecfaa01"},
+ {file = "regex-2022.9.13-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:50e764ffbd08b06aa8c4e86b8b568b6722c75d301b33b259099f237c46b2134e"},
+ {file = "regex-2022.9.13-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:6d43bd402b27e0e7eae85c612725ba1ce7798f20f6fab4e8bc3de4f263294f03"},
+ {file = "regex-2022.9.13-cp39-cp39-win32.whl", hash = "sha256:7fcf7f94ccad19186820ac67e2ec7e09e0ac2dac39689f11cf71eac580503296"},
+ {file = "regex-2022.9.13-cp39-cp39-win_amd64.whl", hash = "sha256:322bd5572bed36a5b39952d88e072738926759422498a96df138d93384934ff8"},
+ {file = "regex-2022.9.13.tar.gz", hash = "sha256:f07373b6e56a6f3a0df3d75b651a278ca7bd357a796078a26a958ea1ce0588fd"},
+]
+requests = [
+ {file = "requests-2.28.1-py3-none-any.whl", hash = "sha256:8fefa2a1a1365bf5520aac41836fbee479da67864514bdb821f31ce07ce65349"},
+ {file = "requests-2.28.1.tar.gz", hash = "sha256:7c5599b102feddaa661c826c56ab4fee28bfd17f5abca1ebbe3e7f19d7c97983"},
+]
+scikit-image = [
+ {file = "scikit-image-0.19.3.tar.gz", hash = "sha256:24b5367de1762da6ee126dd8f30cc4e7efda474e0d7d70685433f0e3aa2ec450"},
+ {file = "scikit_image-0.19.3-cp310-cp310-macosx_10_13_x86_64.whl", hash = "sha256:3a01372ae4bca223873304b0bff79b9d92446ac6d6177f73d89b45561e2d09d8"},
+ {file = "scikit_image-0.19.3-cp310-cp310-macosx_12_0_arm64.whl", hash = "sha256:fdf48d9b1f13af69e4e2c78e05067e322e9c8c97463c315cd0ecb47a94e259fc"},
+ {file = "scikit_image-0.19.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6b6a8f98f2ac9bb73706461fd1dec875f6a5141759ed526850a5a49e90003d19"},
+ {file = "scikit_image-0.19.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cfbb073f23deb48e0e60c47f8741d8089121d89cc78629ea8c5b51096efc5be7"},
+ {file = "scikit_image-0.19.3-cp310-cp310-win_amd64.whl", hash = "sha256:cc24177de3fdceca5d04807ad9c87d665f0bf01032ed94a9055cd1ed2b3f33e9"},
+ {file = "scikit_image-0.19.3-cp37-cp37m-macosx_10_13_x86_64.whl", hash = "sha256:fd9dd3994bb6f9f7a35f228323f3c4dc44b3cf2ff15fd72d895216e9333550c6"},
+ {file = "scikit_image-0.19.3-cp37-cp37m-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:ad5d8000207a264d1a55681a9276e6a739d3f05cf4429004ad00d61d1892235f"},
+ {file = "scikit_image-0.19.3-cp37-cp37m-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:84baa3179f3ae983c3a5d81c1e404bc92dcf7daeb41bfe9369badcda3fb22b92"},
+ {file = "scikit_image-0.19.3-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7f9f8a1387afc6c70f2bed007c3854a2d7489f9f7713c242f16f32ee05934bc2"},
+ {file = "scikit_image-0.19.3-cp37-cp37m-win32.whl", hash = "sha256:9fb0923a3bfa99457c5e17888f27b3b8a83a3600b4fef317992e7b7234764732"},
+ {file = "scikit_image-0.19.3-cp37-cp37m-win_amd64.whl", hash = "sha256:ce3d2207f253b8eb2c824e30d145a9f07a34a14212d57f3beca9f7e03c383cbe"},
+ {file = "scikit_image-0.19.3-cp38-cp38-macosx_10_13_x86_64.whl", hash = "sha256:2a02d1bd0e2b53e36b952bd5fd6118d9ccc3ee51de35705d63d8eb1f2e86adef"},
+ {file = "scikit_image-0.19.3-cp38-cp38-macosx_12_0_arm64.whl", hash = "sha256:03779a7e1736fdf89d83c0ba67d44110496edd736a3bfce61a2b5177a1c8a099"},
+ {file = "scikit_image-0.19.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:19a21a101a20c587a3b611a2cf6f86c35aae9f8d9563279b987e83ee1c9a9790"},
+ {file = "scikit_image-0.19.3-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2f50b923f8099c1045fcde7418d86b206c87e333e43da980f41d8577b9605245"},
+ {file = "scikit_image-0.19.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e207c6ce5ce121d7d9b9d2b61b9adca57d1abed112c902d8ffbfdc20fb42c12b"},
+ {file = "scikit_image-0.19.3-cp38-cp38-win32.whl", hash = "sha256:a7c3985c68bfe05f7571167ee021d14f5b8d1a4a250c91f0b13be7fb07e6af34"},
+ {file = "scikit_image-0.19.3-cp38-cp38-win_amd64.whl", hash = "sha256:651de1c2ce1fbee834753b46b8e7d81cb12a5594898babba63ac82b30ddad49d"},
+ {file = "scikit_image-0.19.3-cp39-cp39-macosx_10_13_x86_64.whl", hash = "sha256:8d8917fcf85b987b1f287f823f3a1a7dac38b70aaca759bc0200f3bc292d5ced"},
+ {file = "scikit_image-0.19.3-cp39-cp39-macosx_12_0_arm64.whl", hash = "sha256:0b0a199157ce8487c77de4fde0edc0b42d6d42818881c11f459262351d678b2d"},
+ {file = "scikit_image-0.19.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:33dfd463ee6cc509defa279b963829f2230c9e0639ccd3931045be055878eea6"},
+ {file = "scikit_image-0.19.3-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a8714348ddd671f819457a797c97d4c672166f093def66d66c3254cbd1d43f83"},
+ {file = "scikit_image-0.19.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ff3b1025356508d41f4fe48528e509d95f9e4015e90cf158cd58c56dc63e0ac5"},
+ {file = "scikit_image-0.19.3-cp39-cp39-win32.whl", hash = "sha256:9439e5294de3f18d6e82ec8eee2c46590231cf9c690da80545e83a0733b7a69e"},
+ {file = "scikit_image-0.19.3-cp39-cp39-win_amd64.whl", hash = "sha256:32fb88cc36203b99c9672fb972c9ef98635deaa5fc889fe969f3e11c44f22919"},
+]
+scikit-learn = [
+ {file = "scikit-learn-0.24.2.tar.gz", hash = "sha256:d14701a12417930392cd3898e9646cf5670c190b933625ebe7511b1f7d7b8736"},
+ {file = "scikit_learn-0.24.2-cp36-cp36m-macosx_10_13_x86_64.whl", hash = "sha256:d5bf9c863ba4717b3917b5227463ee06860fc43931dc9026747de416c0a10fee"},
+ {file = "scikit_learn-0.24.2-cp36-cp36m-manylinux1_i686.whl", hash = "sha256:5beaeb091071625e83f5905192d8aecde65ba2f26f8b6719845bbf586f7a04a1"},
+ {file = "scikit_learn-0.24.2-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:06ffdcaaf81e2a3b1b50c3ac6842cfb13df2d8b737d61f64643ed61da7389cde"},
+ {file = "scikit_learn-0.24.2-cp36-cp36m-manylinux2010_i686.whl", hash = "sha256:fec42690a2eb646b384eafb021c425fab48991587edb412d4db77acc358b27ce"},
+ {file = "scikit_learn-0.24.2-cp36-cp36m-manylinux2010_x86_64.whl", hash = "sha256:5ff3e4e4cf7592d36541edec434e09fb8ab9ba6b47608c4ffe30c9038d301897"},
+ {file = "scikit_learn-0.24.2-cp36-cp36m-manylinux2014_aarch64.whl", hash = "sha256:3cbd734e1aefc7c5080e6b6973fe062f97c26a1cdf1a991037ca196ce1c8f427"},
+ {file = "scikit_learn-0.24.2-cp36-cp36m-win32.whl", hash = "sha256:f74429a07fedb36a03c159332b914e6de757176064f9fed94b5f79ebac07d913"},
+ {file = "scikit_learn-0.24.2-cp36-cp36m-win_amd64.whl", hash = "sha256:dd968a174aa82f3341a615a033fa6a8169e9320cbb46130686562db132d7f1f0"},
+ {file = "scikit_learn-0.24.2-cp37-cp37m-macosx_10_13_x86_64.whl", hash = "sha256:49ec0b1361da328da9bb7f1a162836028e72556356adeb53342f8fae6b450d47"},
+ {file = "scikit_learn-0.24.2-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:f18c3ed484eeeaa43a0d45dc2efb4d00fc6542ccdcfa2c45d7b635096a2ae534"},
+ {file = "scikit_learn-0.24.2-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:cdf24c1b9bbeb4936456b42ac5bd32c60bb194a344951acb6bfb0cddee5439a4"},
+ {file = "scikit_learn-0.24.2-cp37-cp37m-manylinux2010_i686.whl", hash = "sha256:d177fe1ff47cc235942d628d41ee5b1c6930d8f009f1a451c39b5411e8d0d4cf"},
+ {file = "scikit_learn-0.24.2-cp37-cp37m-manylinux2010_x86_64.whl", hash = "sha256:f3ec00f023d84526381ad0c0f2cff982852d035c921bbf8ceb994f4886c00c64"},
+ {file = "scikit_learn-0.24.2-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:ae19ac105cf7ce8c205a46166992fdec88081d6e783ab6e38ecfbe45729f3c39"},
+ {file = "scikit_learn-0.24.2-cp37-cp37m-win32.whl", hash = "sha256:f0ed4483c258fb23150e31b91ea7d25ff8495dba108aea0b0d4206a777705350"},
+ {file = "scikit_learn-0.24.2-cp37-cp37m-win_amd64.whl", hash = "sha256:39b7e3b71bcb1fe46397185d6c1a5db1c441e71c23c91a31e7ad8cc3f7305f9a"},
+ {file = "scikit_learn-0.24.2-cp38-cp38-macosx_10_13_x86_64.whl", hash = "sha256:90a297330f608adeb4d2e9786c6fda395d3150739deb3d42a86d9a4c2d15bc1d"},
+ {file = "scikit_learn-0.24.2-cp38-cp38-manylinux1_i686.whl", hash = "sha256:f1d2108e770907540b5248977e4cff9ffaf0f73d0d13445ee938df06ca7579c6"},
+ {file = "scikit_learn-0.24.2-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:1eec963fe9ffc827442c2e9333227c4d49749a44e592f305398c1db5c1563393"},
+ {file = "scikit_learn-0.24.2-cp38-cp38-manylinux2010_i686.whl", hash = "sha256:2db429090b98045d71218a9ba913cc9b3fe78e0ba0b6b647d8748bc6d5a44080"},
+ {file = "scikit_learn-0.24.2-cp38-cp38-manylinux2010_x86_64.whl", hash = "sha256:62214d2954377fcf3f31ec867dd4e436df80121e7a32947a0b3244f58f45e455"},
+ {file = "scikit_learn-0.24.2-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:8fac72b9688176922f9f54fda1ba5f7ffd28cbeb9aad282760186e8ceba9139a"},
+ {file = "scikit_learn-0.24.2-cp38-cp38-win32.whl", hash = "sha256:ae426e3a52842c6b6d77d00f906b6031c8c2cfdfabd6af7511bb4bc9a68d720e"},
+ {file = "scikit_learn-0.24.2-cp38-cp38-win_amd64.whl", hash = "sha256:038f4e9d6ef10e1f3fe82addc3a14735c299866eb10f2c77c090410904828312"},
+ {file = "scikit_learn-0.24.2-cp39-cp39-macosx_10_13_x86_64.whl", hash = "sha256:48f273836e19901ba2beecd919f7b352f09310ce67c762f6e53bc6b81cacf1f0"},
+ {file = "scikit_learn-0.24.2-cp39-cp39-manylinux1_i686.whl", hash = "sha256:a2a47449093dcf70babc930beba2ca0423cb7df2fa5fd76be5260703d67fa574"},
+ {file = "scikit_learn-0.24.2-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:0e71ce9c7cbc20f6f8b860107ce15114da26e8675238b4b82b7e7cd37ca0c087"},
+ {file = "scikit_learn-0.24.2-cp39-cp39-manylinux2010_i686.whl", hash = "sha256:2754c85b2287333f9719db7f23fb7e357f436deed512db3417a02bf6f2830aa5"},
+ {file = "scikit_learn-0.24.2-cp39-cp39-manylinux2010_x86_64.whl", hash = "sha256:7be1b88c23cfac46e06404582215a917017cd2edaa2e4d40abe6aaff5458f24b"},
+ {file = "scikit_learn-0.24.2-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:4e6198675a6f9d333774671bd536668680eea78e2e81c0b19e57224f58d17f37"},
+ {file = "scikit_learn-0.24.2-cp39-cp39-win32.whl", hash = "sha256:cbdb0b3db99dd1d5f69d31b4234367d55475add31df4d84a3bd690ef017b55e2"},
+ {file = "scikit_learn-0.24.2-cp39-cp39-win_amd64.whl", hash = "sha256:40556bea1ef26ef54bc678d00cf138a63069144a0b5f3a436eecd8f3468b903e"},
+]
+scipy = [
+ {file = "scipy-1.5.4-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:4f12d13ffbc16e988fa40809cbbd7a8b45bc05ff6ea0ba8e3e41f6f4db3a9e47"},
+ {file = "scipy-1.5.4-cp36-cp36m-manylinux1_i686.whl", hash = "sha256:a254b98dbcc744c723a838c03b74a8a34c0558c9ac5c86d5561703362231107d"},
+ {file = "scipy-1.5.4-cp36-cp36m-manylinux1_x86_64.whl", hash = "sha256:368c0f69f93186309e1b4beb8e26d51dd6f5010b79264c0f1e9ca00cd92ea8c9"},
+ {file = "scipy-1.5.4-cp36-cp36m-manylinux2014_aarch64.whl", hash = "sha256:4598cf03136067000855d6b44d7a1f4f46994164bcd450fb2c3d481afc25dd06"},
+ {file = "scipy-1.5.4-cp36-cp36m-win32.whl", hash = "sha256:e98d49a5717369d8241d6cf33ecb0ca72deee392414118198a8e5b4c35c56340"},
+ {file = "scipy-1.5.4-cp36-cp36m-win_amd64.whl", hash = "sha256:65923bc3809524e46fb7eb4d6346552cbb6a1ffc41be748535aa502a2e3d3389"},
+ {file = "scipy-1.5.4-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:9ad4fcddcbf5dc67619379782e6aeef41218a79e17979aaed01ed099876c0e62"},
+ {file = "scipy-1.5.4-cp37-cp37m-manylinux1_i686.whl", hash = "sha256:f87b39f4d69cf7d7529d7b1098cb712033b17ea7714aed831b95628f483fd012"},
+ {file = "scipy-1.5.4-cp37-cp37m-manylinux1_x86_64.whl", hash = "sha256:25b241034215247481f53355e05f9e25462682b13bd9191359075682adcd9554"},
+ {file = "scipy-1.5.4-cp37-cp37m-manylinux2014_aarch64.whl", hash = "sha256:fa789583fc94a7689b45834453fec095245c7e69c58561dc159b5d5277057e4c"},
+ {file = "scipy-1.5.4-cp37-cp37m-win32.whl", hash = "sha256:d6d25c41a009e3c6b7e757338948d0076ee1dd1770d1c09ec131f11946883c54"},
+ {file = "scipy-1.5.4-cp37-cp37m-win_amd64.whl", hash = "sha256:2c872de0c69ed20fb1a9b9cf6f77298b04a26f0b8720a5457be08be254366c6e"},
+ {file = "scipy-1.5.4-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:e360cb2299028d0b0d0f65a5c5e51fc16a335f1603aa2357c25766c8dab56938"},
+ {file = "scipy-1.5.4-cp38-cp38-manylinux1_i686.whl", hash = "sha256:3397c129b479846d7eaa18f999369a24322d008fac0782e7828fa567358c36ce"},
+ {file = "scipy-1.5.4-cp38-cp38-manylinux1_x86_64.whl", hash = "sha256:168c45c0c32e23f613db7c9e4e780bc61982d71dcd406ead746c7c7c2f2004ce"},
+ {file = "scipy-1.5.4-cp38-cp38-manylinux2014_aarch64.whl", hash = "sha256:213bc59191da2f479984ad4ec39406bf949a99aba70e9237b916ce7547b6ef42"},
+ {file = "scipy-1.5.4-cp38-cp38-win32.whl", hash = "sha256:634568a3018bc16a83cda28d4f7aed0d803dd5618facb36e977e53b2df868443"},
+ {file = "scipy-1.5.4-cp38-cp38-win_amd64.whl", hash = "sha256:b03c4338d6d3d299e8ca494194c0ae4f611548da59e3c038813f1a43976cb437"},
+ {file = "scipy-1.5.4-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:3d5db5d815370c28d938cf9b0809dade4acf7aba57eaf7ef733bfedc9b2474c4"},
+ {file = "scipy-1.5.4-cp39-cp39-manylinux1_i686.whl", hash = "sha256:6b0ceb23560f46dd236a8ad4378fc40bad1783e997604ba845e131d6c680963e"},
+ {file = "scipy-1.5.4-cp39-cp39-manylinux1_x86_64.whl", hash = "sha256:ed572470af2438b526ea574ff8f05e7f39b44ac37f712105e57fc4d53a6fb660"},
+ {file = "scipy-1.5.4-cp39-cp39-manylinux2014_aarch64.whl", hash = "sha256:8c8d6ca19c8497344b810b0b0344f8375af5f6bb9c98bd42e33f747417ab3f57"},
+ {file = "scipy-1.5.4-cp39-cp39-win32.whl", hash = "sha256:d84cadd7d7998433334c99fa55bcba0d8b4aeff0edb123b2a1dfcface538e474"},
+ {file = "scipy-1.5.4-cp39-cp39-win_amd64.whl", hash = "sha256:cc1f78ebc982cd0602c9a7615d878396bec94908db67d4ecddca864d049112f2"},
+ {file = "scipy-1.5.4.tar.gz", hash = "sha256:4a453d5e5689de62e5d38edf40af3f17560bfd63c9c5bd228c18c1f99afa155b"},
+]
+sentencepiece = [
+ {file = "sentencepiece-0.1.97-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:6f249c8f1852893be86eae66b19d522c5fb30bbad4fe2d1b07f06fdc86e1907e"},
+ {file = "sentencepiece-0.1.97-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:09e1bc53178de70c557a9ba4fece07364b4416ce3d36570726b3372b68aea135"},
+ {file = "sentencepiece-0.1.97-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:667193c57fb48b238be7e3d7636cfc8da56cb5bac5559d8f0b647334e1175be8"},
+ {file = "sentencepiece-0.1.97-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2780531985af79c6163f63d4f200fec8a28b70b6768d2c19f70d01568a4524e8"},
+ {file = "sentencepiece-0.1.97-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:205050670c53ef9015e2a98cce3934bfbcf0aafaa14caa0c618dd5667bc217ee"},
+ {file = "sentencepiece-0.1.97-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:28b183dadef8e8b6b4645c1c20692d7be0a13ecc3ec1a07b3885c8905516675f"},
+ {file = "sentencepiece-0.1.97-cp310-cp310-win32.whl", hash = "sha256:ee3c9dbd558d8d85bb1617087b86df6ea2b856a528669630ce6cedeb4353b823"},
+ {file = "sentencepiece-0.1.97-cp310-cp310-win_amd64.whl", hash = "sha256:f7dc55379e2f7dee86537180283db2e5f8418c6825fdd2fe436c724eb5604c05"},
+ {file = "sentencepiece-0.1.97-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:ba1b4154f9144c5a7528b00aff5cffaa1a896a1c6ca53ca78b6e74cd2dae5244"},
+ {file = "sentencepiece-0.1.97-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ac3d90aee5581e55d029d124ac11b6ae2fbae0817863b664b2f2302e966ababb"},
+ {file = "sentencepiece-0.1.97-cp36-cp36m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1c27400f1ac46518a01c87cb7703650e4e48728649feb115d2e3f1102a946a42"},
+ {file = "sentencepiece-0.1.97-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c6e12a166eba75994ca749aadc4a5056b91b31405f805d6de6e8914cc9741c60"},
+ {file = "sentencepiece-0.1.97-cp36-cp36m-win32.whl", hash = "sha256:ed85dff5c0a9b3dd1a414c7e1119f2a19e863fc3f81da525bf7f885ebc883de0"},
+ {file = "sentencepiece-0.1.97-cp36-cp36m-win_amd64.whl", hash = "sha256:91a19ab6f40ffbae6d6127119953d2c6a85e93d734953dbc8629fde0d21ace66"},
+ {file = "sentencepiece-0.1.97-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:bae580e4a35a9314ff49561ac7c06574fe6afc71b821ed6bb00534e571458156"},
+ {file = "sentencepiece-0.1.97-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4ad7262e7530c683b186672b5dd0082f82719a50a500a8cfbc4bbd7cde5bff8c"},
+ {file = "sentencepiece-0.1.97-cp37-cp37m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:620cee35279720016735a7c7103cddbd9b84fe5e2f098bd5e673834d69fee2b8"},
+ {file = "sentencepiece-0.1.97-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:93b921b59914c0ec6697e8c6d5e6b44d99d1298fb1a0af56980a79ade0540c19"},
+ {file = "sentencepiece-0.1.97-cp37-cp37m-win32.whl", hash = "sha256:9b9a4c44a31d5f47616e9568dcf31e029b0bfa776e0a252c0b59247881598b09"},
+ {file = "sentencepiece-0.1.97-cp37-cp37m-win_amd64.whl", hash = "sha256:f31533cdacced56219e239d3459a003ece35116920dd64b2309d4ad047b77644"},
+ {file = "sentencepiece-0.1.97-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:7d643c01d1cad13b9206a276bbe5bc1a468e3d7cf6a26bde7783f945277f859d"},
+ {file = "sentencepiece-0.1.97-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:542f1985b1ee279a92bef7740ec0781452372028ce01e15aa88df3228b197ba3"},
+ {file = "sentencepiece-0.1.97-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:93701da21fea906dd244bf88cdbe640385a89c45d3c1812b76dbadf8782cdbcd"},
+ {file = "sentencepiece-0.1.97-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a51514047b964047b7fadb480d88a5e0f72c02f6ca1ba96258fbbc6e79274a94"},
+ {file = "sentencepiece-0.1.97-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e3ae2e9b7a5b6f2aa64ec9240b0c185dabe597d0e787dc4344acfbaef1ffe0b2"},
+ {file = "sentencepiece-0.1.97-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:923ee4af16dbae1f2ab358ed09f8a0eb89e40a8198a8b343bf54181482342721"},
+ {file = "sentencepiece-0.1.97-cp38-cp38-win32.whl", hash = "sha256:fa6f2b88850b5fae3a05053658824cf9f147c8e3c3b40eb64539a976c83d8a24"},
+ {file = "sentencepiece-0.1.97-cp38-cp38-win_amd64.whl", hash = "sha256:5137ff0d0b1cc574751d178650ef800ff8d90bf21eb9f71e9567d4a0548940a5"},
+ {file = "sentencepiece-0.1.97-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:f92876271a10494671431ad955bff2d6f8ea59baaf957f5ae5946aff56dfcb90"},
+ {file = "sentencepiece-0.1.97-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:35c227b6d55e473033db7e0ecc51b1e99e6ed7607cc08602fb5768132543c81d"},
+ {file = "sentencepiece-0.1.97-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:1706a8a8188f7b3d4b7922db9bb00c64c4e16ee68ab4caaae79f55b3e18748c7"},
+ {file = "sentencepiece-0.1.97-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ce61efc1862ccb18856c4aabbd930e13d5bfbb4b09b4f111081ac53a9dc62275"},
+ {file = "sentencepiece-0.1.97-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a78c03800ef9f02d320e0159f5768b15357f3e9ebea545c9c4ba7928ba8ba254"},
+ {file = "sentencepiece-0.1.97-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:753b8088fd685ee787d9f54c84275ab347de558c7c4ebc6accb4c35bf7776f20"},
+ {file = "sentencepiece-0.1.97-cp39-cp39-win32.whl", hash = "sha256:24306fd86031c17a1a6ae92671e76a350390a3140a65620bc2843dad7db24e2a"},
+ {file = "sentencepiece-0.1.97-cp39-cp39-win_amd64.whl", hash = "sha256:c6641d0b7acec61fde5881ea6ebe098c169557ac9aa3bdabdf124eab5a5592bb"},
+ {file = "sentencepiece-0.1.97.tar.gz", hash = "sha256:c901305e0a710bbcd296f66d79e96f744e6e175b29812bd5178318437d4e1f6c"},
+]
+setuptools = [
+ {file = "setuptools-65.5.0-py3-none-any.whl", hash = "sha256:f62ea9da9ed6289bfe868cd6845968a2c854d1427f8548d52cae02a42b4f0356"},
+ {file = "setuptools-65.5.0.tar.gz", hash = "sha256:512e5536220e38146176efb833d4a62aa726b7bbff82cfbc8ba9eaa3996e0b17"},
+]
+shapely = [
+ {file = "Shapely-1.8.5.post1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:d048f93e42ba578b82758c15d8ae037d08e69d91d9872bca5a1895b118f4e2b0"},
+ {file = "Shapely-1.8.5.post1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:99ab0ddc05e44acabdbe657c599fdb9b2d82e86c5493bdae216c0c4018a82dee"},
+ {file = "Shapely-1.8.5.post1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:99a2f0da0109e81e0c101a2b4cd8412f73f5f299e7b5b2deaf64cd2a100ac118"},
+ {file = "Shapely-1.8.5.post1-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:6fe855e7d45685926b6ba00aaeb5eba5862611f7465775dacd527e081a8ced6d"},
+ {file = "Shapely-1.8.5.post1-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:ec14ceca36f67cb48b34d02d7f65a9acae15cd72b48e303531893ba4a960f3ea"},
+ {file = "Shapely-1.8.5.post1-cp310-cp310-win32.whl", hash = "sha256:21776184516a16bf82a0c3d6d6a312b3cd15a4cabafc61ee01cf2714a82e8396"},
+ {file = "Shapely-1.8.5.post1-cp310-cp310-win_amd64.whl", hash = "sha256:a354199219c8d836f280b88f2c5102c81bb044ccea45bd361dc38a79f3873714"},
+ {file = "Shapely-1.8.5.post1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:783bad5f48e2708a0e2f695a34ed382e4162c795cb2f0368b39528ac1d6db7ed"},
+ {file = "Shapely-1.8.5.post1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:a23ef3882d6aa203dd3623a3d55d698f59bfbd9f8a3bfed52c2da05a7f0f8640"},
+ {file = "Shapely-1.8.5.post1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:ab38f7b5196ace05725e407cb8cab9ff66edb8e6f7bb36a398e8f73f52a7aaa2"},
+ {file = "Shapely-1.8.5.post1-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:8d086591f744be483b34628b391d741e46f2645fe37594319e0a673cc2c26bcf"},
+ {file = "Shapely-1.8.5.post1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4728666fff8cccc65a07448cae72c75a8773fea061c3f4f139c44adc429b18c3"},
+ {file = "Shapely-1.8.5.post1-cp311-cp311-win32.whl", hash = "sha256:84010db15eb364a52b74ea8804ef92a6a930dfc1981d17a369444b6ddec66efd"},
+ {file = "Shapely-1.8.5.post1-cp311-cp311-win_amd64.whl", hash = "sha256:48dcfffb9e225c0481120f4bdf622131c8c95f342b00b158cdbe220edbbe20b6"},
+ {file = "Shapely-1.8.5.post1-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:2fd15397638df291c427a53d641d3e6fd60458128029c8c4f487190473a69a91"},
+ {file = "Shapely-1.8.5.post1-cp36-cp36m-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:a74631e511153366c6dbe3229fa93f877e3c87ea8369cd00f1d38c76b0ed9ace"},
+ {file = "Shapely-1.8.5.post1-cp36-cp36m-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:66bdac74fbd1d3458fa787191a90fa0ae610f09e2a5ec398c36f968cc0ed743f"},
+ {file = "Shapely-1.8.5.post1-cp36-cp36m-win32.whl", hash = "sha256:6d388c0c1bd878ed1af4583695690aa52234b02ed35f93a1c8486ff52a555838"},
+ {file = "Shapely-1.8.5.post1-cp36-cp36m-win_amd64.whl", hash = "sha256:be9423d5a3577ac2e92c7e758bd8a2b205f5e51a012177a590bc46fc51eb4834"},
+ {file = "Shapely-1.8.5.post1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:5d7f85c2d35d39ff53c9216bc76b7641c52326f7e09aaad1789a3611a0f812f2"},
+ {file = "Shapely-1.8.5.post1-cp37-cp37m-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:adcf8a11b98af9375e32bff91de184f33a68dc48b9cb9becad4f132fa25cfa3c"},
+ {file = "Shapely-1.8.5.post1-cp37-cp37m-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:753ed0e21ab108bd4282405b9b659f2e985e8502b1a72b978eaa51d3496dee19"},
+ {file = "Shapely-1.8.5.post1-cp37-cp37m-win32.whl", hash = "sha256:65b21243d8f6bcd421210daf1fabb9de84de2c04353c5b026173b88d17c1a581"},
+ {file = "Shapely-1.8.5.post1-cp37-cp37m-win_amd64.whl", hash = "sha256:370b574c78dc5af3a198a6da5d9b3d7c04654bd2ef7e80e80a3a0992dfb2d9cd"},
+ {file = "Shapely-1.8.5.post1-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:532a55ee2a6c52d23d6f7d1567c8f0473635f3b270262c44e1b0c88096827e22"},
+ {file = "Shapely-1.8.5.post1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:3480657460e939f45a7d359ef0e172a081f249312557fe9aa78c4fd3a362d993"},
+ {file = "Shapely-1.8.5.post1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:b65f5d530ba91e49ffc7c589255e878d2506a8b96ffce69d3b7c4500a9a9eaf8"},
+ {file = "Shapely-1.8.5.post1-cp38-cp38-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:147066da0be41b147a61f8eb805dea3b13709dbc873a431ccd7306e24d712bc0"},
+ {file = "Shapely-1.8.5.post1-cp38-cp38-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:c2822111ddc5bcfb116e6c663e403579d0fe3f147d2a97426011a191c43a7458"},
+ {file = "Shapely-1.8.5.post1-cp38-cp38-win32.whl", hash = "sha256:2e0a8c2e55f1be1312b51c92b06462ea89e6bb703fab4b114e7a846d941cfc40"},
+ {file = "Shapely-1.8.5.post1-cp38-cp38-win_amd64.whl", hash = "sha256:0d885cb0cf670c1c834df3f371de8726efdf711f18e2a75da5cfa82843a7ab65"},
+ {file = "Shapely-1.8.5.post1-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:0b4ee3132ee90f07d63db3aea316c4c065ed7a26231458dda0874414a09d6ba3"},
+ {file = "Shapely-1.8.5.post1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:02dd5d7dc6e46515d88874134dc8fcdc65826bca93c3eecee59d1910c42c1b17"},
+ {file = "Shapely-1.8.5.post1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:c6a9a4a31cd6e86d0fbe8473ceed83d4fe760b19d949fb557ef668defafea0f6"},
+ {file = "Shapely-1.8.5.post1-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:38f0fbbcb8ca20c16451c966c1f527cc43968e121c8a048af19ed3e339a921cd"},
+ {file = "Shapely-1.8.5.post1-cp39-cp39-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:78fb9d929b8ee15cfd424b6c10879ce1907f24e05fb83310fc47d2cd27088e40"},
+ {file = "Shapely-1.8.5.post1-cp39-cp39-win32.whl", hash = "sha256:8e59817b0fe63d34baedaabba8c393c0090f061917d18fc0bcc2f621937a8f73"},
+ {file = "Shapely-1.8.5.post1-cp39-cp39-win_amd64.whl", hash = "sha256:e9c30b311de2513555ab02464ebb76115d242842b29c412f5a9aa0cac57be9f6"},
+ {file = "Shapely-1.8.5.post1.tar.gz", hash = "sha256:ef3be705c3eac282a28058e6c6e5503419b250f482320df2172abcbea642c831"},
+]
+six = [
+ {file = "six-1.16.0-py2.py3-none-any.whl", hash = "sha256:8abb2f1d86890a2dfb989f9a77cfcfd3e47c2a354b01111771326f8aa26e0254"},
+ {file = "six-1.16.0.tar.gz", hash = "sha256:1e61c37477a1626458e36f7b1d82aa5c9b094fa4802892072e49de9c60c4c926"},
+]
+texttable = [
+ {file = "texttable-1.6.4-py2.py3-none-any.whl", hash = "sha256:dd2b0eaebb2a9e167d1cefedab4700e5dcbdb076114eed30b58b97ed6b37d6f2"},
+ {file = "texttable-1.6.4.tar.gz", hash = "sha256:42ee7b9e15f7b225747c3fa08f43c5d6c83bc899f80ff9bae9319334824076e9"},
+]
+threadpoolctl = [
+ {file = "threadpoolctl-3.1.0-py3-none-any.whl", hash = "sha256:8b99adda265feb6773280df41eece7b2e6561b772d21ffd52e372f999024907b"},
+ {file = "threadpoolctl-3.1.0.tar.gz", hash = "sha256:a335baacfaa4400ae1f0d8e3a58d6674d2f8828e3716bb2802c44955ad391380"},
+]
+tifffile = [
+ {file = "tifffile-2022.10.10-py3-none-any.whl", hash = "sha256:87f3aee8a0d06b74655269a105de75c1958a24653e1930d523eb516100043503"},
+ {file = "tifffile-2022.10.10.tar.gz", hash = "sha256:50b61ba943b866d191295bc38a00191c9fdab23ece063544c7f1a264e3f6aa8e"},
+]
+tokenizers = [
+ {file = "tokenizers-0.13.1-cp310-cp310-macosx_10_11_x86_64.whl", hash = "sha256:70de69681a264a5808d39f4bb6331be9a4dec51fd48cd1b959a94da76c4939cc"},
+ {file = "tokenizers-0.13.1-cp310-cp310-macosx_12_0_arm64.whl", hash = "sha256:0a3412830ad66a643723d6b0fc3202e64e9e299bd9c9eda04b2914b5b1e0ddb0"},
+ {file = "tokenizers-0.13.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:afcb1bd6d9ed59d5c8e633765589cab12f98aae09804f156b5965b4463b8b8e3"},
+ {file = "tokenizers-0.13.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c73b9e6c107e980e65077b89c54311d8d645f6a9efdde82990777fa43c0a8cae"},
+ {file = "tokenizers-0.13.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fea71780b66f8c278ebae7221c8959404cf7343b8d2f4b7308aa668cf6f02364"},
+ {file = "tokenizers-0.13.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:680bc0e357b7da6d0d01634bffbd002e866fdaccde303e1d1af58f32464cf308"},
+ {file = "tokenizers-0.13.1-cp310-cp310-win32.whl", hash = "sha256:98bef54cf51ac335fda1408112df7ff3e584107633bd9066616033e12b0bd519"},
+ {file = "tokenizers-0.13.1-cp310-cp310-win_amd64.whl", hash = "sha256:d8fca8b492a4697b0182e0c40b164cb0c44a9669d9c98033fec2f88174605eb0"},
+ {file = "tokenizers-0.13.1-cp37-cp37m-macosx_10_11_x86_64.whl", hash = "sha256:4b3be8af87b357340b9b049d28067287b5e5e296e3120b6e4875d3b8469b67e6"},
+ {file = "tokenizers-0.13.1-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3c69a8389fd88bc32115e99db70f63bef577ba5c54f40a632580038a49612856"},
+ {file = "tokenizers-0.13.1-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:80864f456f715829f901ad5bb85af97e9ae52fc902270944804f6476ab8c6699"},
+ {file = "tokenizers-0.13.1-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:96a1beef1e64d44597627f4e29d794047a66ad4d7474d93daf5a0ee27928e012"},
+ {file = "tokenizers-0.13.1-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:db6872294339bf35c158219fc65bad939ba87d14c936ae7a33a3ca2d1532c5b1"},
+ {file = "tokenizers-0.13.1-cp37-cp37m-win32.whl", hash = "sha256:3acf3cae4c4739fc9ec49fa0e6cce224c1aa0fabc8f8d1358fd7de5c7d49cdca"},
+ {file = "tokenizers-0.13.1-cp37-cp37m-win_amd64.whl", hash = "sha256:16434c61c5eb72f6692b9bc52052b07ca92d3eba9dd72a1bc371890e1bdc3f07"},
+ {file = "tokenizers-0.13.1-cp38-cp38-macosx_10_11_x86_64.whl", hash = "sha256:8b3f97041f7716998e474d3c7ffd19ac6941f117616696aef2b5ba927bf091e3"},
+ {file = "tokenizers-0.13.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:126bcb18a77cf65961ece04f54bd10ef3713412195e543d9d3eda2f0e4fd677c"},
+ {file = "tokenizers-0.13.1-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c3109ba62bea56c68c7c2a976250b040afee61b5f86fc791f17afaa2a09fce94"},
+ {file = "tokenizers-0.13.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fd17b14f84bec0b171869abd17ca0d9bfc564aa1e7f3451f44da526949a911c1"},
+ {file = "tokenizers-0.13.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f75f476fe183c03c515a0f0f5d195cb05d93fcdc76e31fe3c9753d01f3ee990b"},
+ {file = "tokenizers-0.13.1-cp38-cp38-win32.whl", hash = "sha256:73198cda6e1d991c583ed798514863e16763aa600eb7aa6df7722373290575b2"},
+ {file = "tokenizers-0.13.1-cp38-cp38-win_amd64.whl", hash = "sha256:e1a90bc97f53600f52e902f3ae097424de712d8ae0e42d957efc7ed908573a20"},
+ {file = "tokenizers-0.13.1-cp39-cp39-macosx_10_11_x86_64.whl", hash = "sha256:910479e92d5fbdf91e8106b4c658fd43d418893d7cfd5fb11983c54a1ff53869"},
+ {file = "tokenizers-0.13.1-cp39-cp39-macosx_12_0_arm64.whl", hash = "sha256:1d4acfdb6e7ef974677bb8445462db7fed240185fdc0f5b061db357d4ef8d85d"},
+ {file = "tokenizers-0.13.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b72dec85488af3e1e8d58fb4b86b5dbe5171c176002b5e098ea6d52a70004bb5"},
+ {file = "tokenizers-0.13.1-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:80b9552295fdce0a2513dcb795a3f8591eca1a8dcf8afe0de3214209e6924ad1"},
+ {file = "tokenizers-0.13.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:84fa41b58a8d3b7363ecdf3397d4b38f345fcf7d4dd14565b4360e7bffc9cae0"},
+ {file = "tokenizers-0.13.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3de653a551cc616a442a123da21706cb3a3163cf6919973f978f0921eee1bdf0"},
+ {file = "tokenizers-0.13.1-cp39-cp39-win32.whl", hash = "sha256:890d2139100b5c8ac6d585438d5e145ede1d7b32b4090a6c078db6db0ef1daea"},
+ {file = "tokenizers-0.13.1-cp39-cp39-win_amd64.whl", hash = "sha256:3ba43b3f6f6b41c97c1d041785342cd72ba142999f6c4605d628e8e937398f20"},
+ {file = "tokenizers-0.13.1.tar.gz", hash = "sha256:3333d1cee5c8f47c96362ea0abc1f81c77c9b92c6c3d11cbf1d01985f0d5cf1d"},
+]
+tqdm = [
+ {file = "tqdm-4.64.1-py2.py3-none-any.whl", hash = "sha256:6fee160d6ffcd1b1c68c65f14c829c22832bc401726335ce92c52d395944a6a1"},
+ {file = "tqdm-4.64.1.tar.gz", hash = "sha256:5f4f682a004951c1b450bc753c710e9280c5746ce6ffedee253ddbcbf54cf1e4"},
+]
+transformers = [
+ {file = "transformers-4.23.1-py3-none-any.whl", hash = "sha256:51bf21775296945bb665f8669c44cbacc1c61a9964c3d8aa2030fd30f940427b"},
+ {file = "transformers-4.23.1.tar.gz", hash = "sha256:f91085a31634efee509bcb0588d95b57713dcb990e516ffbe7c9a1813be14552"},
+]
+typing-extensions = [
+ {file = "typing_extensions-4.4.0-py3-none-any.whl", hash = "sha256:16fa4864408f655d35ec496218b85f79b3437c829e93320c7c9215ccfd92489e"},
+ {file = "typing_extensions-4.4.0.tar.gz", hash = "sha256:1511434bb92bf8dd198c12b1cc812e800d4181cfcb867674e0f8279cc93087aa"},
+]
+urllib3 = [
+ {file = "urllib3-1.26.12-py2.py3-none-any.whl", hash = "sha256:b930dd878d5a8afb066a637fbb35144fe7901e3b209d1cd4f524bd0e9deee997"},
+ {file = "urllib3-1.26.12.tar.gz", hash = "sha256:3fa96cf423e6987997fc326ae8df396db2a8b7c667747d47ddd8ecba91f4a74e"},
+]
diff --git a/practice/openvino-env/pyproject.toml b/practice/openvino-env/pyproject.toml
new file mode 100644
index 0000000..e04b828
--- /dev/null
+++ b/practice/openvino-env/pyproject.toml
@@ -0,0 +1,18 @@
+[tool.poetry]
+name = "openvino-env"
+version = "0.1.0"
+description = ""
+authors = ["VankaVstanka03 "]
+readme = "README.md"
+packages = [{include = "openvino_env"}]
+
+[tool.poetry.dependencies]
+python = "^3.9"
+opencv-python = "^4.6.0.66"
+openvino-dev = "^2022.2.0"
+onnx = "^1.12.0"
+
+
+[build-system]
+requires = ["poetry-core"]
+build-backend = "poetry.core.masonry.api"
diff --git a/practice/openvino-env/tests/__init__.py b/practice/openvino-env/tests/__init__.py
new file mode 100644
index 0000000..e69de29