ultralytics 8.3.149__py3-none-any.whl → 8.3.150__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
- ultralytics/__init__.py +1 -1
- ultralytics/engine/validator.py +2 -5
- ultralytics/models/fastsam/val.py +2 -4
- ultralytics/models/yolo/classify/val.py +2 -3
- ultralytics/models/yolo/detect/val.py +2 -3
- ultralytics/models/yolo/obb/val.py +3 -4
- ultralytics/models/yolo/pose/val.py +2 -3
- ultralytics/models/yolo/segment/val.py +2 -3
- ultralytics/solutions/parking_management.py +4 -2
- ultralytics/utils/benchmarks.py +9 -1
- {ultralytics-8.3.149.dist-info → ultralytics-8.3.150.dist-info}/METADATA +1 -1
- {ultralytics-8.3.149.dist-info → ultralytics-8.3.150.dist-info}/RECORD +16 -16
- {ultralytics-8.3.149.dist-info → ultralytics-8.3.150.dist-info}/WHEEL +0 -0
- {ultralytics-8.3.149.dist-info → ultralytics-8.3.150.dist-info}/entry_points.txt +0 -0
- {ultralytics-8.3.149.dist-info → ultralytics-8.3.150.dist-info}/licenses/LICENSE +0 -0
- {ultralytics-8.3.149.dist-info → ultralytics-8.3.150.dist-info}/top_level.txt +0 -0
ultralytics/__init__.py
CHANGED
ultralytics/engine/validator.py
CHANGED
@@ -49,7 +49,6 @@ class BaseValidator:
|
|
49
49
|
Attributes:
|
50
50
|
args (SimpleNamespace): Configuration for the validator.
|
51
51
|
dataloader (DataLoader): Dataloader to use for validation.
|
52
|
-
pbar (tqdm): Progress bar to update during validation.
|
53
52
|
model (nn.Module): Model to validate.
|
54
53
|
data (dict): Data dictionary containing dataset information.
|
55
54
|
device (torch.device): Device to use for validation.
|
@@ -93,20 +92,18 @@ class BaseValidator:
|
|
93
92
|
eval_json: Evaluate and return JSON format of prediction statistics.
|
94
93
|
"""
|
95
94
|
|
96
|
-
def __init__(self, dataloader=None, save_dir=None,
|
95
|
+
def __init__(self, dataloader=None, save_dir=None, args=None, _callbacks=None):
|
97
96
|
"""
|
98
97
|
Initialize a BaseValidator instance.
|
99
98
|
|
100
99
|
Args:
|
101
100
|
dataloader (torch.utils.data.DataLoader, optional): Dataloader to be used for validation.
|
102
101
|
save_dir (Path, optional): Directory to save results.
|
103
|
-
pbar (tqdm.tqdm, optional): Progress bar for displaying progress.
|
104
102
|
args (SimpleNamespace, optional): Configuration for the validator.
|
105
103
|
_callbacks (dict, optional): Dictionary to store various callback functions.
|
106
104
|
"""
|
107
105
|
self.args = get_cfg(overrides=args)
|
108
106
|
self.dataloader = dataloader
|
109
|
-
self.pbar = pbar
|
110
107
|
self.stride = None
|
111
108
|
self.data = None
|
112
109
|
self.device = None
|
@@ -124,7 +121,7 @@ class BaseValidator:
|
|
124
121
|
self.save_dir = save_dir or get_save_dir(self.args)
|
125
122
|
(self.save_dir / "labels" if self.args.save_txt else self.save_dir).mkdir(parents=True, exist_ok=True)
|
126
123
|
if self.args.conf is None:
|
127
|
-
self.args.conf = 0.001 #
|
124
|
+
self.args.conf = 0.01 if self.args.task == "obb" else 0.001 # reduce OBB val memory usage
|
128
125
|
self.args.imgsz = check_imgsz(self.args.imgsz, max_dim=1)
|
129
126
|
|
130
127
|
self.plots = {}
|
@@ -15,7 +15,6 @@ class FastSAMValidator(SegmentationValidator):
|
|
15
15
|
Attributes:
|
16
16
|
dataloader (torch.utils.data.DataLoader): The data loader object used for validation.
|
17
17
|
save_dir (Path): The directory where validation results will be saved.
|
18
|
-
pbar (tqdm.tqdm): A progress bar object for displaying validation progress.
|
19
18
|
args (SimpleNamespace): Additional arguments for customization of the validation process.
|
20
19
|
_callbacks (list): List of callback functions to be invoked during validation.
|
21
20
|
metrics (SegmentMetrics): Segmentation metrics calculator for evaluation.
|
@@ -24,21 +23,20 @@ class FastSAMValidator(SegmentationValidator):
|
|
24
23
|
__init__: Initialize the FastSAMValidator with custom settings for Fast SAM.
|
25
24
|
"""
|
26
25
|
|
27
|
-
def __init__(self, dataloader=None, save_dir=None,
|
26
|
+
def __init__(self, dataloader=None, save_dir=None, args=None, _callbacks=None):
|
28
27
|
"""
|
29
28
|
Initialize the FastSAMValidator class, setting the task to 'segment' and metrics to SegmentMetrics.
|
30
29
|
|
31
30
|
Args:
|
32
31
|
dataloader (torch.utils.data.DataLoader, optional): Dataloader to be used for validation.
|
33
32
|
save_dir (Path, optional): Directory to save results.
|
34
|
-
pbar (tqdm.tqdm, optional): Progress bar for displaying progress.
|
35
33
|
args (SimpleNamespace, optional): Configuration for the validator.
|
36
34
|
_callbacks (list, optional): List of callback functions to be invoked during validation.
|
37
35
|
|
38
36
|
Notes:
|
39
37
|
Plots for ConfusionMatrix and other related metrics are disabled in this class to avoid errors.
|
40
38
|
"""
|
41
|
-
super().__init__(dataloader, save_dir,
|
39
|
+
super().__init__(dataloader, save_dir, args, _callbacks)
|
42
40
|
self.args.task = "segment"
|
43
41
|
self.args.plots = False # disable ConfusionMatrix and other plots to avoid errors
|
44
42
|
self.metrics = SegmentMetrics(save_dir=self.save_dir)
|
@@ -48,14 +48,13 @@ class ClassificationValidator(BaseValidator):
|
|
48
48
|
Torchvision classification models can also be passed to the 'model' argument, i.e. model='resnet18'.
|
49
49
|
"""
|
50
50
|
|
51
|
-
def __init__(self, dataloader=None, save_dir=None,
|
51
|
+
def __init__(self, dataloader=None, save_dir=None, args=None, _callbacks=None):
|
52
52
|
"""
|
53
53
|
Initialize ClassificationValidator with dataloader, save directory, and other parameters.
|
54
54
|
|
55
55
|
Args:
|
56
56
|
dataloader (torch.utils.data.DataLoader, optional): Dataloader to use for validation.
|
57
57
|
save_dir (str | Path, optional): Directory to save results.
|
58
|
-
pbar (bool, optional): Display a progress bar.
|
59
58
|
args (dict, optional): Arguments containing model and validation configuration.
|
60
59
|
_callbacks (list, optional): List of callback functions to be called during validation.
|
61
60
|
|
@@ -65,7 +64,7 @@ class ClassificationValidator(BaseValidator):
|
|
65
64
|
>>> validator = ClassificationValidator(args=args)
|
66
65
|
>>> validator()
|
67
66
|
"""
|
68
|
-
super().__init__(dataloader, save_dir,
|
67
|
+
super().__init__(dataloader, save_dir, args, _callbacks)
|
69
68
|
self.targets = None
|
70
69
|
self.pred = None
|
71
70
|
self.args.task = "classify"
|
@@ -42,18 +42,17 @@ class DetectionValidator(BaseValidator):
|
|
42
42
|
>>> validator()
|
43
43
|
"""
|
44
44
|
|
45
|
-
def __init__(self, dataloader=None, save_dir=None,
|
45
|
+
def __init__(self, dataloader=None, save_dir=None, args=None, _callbacks=None) -> None:
|
46
46
|
"""
|
47
47
|
Initialize detection validator with necessary variables and settings.
|
48
48
|
|
49
49
|
Args:
|
50
50
|
dataloader (torch.utils.data.DataLoader, optional): Dataloader to use for validation.
|
51
51
|
save_dir (Path, optional): Directory to save results.
|
52
|
-
pbar (Any, optional): Progress bar for displaying progress.
|
53
52
|
args (Dict[str, Any], optional): Arguments for the validator.
|
54
53
|
_callbacks (List[Any], optional): List of callback functions.
|
55
54
|
"""
|
56
|
-
super().__init__(dataloader, save_dir,
|
55
|
+
super().__init__(dataloader, save_dir, args, _callbacks)
|
57
56
|
self.nt_per_class = None
|
58
57
|
self.nt_per_image = None
|
59
58
|
self.is_coco = False
|
@@ -40,7 +40,7 @@ class OBBValidator(DetectionValidator):
|
|
40
40
|
>>> validator(model=args["model"])
|
41
41
|
"""
|
42
42
|
|
43
|
-
def __init__(self, dataloader=None, save_dir=None,
|
43
|
+
def __init__(self, dataloader=None, save_dir=None, args=None, _callbacks=None) -> None:
|
44
44
|
"""
|
45
45
|
Initialize OBBValidator and set task to 'obb', metrics to OBBMetrics.
|
46
46
|
|
@@ -50,11 +50,10 @@ class OBBValidator(DetectionValidator):
|
|
50
50
|
Args:
|
51
51
|
dataloader (torch.utils.data.DataLoader, optional): Dataloader to be used for validation.
|
52
52
|
save_dir (str | Path, optional): Directory to save results.
|
53
|
-
|
54
|
-
args (dict, optional): Arguments containing validation parameters.
|
53
|
+
args (dict | SimpleNamespace, optional): Arguments containing validation parameters.
|
55
54
|
_callbacks (list, optional): List of callback functions to be called during validation.
|
56
55
|
"""
|
57
|
-
super().__init__(dataloader, save_dir,
|
56
|
+
super().__init__(dataloader, save_dir, args, _callbacks)
|
58
57
|
self.args.task = "obb"
|
59
58
|
self.metrics = OBBMetrics(save_dir=self.save_dir, plot=True)
|
60
59
|
|
@@ -49,7 +49,7 @@ class PoseValidator(DetectionValidator):
|
|
49
49
|
>>> validator()
|
50
50
|
"""
|
51
51
|
|
52
|
-
def __init__(self, dataloader=None, save_dir=None,
|
52
|
+
def __init__(self, dataloader=None, save_dir=None, args=None, _callbacks=None) -> None:
|
53
53
|
"""
|
54
54
|
Initialize a PoseValidator object for pose estimation validation.
|
55
55
|
|
@@ -59,7 +59,6 @@ class PoseValidator(DetectionValidator):
|
|
59
59
|
Args:
|
60
60
|
dataloader (torch.utils.data.DataLoader, optional): Dataloader to be used for validation.
|
61
61
|
save_dir (Path | str, optional): Directory to save results.
|
62
|
-
pbar (Any, optional): Progress bar for displaying progress.
|
63
62
|
args (dict, optional): Arguments for the validator including task set to "pose".
|
64
63
|
_callbacks (list, optional): List of callback functions to be executed during validation.
|
65
64
|
|
@@ -74,7 +73,7 @@ class PoseValidator(DetectionValidator):
|
|
74
73
|
for OKS calculation and sets up PoseMetrics for evaluation. A warning is displayed when using Apple MPS
|
75
74
|
due to a known bug with pose models.
|
76
75
|
"""
|
77
|
-
super().__init__(dataloader, save_dir,
|
76
|
+
super().__init__(dataloader, save_dir, args, _callbacks)
|
78
77
|
self.sigma = None
|
79
78
|
self.kpt_shape = None
|
80
79
|
self.args.task = "pose"
|
@@ -36,18 +36,17 @@ class SegmentationValidator(DetectionValidator):
|
|
36
36
|
>>> validator()
|
37
37
|
"""
|
38
38
|
|
39
|
-
def __init__(self, dataloader=None, save_dir=None,
|
39
|
+
def __init__(self, dataloader=None, save_dir=None, args=None, _callbacks=None) -> None:
|
40
40
|
"""
|
41
41
|
Initialize SegmentationValidator and set task to 'segment', metrics to SegmentMetrics.
|
42
42
|
|
43
43
|
Args:
|
44
44
|
dataloader (torch.utils.data.DataLoader, optional): Dataloader to use for validation.
|
45
45
|
save_dir (Path, optional): Directory to save results.
|
46
|
-
pbar (Any, optional): Progress bar for displaying progress.
|
47
46
|
args (namespace, optional): Arguments for the validator.
|
48
47
|
_callbacks (list, optional): List of callback functions.
|
49
48
|
"""
|
50
|
-
super().__init__(dataloader, save_dir,
|
49
|
+
super().__init__(dataloader, save_dir, args, _callbacks)
|
51
50
|
self.plot_masks = None
|
52
51
|
self.process = None
|
53
52
|
self.args.task = "segment"
|
@@ -110,10 +110,12 @@ class ParkingPtsSelection:
|
|
110
110
|
"""Upload and display an image on the canvas, resizing it to fit within specified dimensions."""
|
111
111
|
from PIL import Image, ImageTk # Scoped import because ImageTk requires tkinter package
|
112
112
|
|
113
|
-
|
114
|
-
if not
|
113
|
+
file = self.filedialog.askopenfilename(filetypes=[("Image Files", "*.png *.jpg *.jpeg")])
|
114
|
+
if not file:
|
115
|
+
LOGGER.info("No image selected.")
|
115
116
|
return
|
116
117
|
|
118
|
+
self.image = Image.open(file)
|
117
119
|
self.imgw, self.imgh = self.image.size
|
118
120
|
aspect_ratio = self.imgw / self.imgh
|
119
121
|
canvas_width = (
|
ultralytics/utils/benchmarks.py
CHANGED
@@ -172,7 +172,15 @@ def benchmark(
|
|
172
172
|
|
173
173
|
# Validate
|
174
174
|
results = exported_model.val(
|
175
|
-
data=data,
|
175
|
+
data=data,
|
176
|
+
batch=1,
|
177
|
+
imgsz=imgsz,
|
178
|
+
plots=False,
|
179
|
+
device=device,
|
180
|
+
half=half,
|
181
|
+
int8=int8,
|
182
|
+
verbose=False,
|
183
|
+
conf=0.001, # all the pre-set benchmark mAP values are based on conf=0.001
|
176
184
|
)
|
177
185
|
metric, speed = results.results_dict[key], results.speed["inference"]
|
178
186
|
fps = round(1000 / (speed + eps), 2) # frames per second
|
@@ -1,6 +1,6 @@
|
|
1
1
|
Metadata-Version: 2.4
|
2
2
|
Name: ultralytics
|
3
|
-
Version: 8.3.
|
3
|
+
Version: 8.3.150
|
4
4
|
Summary: Ultralytics YOLO 🚀 for SOTA object detection, multi-object tracking, instance segmentation, pose estimation and image classification.
|
5
5
|
Author-email: Glenn Jocher <glenn.jocher@ultralytics.com>, Jing Qiu <jing.qiu@ultralytics.com>
|
6
6
|
Maintainer-email: Ultralytics <hello@ultralytics.com>
|
@@ -7,7 +7,7 @@ tests/test_exports.py,sha256=HmMKOTCia9ZDC0VYc_EPmvBTM5LM5eeI1NF_pKjLpd8,9677
|
|
7
7
|
tests/test_integrations.py,sha256=cQfgueFhEZ8Xs-tF0uiIEhvn0DlhOH-Wqrx96LXp3D0,6303
|
8
8
|
tests/test_python.py,sha256=_7xc7mqQxw3OsLhAdx-P85u9sqkfIXVhIloxmhBXph4,27800
|
9
9
|
tests/test_solutions.py,sha256=tuf6n_fsI8KvSdJrnc-cqP2qYdiYqCWuVrx0z9dOz3Q,13213
|
10
|
-
ultralytics/__init__.py,sha256=
|
10
|
+
ultralytics/__init__.py,sha256=b1gP1CTT997_tAp7hv6UPKMwpghRdoEwqFL5qSQp8vI,730
|
11
11
|
ultralytics/assets/bus.jpg,sha256=wCAZxJecGR63Od3ZRERe9Aja1Weayrb9Ug751DS_vGM,137419
|
12
12
|
ultralytics/assets/zidane.jpg,sha256=Ftc4aeMmen1O0A3o6GCDO9FlfBslLpTAw0gnetx7bts,50427
|
13
13
|
ultralytics/cfg/__init__.py,sha256=H19EalaxuIa44J_nVBrNxMj8EAPmlZl3ecbX0-xK8y8,39600
|
@@ -125,7 +125,7 @@ ultralytics/engine/predictor.py,sha256=e45PyndZDtR-JJ7Sm6HyKm9n_7h7RTWGEpo4jTCep
|
|
125
125
|
ultralytics/engine/results.py,sha256=Mb8pBTOrBtQh0PQtGVbhRZ_C1VyqYFumjLggiKCRIJs,72295
|
126
126
|
ultralytics/engine/trainer.py,sha256=zZ2Lm7VJOlBX-Ya52ec3n3IlSn9_yM5fbsRIWGeGOyo,39556
|
127
127
|
ultralytics/engine/tuner.py,sha256=4ue7JbMFQp7JcWhhwCAY-b-xZsjm5VKVlPFDUTyxt_8,12789
|
128
|
-
ultralytics/engine/validator.py,sha256=
|
128
|
+
ultralytics/engine/validator.py,sha256=IJcJBPJ_2y88HnHXwhC1mYmGqUWwh1HMUIvdFv_GUZQ,16822
|
129
129
|
ultralytics/hub/__init__.py,sha256=ulPtceI3hqud03mvqoXccBaa1e4nveYwC9cddyuBUlo,6599
|
130
130
|
ultralytics/hub/auth.py,sha256=5uMPzZt8aO-YsnEWADzc1qBUt9c30RTIfrGo5SWTrv4,6271
|
131
131
|
ultralytics/hub/session.py,sha256=UeUSRbdclSBPJQfpSNGeY13gb1O2Bhzh0Aj7cXum6P4,18518
|
@@ -136,7 +136,7 @@ ultralytics/models/fastsam/__init__.py,sha256=HGJ8EKlBAsdF-e2aIwQLjSDAFI_r0yHR0A
|
|
136
136
|
ultralytics/models/fastsam/model.py,sha256=4Aazwv3tUYLxqyoEwZ2FLiZnOXwLlFEdSfqpltQwxzg,3439
|
137
137
|
ultralytics/models/fastsam/predict.py,sha256=G-o8hs8W5XmqSN5G37zi6q9FglFnZSbD6qH_1KIIXwY,8965
|
138
138
|
ultralytics/models/fastsam/utils.py,sha256=yuCXB4CVjRx8lDf61DP8B6qMx7TVf7AynQvdWREeFco,884
|
139
|
-
ultralytics/models/fastsam/val.py,sha256=
|
139
|
+
ultralytics/models/fastsam/val.py,sha256=7t2fPpYhUbWLgcp4gPIc9woLmkPeoyeh_0d_Y5DWvN8,2156
|
140
140
|
ultralytics/models/nas/__init__.py,sha256=wybeHZuAXMNeXMjKTbK55FZmXJkA4K9IozDeFM9OB-s,207
|
141
141
|
ultralytics/models/nas/model.py,sha256=kQeF3mkVHLLsoTL9F32CrYITNsdbTrYF6lEgHclhKN0,3824
|
142
142
|
ultralytics/models/nas/predict.py,sha256=J4UT7nwi_h63lJ3a_gYac-Ws8wFYingZINxMqSoaX5E,2706
|
@@ -168,23 +168,23 @@ ultralytics/models/yolo/model.py,sha256=C0wInQC6rFuFOGpdAen1s2e5LIFDmqevto8uPbpm
|
|
168
168
|
ultralytics/models/yolo/classify/__init__.py,sha256=9--HVaNOfI1K7rn_rRqclL8FUAnpfeBrRqEQIaQw2xM,383
|
169
169
|
ultralytics/models/yolo/classify/predict.py,sha256=_GiN6muuZOBrMS1KER85FE4ktcw_Onn1bZdGvpbsGCE,4618
|
170
170
|
ultralytics/models/yolo/classify/train.py,sha256=jXErkxnsC3pBFQBrFxObF8BJyqkckcw3C_qHMSWZrsY,10312
|
171
|
-
ultralytics/models/yolo/classify/val.py,sha256=
|
171
|
+
ultralytics/models/yolo/classify/val.py,sha256=p_vs5uYT7n8BOHKS1nrZ2_mI4KeaPuQv05w2prjcyYY,9629
|
172
172
|
ultralytics/models/yolo/detect/__init__.py,sha256=GIRsLYR-kT4JJx7lh4ZZAFGBZj0aebokuU0A7JbjDVA,257
|
173
173
|
ultralytics/models/yolo/detect/predict.py,sha256=ySUsdIf8dw00bzWhcxN1jZwLWKPRT2M7-N7TNL3o4zo,5387
|
174
174
|
ultralytics/models/yolo/detect/train.py,sha256=qCWz0nvU-pQofa-_F7UhUoLQe-U1ExW0mvE5ZHnav4o,9818
|
175
|
-
ultralytics/models/yolo/detect/val.py,sha256=
|
175
|
+
ultralytics/models/yolo/detect/val.py,sha256=GGCm_yuWyukW8p7t4_NcXNDkupQq2eyw-neJf-SuUAU,19037
|
176
176
|
ultralytics/models/yolo/obb/__init__.py,sha256=tQmpG8wVHsajWkZdmD6cjGohJ4ki64iSXQT8JY_dydo,221
|
177
177
|
ultralytics/models/yolo/obb/predict.py,sha256=4r1eSld6TNJlk9JG56e-DX6oPL8uBBqiuztyBpxWlHE,2888
|
178
178
|
ultralytics/models/yolo/obb/train.py,sha256=bnYFAMur7Uvbw5Dc09-S2ge7B05iGX-t37Ksgc0ef6g,3921
|
179
|
-
ultralytics/models/yolo/obb/val.py,sha256=
|
179
|
+
ultralytics/models/yolo/obb/val.py,sha256=FGiOiExqi-cZs_qDJaZtlcI8-TDQSyd06gs0bM5POvQ,14320
|
180
180
|
ultralytics/models/yolo/pose/__init__.py,sha256=63xmuHZLNzV8I76HhVXAq4f2W0KTk8Oi9eL-Y204LyQ,227
|
181
181
|
ultralytics/models/yolo/pose/predict.py,sha256=oePbV_IVRt0xPcTiycFAIixiX7bScth0d1uOOtdeErU,3773
|
182
182
|
ultralytics/models/yolo/pose/train.py,sha256=6i1EQx-f112skBBBhCk6JIRKLjCoTEqw2ECJrc53Ku8,6862
|
183
|
-
ultralytics/models/yolo/pose/val.py,sha256=
|
183
|
+
ultralytics/models/yolo/pose/val.py,sha256=Z0qsxtV6yOEXNRFME6zVkt26_yGzil13b5RhVHvUVlw,19509
|
184
184
|
ultralytics/models/yolo/segment/__init__.py,sha256=3IThhZ1wlkY9FvmWm9cE-5-ZyE6F1FgzAtQ6jOOFzzw,275
|
185
185
|
ultralytics/models/yolo/segment/predict.py,sha256=qlprQCZn4_bpjpI08U0MU9Q9_1gpHrw_7MXwtXE1l1Y,5377
|
186
186
|
ultralytics/models/yolo/segment/train.py,sha256=026mRDOIjJ0ctMQQ2N9hRP6E5oLj2meGKO46u_MzrDk,5523
|
187
|
-
ultralytics/models/yolo/segment/val.py,sha256=
|
187
|
+
ultralytics/models/yolo/segment/val.py,sha256=pEuX7kQE6Joq2tHO0Yye1xccQbyMaA-dtBcpbok8sSs,18931
|
188
188
|
ultralytics/models/yolo/world/__init__.py,sha256=nlh8I6t8hMGz_vZg8QSlsUW1R-2eKvn9CGUoPPQEGhA,131
|
189
189
|
ultralytics/models/yolo/world/train.py,sha256=94_hgCluzsv39JkBVDmR2gjuycYjeJC8wVrCfrjpENk,7806
|
190
190
|
ultralytics/models/yolo/world/train_world.py,sha256=YJm37ZTgr0CoE_sYrjxN45w9mICr2RMWfWZrriiHqbM,9022
|
@@ -214,7 +214,7 @@ ultralytics/solutions/instance_segmentation.py,sha256=HBWkCwmRa0jk84q4fhANzGpyir
|
|
214
214
|
ultralytics/solutions/object_blurrer.py,sha256=UVd9EGpyb_fJXFnPg3lbnhWxY1ntHVWmIJ2ragbZ6eY,3942
|
215
215
|
ultralytics/solutions/object_counter.py,sha256=1iPJW_59iIw8DZedYdjw7HIQINpQtEBCd190g6TosNA,9353
|
216
216
|
ultralytics/solutions/object_cropper.py,sha256=SVB9fflB7-juZWUARpi-kndSZDVI-oXjHg4WUnOuA9A,3470
|
217
|
-
ultralytics/solutions/parking_management.py,sha256=
|
217
|
+
ultralytics/solutions/parking_management.py,sha256=8J9xfvg3kBVGVeyJkonfkOub8AmIxZXdtCBt6xn-o18,13541
|
218
218
|
ultralytics/solutions/queue_management.py,sha256=_K6ugLMDfpp37S-LFV36K3QXf3vqjfxji8BPP_-6iqc,4337
|
219
219
|
ultralytics/solutions/region_counter.py,sha256=8vNrr0SnEBJ7ngD_whWpD7jMlrzuYGWxUuZx3WOv0ys,5739
|
220
220
|
ultralytics/solutions/security_alarm.py,sha256=HXoPFlTOVp5eUecPuGIl_DXLKuN8-M32BCvCOd_vRac,6279
|
@@ -237,7 +237,7 @@ ultralytics/trackers/utils/matching.py,sha256=uSYtywqi1lE_uNN1FwuBFPyISfDQXHMu8K
|
|
237
237
|
ultralytics/utils/__init__.py,sha256=GYsojWuYvvSCKhUtQhzv-HmLjfUJrqZXqvu8bw7HbeU,59523
|
238
238
|
ultralytics/utils/autobatch.py,sha256=33m8YgggLIhltDqMXZ5OE-FGs2QiHrl2-LfgY1mI4cw,5119
|
239
239
|
ultralytics/utils/autodevice.py,sha256=AvgXFt8c1Cg4icKh0Hbhhz8UmVQ2Wjyfdfkeb2C8zck,8855
|
240
|
-
ultralytics/utils/benchmarks.py,sha256=
|
240
|
+
ultralytics/utils/benchmarks.py,sha256=GlsR6SvD3qlus2hVj7SqSNErsejBlIxO0Y7hMc_cWHw,31041
|
241
241
|
ultralytics/utils/checks.py,sha256=PPVmxfxoHuC4YR7i56uklCKXFAPnltzbHHCxUwERjUQ,34100
|
242
242
|
ultralytics/utils/dist.py,sha256=A9lDGtGefTjSVvVS38w86GOdbtLzNBDZuDGK0MT4PRI,4170
|
243
243
|
ultralytics/utils/downloads.py,sha256=YB6rJkcRGQfklUjZqi9dOkTiZaDSqbkGyZEFcZLQkgc,22080
|
@@ -265,9 +265,9 @@ ultralytics/utils/callbacks/neptune.py,sha256=j8pecmlcsM8FGzLKWoBw5xUsi5t8E5HuxY
|
|
265
265
|
ultralytics/utils/callbacks/raytune.py,sha256=S6Bq16oQDQ8BQgnZzA0zJHGN_BBr8iAM_WtGoLiEcwg,1283
|
266
266
|
ultralytics/utils/callbacks/tensorboard.py,sha256=MDPBW7aDes-66OE6YqKXXvqA_EocjzEMHWGM-8z9vUQ,5281
|
267
267
|
ultralytics/utils/callbacks/wb.py,sha256=Tm_-aRr2CN32MJkY9tylpMBJkb007-MSRNSQ7rDJ5QU,7521
|
268
|
-
ultralytics-8.3.
|
269
|
-
ultralytics-8.3.
|
270
|
-
ultralytics-8.3.
|
271
|
-
ultralytics-8.3.
|
272
|
-
ultralytics-8.3.
|
273
|
-
ultralytics-8.3.
|
268
|
+
ultralytics-8.3.150.dist-info/licenses/LICENSE,sha256=DZak_2itbUtvHzD3E7GNUYSRK6jdOJ-GqncQ2weavLA,34523
|
269
|
+
ultralytics-8.3.150.dist-info/METADATA,sha256=g6IJVaIctp7vnVQ89KLcPzHiuomkUlWOFm5Bjw7PwJw,37200
|
270
|
+
ultralytics-8.3.150.dist-info/WHEEL,sha256=_zCd3N1l69ArxyTb8rzEoP9TpbYXkqRFSNOD5OuxnTs,91
|
271
|
+
ultralytics-8.3.150.dist-info/entry_points.txt,sha256=YM_wiKyTe9yRrsEfqvYolNO5ngwfoL4-NwgKzc8_7sI,93
|
272
|
+
ultralytics-8.3.150.dist-info/top_level.txt,sha256=XP49TwiMw4QGsvTLSYiJhz1xF_k7ev5mQ8jJXaXi45Q,12
|
273
|
+
ultralytics-8.3.150.dist-info/RECORD,,
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|