ultralytics 8.2.47__py3-none-any.whl → 8.2.49__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of ultralytics might be problematic. Click here for more details.
- tests/conftest.py +17 -5
- tests/test_cli.py +8 -8
- tests/test_cuda.py +5 -5
- tests/test_engine.py +5 -5
- tests/test_explorer.py +4 -4
- tests/test_exports.py +12 -24
- tests/test_integrations.py +9 -5
- tests/test_python.py +35 -39
- ultralytics/__init__.py +1 -1
- ultralytics/cfg/__init__.py +142 -36
- ultralytics/data/explorer/explorer.py +3 -0
- ultralytics/engine/model.py +1 -1
- ultralytics/engine/results.py +159 -67
- ultralytics/hub/session.py +2 -0
- ultralytics/models/yolo/classify/train.py +7 -16
- ultralytics/nn/modules/block.py +1 -0
- ultralytics/nn/tasks.py +3 -3
- ultralytics/solutions/ai_gym.py +3 -3
- ultralytics/utils/__init__.py +0 -1
- ultralytics/utils/metrics.py +1 -2
- ultralytics/utils/torch_utils.py +35 -14
- {ultralytics-8.2.47.dist-info → ultralytics-8.2.49.dist-info}/METADATA +1 -1
- {ultralytics-8.2.47.dist-info → ultralytics-8.2.49.dist-info}/RECORD +27 -27
- {ultralytics-8.2.47.dist-info → ultralytics-8.2.49.dist-info}/WHEEL +1 -1
- {ultralytics-8.2.47.dist-info → ultralytics-8.2.49.dist-info}/LICENSE +0 -0
- {ultralytics-8.2.47.dist-info → ultralytics-8.2.49.dist-info}/entry_points.txt +0 -0
- {ultralytics-8.2.47.dist-info → ultralytics-8.2.49.dist-info}/top_level.txt +0 -0
ultralytics/utils/metrics.py
CHANGED
|
@@ -1172,8 +1172,6 @@ class ClassifyMetrics(SimpleClass):
|
|
|
1172
1172
|
top1 (float): The top-1 accuracy.
|
|
1173
1173
|
top5 (float): The top-5 accuracy.
|
|
1174
1174
|
speed (Dict[str, float]): A dictionary containing the time taken for each step in the pipeline.
|
|
1175
|
-
|
|
1176
|
-
Properties:
|
|
1177
1175
|
fitness (float): The fitness of the model, which is equal to top-5 accuracy.
|
|
1178
1176
|
results_dict (Dict[str, Union[float, str]]): A dictionary containing the classification metrics and fitness.
|
|
1179
1177
|
keys (List[str]): A list of keys for the results_dict.
|
|
@@ -1224,6 +1222,7 @@ class ClassifyMetrics(SimpleClass):
|
|
|
1224
1222
|
|
|
1225
1223
|
class OBBMetrics(SimpleClass):
|
|
1226
1224
|
def __init__(self, save_dir=Path("."), plot=False, on_plot=None, names=()) -> None:
|
|
1225
|
+
"""Initialize an OBBMetrics instance with directory, plotting, callback, and class names."""
|
|
1227
1226
|
self.save_dir = save_dir
|
|
1228
1227
|
self.plot = plot
|
|
1229
1228
|
self.on_plot = on_plot
|
ultralytics/utils/torch_utils.py
CHANGED
|
@@ -7,6 +7,7 @@ import random
|
|
|
7
7
|
import time
|
|
8
8
|
from contextlib import contextmanager
|
|
9
9
|
from copy import deepcopy
|
|
10
|
+
from datetime import datetime
|
|
10
11
|
from pathlib import Path
|
|
11
12
|
from typing import Union
|
|
12
13
|
|
|
@@ -456,14 +457,17 @@ def init_seeds(seed=0, deterministic=False):
|
|
|
456
457
|
|
|
457
458
|
|
|
458
459
|
class ModelEMA:
|
|
459
|
-
"""
|
|
460
|
-
|
|
460
|
+
"""
|
|
461
|
+
Updated Exponential Moving Average (EMA) from https://github.com/rwightman/pytorch-image-models. Keeps a moving
|
|
462
|
+
average of everything in the model state_dict (parameters and buffers)
|
|
463
|
+
|
|
461
464
|
For EMA details see https://www.tensorflow.org/api_docs/python/tf/train/ExponentialMovingAverage
|
|
465
|
+
|
|
462
466
|
To disable EMA set the `enabled` attribute to `False`.
|
|
463
467
|
"""
|
|
464
468
|
|
|
465
469
|
def __init__(self, model, decay=0.9999, tau=2000, updates=0):
|
|
466
|
-
"""
|
|
470
|
+
"""Initialize EMA for 'model' with given arguments."""
|
|
467
471
|
self.ema = deepcopy(de_parallel(model)).eval() # FP32 EMA
|
|
468
472
|
self.updates = updates # number of EMA updates
|
|
469
473
|
self.decay = lambda x: decay * (1 - math.exp(-x / tau)) # decay exponential ramp (to help early epochs)
|
|
@@ -506,29 +510,46 @@ def strip_optimizer(f: Union[str, Path] = "best.pt", s: str = "") -> None:
|
|
|
506
510
|
from pathlib import Path
|
|
507
511
|
from ultralytics.utils.torch_utils import strip_optimizer
|
|
508
512
|
|
|
509
|
-
for f in Path('path/to/
|
|
513
|
+
for f in Path('path/to/model/checkpoints').rglob('*.pt'):
|
|
510
514
|
strip_optimizer(f)
|
|
511
515
|
```
|
|
512
516
|
"""
|
|
513
|
-
|
|
514
|
-
|
|
515
|
-
|
|
517
|
+
try:
|
|
518
|
+
x = torch.load(f, map_location=torch.device("cpu"))
|
|
519
|
+
assert isinstance(x, dict), "checkpoint is not a Python dictionary"
|
|
520
|
+
assert "model" in x, "'model' missing from checkpoint"
|
|
521
|
+
except Exception as e:
|
|
522
|
+
LOGGER.warning(f"WARNING ⚠️ Skipping {f}, not a valid Ultralytics model: {e}")
|
|
516
523
|
return
|
|
517
524
|
|
|
525
|
+
updates = {
|
|
526
|
+
"date": datetime.now().isoformat(),
|
|
527
|
+
"version": __version__,
|
|
528
|
+
"license": "AGPL-3.0 License (https://ultralytics.com/license)",
|
|
529
|
+
"docs": "https://docs.ultralytics.com",
|
|
530
|
+
}
|
|
531
|
+
|
|
532
|
+
# Update model
|
|
533
|
+
if x.get("ema"):
|
|
534
|
+
x["model"] = x["ema"] # replace model with EMA
|
|
518
535
|
if hasattr(x["model"], "args"):
|
|
519
536
|
x["model"].args = dict(x["model"].args) # convert from IterableSimpleNamespace to dict
|
|
520
|
-
|
|
521
|
-
|
|
522
|
-
x["model"] = x["ema"] # replace model with ema
|
|
523
|
-
for k in "optimizer", "best_fitness", "ema", "updates": # keys
|
|
524
|
-
x[k] = None
|
|
525
|
-
x["epoch"] = -1
|
|
537
|
+
if hasattr(x["model"], "criterion"):
|
|
538
|
+
x["model"].criterion = None # strip loss criterion
|
|
526
539
|
x["model"].half() # to FP16
|
|
527
540
|
for p in x["model"].parameters():
|
|
528
541
|
p.requires_grad = False
|
|
542
|
+
|
|
543
|
+
# Update other keys
|
|
544
|
+
args = {**DEFAULT_CFG_DICT, **x.get("train_args", {})} # combine args
|
|
545
|
+
for k in "optimizer", "best_fitness", "ema", "updates": # keys
|
|
546
|
+
x[k] = None
|
|
547
|
+
x["epoch"] = -1
|
|
529
548
|
x["train_args"] = {k: v for k, v in args.items() if k in DEFAULT_CFG_KEYS} # strip non-default keys
|
|
530
549
|
# x['model'].args = x['train_args']
|
|
531
|
-
|
|
550
|
+
|
|
551
|
+
# Save
|
|
552
|
+
torch.save({**updates, **x}, s or f, use_dill=False) # combine dicts (prefer to the right)
|
|
532
553
|
mb = os.path.getsize(s or f) / 1e6 # file size
|
|
533
554
|
LOGGER.info(f"Optimizer stripped from {f},{f' saved as {s},' if s else ''} {mb:.1f}MB")
|
|
534
555
|
|
|
@@ -1,6 +1,6 @@
|
|
|
1
1
|
Metadata-Version: 2.1
|
|
2
2
|
Name: ultralytics
|
|
3
|
-
Version: 8.2.
|
|
3
|
+
Version: 8.2.49
|
|
4
4
|
Summary: Ultralytics YOLOv8 for SOTA object detection, multi-object tracking, instance segmentation, pose estimation and image classification.
|
|
5
5
|
Author: Glenn Jocher, Ayush Chaurasia, Jing Qiu
|
|
6
6
|
Maintainer: Glenn Jocher, Ayush Chaurasia, Jing Qiu
|
|
@@ -1,16 +1,16 @@
|
|
|
1
1
|
tests/__init__.py,sha256=9evx3lOdKZeY1iWXvH-FkMkgf8jLucWICoabzeD6aYg,626
|
|
2
|
-
tests/conftest.py,sha256=
|
|
3
|
-
tests/test_cli.py,sha256=
|
|
4
|
-
tests/test_cuda.py,sha256=
|
|
5
|
-
tests/test_engine.py,sha256=
|
|
6
|
-
tests/test_explorer.py,sha256=
|
|
7
|
-
tests/test_exports.py,sha256=
|
|
8
|
-
tests/test_integrations.py,sha256=
|
|
9
|
-
tests/test_python.py,sha256=
|
|
10
|
-
ultralytics/__init__.py,sha256=
|
|
2
|
+
tests/conftest.py,sha256=3ZtD4VlMKK5jVJwIPCrNAcG63vywJzdLq7U2AfYR2VI,2919
|
|
3
|
+
tests/test_cli.py,sha256=KOEdoSwIwyZ_qFn02XdSy2CxtLdJsz7XnXVWmn7oc0s,5129
|
|
4
|
+
tests/test_cuda.py,sha256=uD-ddNEcBMFQmQ9iE4fIGh0EIcGwEoDEUNVCEHicaWE,5133
|
|
5
|
+
tests/test_engine.py,sha256=xW-UT9_9xZp-7-hSnbJgMw_ezTk6NqTOIiA59XZDmxA,4934
|
|
6
|
+
tests/test_explorer.py,sha256=NcxSJeB6FxwkN09hQl7nnQL--HjfHB_WcZk0mEmBNHI,2215
|
|
7
|
+
tests/test_exports.py,sha256=Uezf3OatpPHlo5qoPw-2kqkZxuMCF9L4XF2riD4vmII,8225
|
|
8
|
+
tests/test_integrations.py,sha256=xglcfMPjfVh346PV8WTpk6tBxraCXEFJEQyyJMr5tyU,6064
|
|
9
|
+
tests/test_python.py,sha256=80Iy-sn3qHBJ5Vg_mRbplj5CbCZNUNvikP4e2f2onnM,21728
|
|
10
|
+
ultralytics/__init__.py,sha256=ijX2QpsACNyCzQDWv7jCFB7y7q6X8pF7BiqxWZ0BbZI,694
|
|
11
11
|
ultralytics/assets/bus.jpg,sha256=wCAZxJecGR63Od3ZRERe9Aja1Weayrb9Ug751DS_vGM,137419
|
|
12
12
|
ultralytics/assets/zidane.jpg,sha256=Ftc4aeMmen1O0A3o6GCDO9FlfBslLpTAw0gnetx7bts,50427
|
|
13
|
-
ultralytics/cfg/__init__.py,sha256=
|
|
13
|
+
ultralytics/cfg/__init__.py,sha256=XcIMQd1Nk5OecwjwdBJMNAaDbZV5mLCkZV2YZ7REPbA,25638
|
|
14
14
|
ultralytics/cfg/default.yaml,sha256=xRKVF-Z9E3imXTU9OCK94kj3jGgYoo67VJQwuYlHiUU,8228
|
|
15
15
|
ultralytics/cfg/datasets/Argoverse.yaml,sha256=FyeuJT5CHq_9d4hlfAf0kpZlnbUMO0S--UJ1yIqcdKk,3134
|
|
16
16
|
ultralytics/cfg/datasets/DOTAv1.5.yaml,sha256=YDsyFPI6F6-OQXLBM3hOXo3vADYREwZzmMQfJNdpWyM,1193
|
|
@@ -92,21 +92,21 @@ ultralytics/data/loaders.py,sha256=UUL7yOmuseAG5RBVI-kLrLr42Vm4kL05Qqnc5jAmNW0,2
|
|
|
92
92
|
ultralytics/data/split_dota.py,sha256=fWezt1Bo3jiZ6AyUWdBtTUuvLamPv1t7JD-DirM9gQ8,10142
|
|
93
93
|
ultralytics/data/utils.py,sha256=zqFg4xaWU--fastZmwvZ3DxGyJQ3i4tVNLuYnqS1xxs,31044
|
|
94
94
|
ultralytics/data/explorer/__init__.py,sha256=-Y3m1ZedepOQUv_KW82zaGxvU_PSHcuwUTFqG9BhAr4,113
|
|
95
|
-
ultralytics/data/explorer/explorer.py,sha256=
|
|
95
|
+
ultralytics/data/explorer/explorer.py,sha256=YacduFQvYOgTRF0BhCZWpTEaGlhp7oRy9a49VvNysEQ,18998
|
|
96
96
|
ultralytics/data/explorer/utils.py,sha256=EvvukQiQUTBrsZznmMnyEX2EqTuwZo_Geyc8yfi8NIA,7085
|
|
97
97
|
ultralytics/data/explorer/gui/__init__.py,sha256=mHtJuK4hwF8cuV-VHDc7tp6u6D1gHz2Z7JI8grmQDTs,42
|
|
98
98
|
ultralytics/data/explorer/gui/dash.py,sha256=CPlFIIhf53j_YVAqealsC3AbcztdPqZxfniQcBnlKK4,10042
|
|
99
99
|
ultralytics/engine/__init__.py,sha256=mHtJuK4hwF8cuV-VHDc7tp6u6D1gHz2Z7JI8grmQDTs,42
|
|
100
100
|
ultralytics/engine/exporter.py,sha256=csuukmfnqkrcJQx9Z008LrobxhIOYubSj9jkCUHN2do,58557
|
|
101
|
-
ultralytics/engine/model.py,sha256=
|
|
101
|
+
ultralytics/engine/model.py,sha256=8qD5irabp8BF7bBZGwztCu8yAVQQp1kksYSea9EhdEo,39078
|
|
102
102
|
ultralytics/engine/predictor.py,sha256=W58kDCFH2AfoFzpGbos3k8zUEVsLunBuM8sc2B64rPY,17449
|
|
103
|
-
ultralytics/engine/results.py,sha256=
|
|
103
|
+
ultralytics/engine/results.py,sha256=I5vFrmtfHS-3N3_P-N_TgAu0GdQ2_1YOSoRhLMdJlf4,35365
|
|
104
104
|
ultralytics/engine/trainer.py,sha256=K3I7HWtgt72FH91Wl8La8Wl9zgg4TN-AiYIGGWjKGKw,35447
|
|
105
105
|
ultralytics/engine/tuner.py,sha256=iZrgMmXSDpfuDu4bdFRflmAsscys2-8W8qAGxSyOVJE,11844
|
|
106
106
|
ultralytics/engine/validator.py,sha256=Y21Uo8_Zto4qjk_YqQk6k7tyfpq_Qk9cfjeXeyDRxs8,14643
|
|
107
107
|
ultralytics/hub/__init__.py,sha256=93bqI8x8-MfDYdKkQVduuocUiQj3WGnk1nIk0li08zA,5663
|
|
108
108
|
ultralytics/hub/auth.py,sha256=FID58NE6fh7Op_B45QOpWBw1qoBN0ponL16uvyb2dZ8,5399
|
|
109
|
-
ultralytics/hub/session.py,sha256=
|
|
109
|
+
ultralytics/hub/session.py,sha256=uXkP8AayJClLUD9TP8AlJSqxm-OmTgCmTXl1TkO6jQc,16147
|
|
110
110
|
ultralytics/hub/utils.py,sha256=RpFDFp9biUK70Mswzz2o3uEu4xwQxRaStPS19U2gu0g,9721
|
|
111
111
|
ultralytics/models/__init__.py,sha256=TT9iLCL_n9Y80dcUq0Fo-p-GRZCSU2vrWXM3CoMwqqE,265
|
|
112
112
|
ultralytics/models/fastsam/__init__.py,sha256=0dt65jZ_5b7Q-mdXN8MSEkgnFRA0FIwlel_LS2RaOlU,254
|
|
@@ -142,7 +142,7 @@ ultralytics/models/yolo/__init__.py,sha256=e1cZr9pbSbf3Ya2OvkTjGRwD_E2YZpe610xsk
|
|
|
142
142
|
ultralytics/models/yolo/model.py,sha256=wOrJ6HWU9KhG7pVcgK4HdI8xe2GSShe8V4v4bJDVydM,4041
|
|
143
143
|
ultralytics/models/yolo/classify/__init__.py,sha256=t-4pUHmgI2gjhc-l3bqNEcEtKD1dO40nD4Vc6Y2xD6o,355
|
|
144
144
|
ultralytics/models/yolo/classify/predict.py,sha256=wFY4GIlWxe7idMndEw1RnDI63o53MTfiHKz0s2fOjAY,2513
|
|
145
|
-
ultralytics/models/yolo/classify/train.py,sha256=
|
|
145
|
+
ultralytics/models/yolo/classify/train.py,sha256=dNAUROnrS5LAbu6EKw29n6EUEoKYQaNjALoh3mo1Mm0,6291
|
|
146
146
|
ultralytics/models/yolo/classify/val.py,sha256=MXdtWrBYVpfFuPfFPOTLKa_wBdTIA4dBZguT-EtldZ4,4909
|
|
147
147
|
ultralytics/models/yolo/detect/__init__.py,sha256=JR8gZJWn7wMBbh-0j_073nxJVZTMFZVWTOG5Wnvk6w0,229
|
|
148
148
|
ultralytics/models/yolo/detect/predict.py,sha256=_a9vH3DmKFY6eeztFTdj3nkfu_MKG6n7zb5rRKGjs9I,1510
|
|
@@ -165,15 +165,15 @@ ultralytics/models/yolo/world/train.py,sha256=acYN2-onL69LrL4av6_hY2r5AY0urC0WVi
|
|
|
165
165
|
ultralytics/models/yolo/world/train_world.py,sha256=n0XTAHYxufHU5OZ_QjpkHieKik-24z0LrYKzWYbCLvA,4798
|
|
166
166
|
ultralytics/nn/__init__.py,sha256=4BPLHY89xEM_al5uK0aOmFgiML6CMGEZbezxOvTjOEs,587
|
|
167
167
|
ultralytics/nn/autobackend.py,sha256=stqN66L8iloqKxBBYaAespsj2ZoSossouFiFf_Txi0s,31163
|
|
168
|
-
ultralytics/nn/tasks.py,sha256=
|
|
168
|
+
ultralytics/nn/tasks.py,sha256=PmSVVDtjFbIZYe-Tb1pd4uhJzr9syl_xWhhURLXRn4E,45827
|
|
169
169
|
ultralytics/nn/modules/__init__.py,sha256=mARjWk83WPYF5phXhXfPbAu2ZohtdbHdi5zzoxyMubo,2553
|
|
170
|
-
ultralytics/nn/modules/block.py,sha256=
|
|
170
|
+
ultralytics/nn/modules/block.py,sha256=DIXowCZn_Luc5VgGQEGXi34fqeiz_bhaNT48zEzguDM,34491
|
|
171
171
|
ultralytics/nn/modules/conv.py,sha256=Ywe87IhuaS22mR2JJ9xjnW8Sb-m7WTjxuqIxV_Dv8lI,12722
|
|
172
172
|
ultralytics/nn/modules/head.py,sha256=6VV6t2OJ_t9fCdhFxzcMcirp6lonv-xSm0o2yFghZZ0,26747
|
|
173
173
|
ultralytics/nn/modules/transformer.py,sha256=AxD9uURpCl-EqvXe3DiG6JW-pBzB16G-AahLdZ7yayo,17909
|
|
174
174
|
ultralytics/nn/modules/utils.py,sha256=779QnnKp9v8jv251ESduTXJ0ol8HkIOLbGQWwEGQjhU,3196
|
|
175
175
|
ultralytics/solutions/__init__.py,sha256=aO9h0JQDfaQR2PCk7yCRxu2odb3Zxu76RdYSv9JPfm8,588
|
|
176
|
-
ultralytics/solutions/ai_gym.py,sha256=
|
|
176
|
+
ultralytics/solutions/ai_gym.py,sha256=KQdx0RP9t9y1MqYMVlYUSn09SVJSUwKvgxPri_DhczM,4721
|
|
177
177
|
ultralytics/solutions/analytics.py,sha256=UI8HoegfIJGgvQPOt4-e9A0ss2_ofM7zzxcbKlhe66k,11572
|
|
178
178
|
ultralytics/solutions/distance_calculation.py,sha256=pSIkyytHGRAaNzIrkkNkiOnSVWU1PYvURlCIV_jRORA,6505
|
|
179
179
|
ultralytics/solutions/heatmap.py,sha256=AHXnmXhoQ95ph74zsdrvX_Lfy3wF0SsH0MIeTixE7Qg,10386
|
|
@@ -190,7 +190,7 @@ ultralytics/trackers/utils/__init__.py,sha256=mHtJuK4hwF8cuV-VHDc7tp6u6D1gHz2Z7J
|
|
|
190
190
|
ultralytics/trackers/utils/gmc.py,sha256=-1oBNFRB-9EawJmUOT566AygLCVxJw-jsPSIOl5j_Hk,13683
|
|
191
191
|
ultralytics/trackers/utils/kalman_filter.py,sha256=0oqhk59NKEiwcJ2FXnw6_sT4bIFC6Wu5IY2B-TGxJKU,15168
|
|
192
192
|
ultralytics/trackers/utils/matching.py,sha256=UxhSGa5pN6WoYwYSBAkkt-O7xMxUR47VuUB6PfVNkb4,5404
|
|
193
|
-
ultralytics/utils/__init__.py,sha256=
|
|
193
|
+
ultralytics/utils/__init__.py,sha256=905ZnRdmTrhXao2nsCP2mV2xAshsEKk0r4aOPP4EVPQ,38490
|
|
194
194
|
ultralytics/utils/autobatch.py,sha256=gPFcREMsMHRAuTQiBnNZ9Mm1XNqmQW-uMPhveDFEQ_Y,3966
|
|
195
195
|
ultralytics/utils/benchmarks.py,sha256=tDX7wu0TpMMlEQDOFqfkjxl156ssS7Lh_5tFWIXdJfg,23549
|
|
196
196
|
ultralytics/utils/checks.py,sha256=PDY1eHlsyDVEIiKRjvb81uz2jniL1MqgP_TmXH_78KM,28379
|
|
@@ -200,12 +200,12 @@ ultralytics/utils/errors.py,sha256=GqP_Jgj_n0paxn8OMhn3DTCgoNkB2WjUcUaqs-M6SQk,8
|
|
|
200
200
|
ultralytics/utils/files.py,sha256=TVfY0Wi5IsUc4YdsDzC0dAg-jAP5exYvwqB3VmXhDLY,6761
|
|
201
201
|
ultralytics/utils/instance.py,sha256=5daM5nkxBv9hr5QzyII8zmuFj24hHuNtcr4EMCHAtpY,15654
|
|
202
202
|
ultralytics/utils/loss.py,sha256=tAAi_l0SAtbtqT8AQSBSCvEyv342-r04H2KcSF1Yk_w,33795
|
|
203
|
-
ultralytics/utils/metrics.py,sha256=
|
|
203
|
+
ultralytics/utils/metrics.py,sha256=C7qFuZjwGqbsG4sggm_qfm8gVuBUwHg_Fhxj08b6NfU,53671
|
|
204
204
|
ultralytics/utils/ops.py,sha256=Jlb0YBkN_SMVT2AjKPEjxgOtgnj7i7HTBh9FEwpoprU,33509
|
|
205
205
|
ultralytics/utils/patches.py,sha256=SgMqeMsq2K6JoBJP1NplXMl9C6rK0JeJUChjBrJOneo,2750
|
|
206
206
|
ultralytics/utils/plotting.py,sha256=Aiu_J5mYGugvZ0WxHMbXftlR9lQh53iGPemHb2RT87k,55533
|
|
207
207
|
ultralytics/utils/tal.py,sha256=xuIyryUjaaYHkHPG9GvBwh1xxN2Hq4y3hXOtuERehwY,16017
|
|
208
|
-
ultralytics/utils/torch_utils.py,sha256=
|
|
208
|
+
ultralytics/utils/torch_utils.py,sha256=uuiXENrjF8a0PydZRfdp3bQ4oQZ9FyERXXfqGyXLCg0,27713
|
|
209
209
|
ultralytics/utils/triton.py,sha256=gg1finxno_tY2Ge9PMhmu7PI9wvoFZoiicdT4Bhqv3w,3936
|
|
210
210
|
ultralytics/utils/tuner.py,sha256=49KAadKZsUeCpwIm5Sn0grb0RPcMNI8vHGLwroDEJNI,6171
|
|
211
211
|
ultralytics/utils/callbacks/__init__.py,sha256=YrWqC3BVVaTLob4iCPR6I36mUxIUOpPJW7B_LjT78Qw,214
|
|
@@ -219,9 +219,9 @@ ultralytics/utils/callbacks/neptune.py,sha256=5Z3ua5YBTUS56FH8VQKQG1aaIo9fH8GEyz
|
|
|
219
219
|
ultralytics/utils/callbacks/raytune.py,sha256=ODVYzy-CoM4Uge0zjkh3Hnh9nF2M0vhDrSenXnvcizw,705
|
|
220
220
|
ultralytics/utils/callbacks/tensorboard.py,sha256=QEgOVhUqY9akOs5TJIwz1Rvn6l32xWLpOxlwEyWF0B8,4136
|
|
221
221
|
ultralytics/utils/callbacks/wb.py,sha256=9-fjQIdLjr3b73DTE3rHO171KvbH1VweJ-bmbv-rqTw,6747
|
|
222
|
-
ultralytics-8.2.
|
|
223
|
-
ultralytics-8.2.
|
|
224
|
-
ultralytics-8.2.
|
|
225
|
-
ultralytics-8.2.
|
|
226
|
-
ultralytics-8.2.
|
|
227
|
-
ultralytics-8.2.
|
|
222
|
+
ultralytics-8.2.49.dist-info/LICENSE,sha256=DZak_2itbUtvHzD3E7GNUYSRK6jdOJ-GqncQ2weavLA,34523
|
|
223
|
+
ultralytics-8.2.49.dist-info/METADATA,sha256=dh_uPQjZxr7nyIO0lfbYI-qRpf-pyMmx79Z2HePDkMk,41210
|
|
224
|
+
ultralytics-8.2.49.dist-info/WHEEL,sha256=y4mX-SOX4fYIkonsAGA5N0Oy-8_gI4FXw5HNI1xqvWg,91
|
|
225
|
+
ultralytics-8.2.49.dist-info/entry_points.txt,sha256=YM_wiKyTe9yRrsEfqvYolNO5ngwfoL4-NwgKzc8_7sI,93
|
|
226
|
+
ultralytics-8.2.49.dist-info/top_level.txt,sha256=XP49TwiMw4QGsvTLSYiJhz1xF_k7ev5mQ8jJXaXi45Q,12
|
|
227
|
+
ultralytics-8.2.49.dist-info/RECORD,,
|
|
File without changes
|
|
File without changes
|
|
File without changes
|