dgenerate-ultralytics-headless 8.3.163__py3-none-any.whl → 8.3.166__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.
- {dgenerate_ultralytics_headless-8.3.163.dist-info → dgenerate_ultralytics_headless-8.3.166.dist-info}/METADATA +1 -1
- {dgenerate_ultralytics_headless-8.3.163.dist-info → dgenerate_ultralytics_headless-8.3.166.dist-info}/RECORD +70 -70
- ultralytics/__init__.py +1 -1
- ultralytics/cfg/datasets/Argoverse.yaml +1 -1
- ultralytics/cfg/datasets/DOTAv1.5.yaml +1 -1
- ultralytics/cfg/datasets/DOTAv1.yaml +1 -1
- ultralytics/cfg/datasets/GlobalWheat2020.yaml +1 -1
- ultralytics/cfg/datasets/HomeObjects-3K.yaml +3 -4
- ultralytics/cfg/datasets/ImageNet.yaml +1 -1
- ultralytics/cfg/datasets/Objects365.yaml +1 -1
- ultralytics/cfg/datasets/SKU-110K.yaml +4 -4
- ultralytics/cfg/datasets/VOC.yaml +3 -3
- ultralytics/cfg/datasets/VisDrone.yaml +37 -30
- ultralytics/cfg/datasets/african-wildlife.yaml +4 -4
- ultralytics/cfg/datasets/brain-tumor.yaml +3 -4
- ultralytics/cfg/datasets/carparts-seg.yaml +4 -4
- ultralytics/cfg/datasets/coco-pose.yaml +1 -1
- ultralytics/cfg/datasets/coco.yaml +1 -1
- ultralytics/cfg/datasets/coco128-seg.yaml +1 -1
- ultralytics/cfg/datasets/coco128.yaml +1 -1
- ultralytics/cfg/datasets/coco8-grayscale.yaml +1 -1
- ultralytics/cfg/datasets/coco8-multispectral.yaml +1 -1
- ultralytics/cfg/datasets/coco8-pose.yaml +1 -1
- ultralytics/cfg/datasets/coco8-seg.yaml +1 -1
- ultralytics/cfg/datasets/coco8.yaml +1 -1
- ultralytics/cfg/datasets/crack-seg.yaml +4 -4
- ultralytics/cfg/datasets/dog-pose.yaml +3 -3
- ultralytics/cfg/datasets/dota8-multispectral.yaml +1 -1
- ultralytics/cfg/datasets/dota8.yaml +1 -1
- ultralytics/cfg/datasets/hand-keypoints.yaml +3 -3
- ultralytics/cfg/datasets/lvis.yaml +1 -1
- ultralytics/cfg/datasets/medical-pills.yaml +3 -4
- ultralytics/cfg/datasets/open-images-v7.yaml +1 -1
- ultralytics/cfg/datasets/package-seg.yaml +4 -4
- ultralytics/cfg/datasets/signature.yaml +3 -3
- ultralytics/cfg/datasets/tiger-pose.yaml +3 -3
- ultralytics/cfg/datasets/xView.yaml +1 -1
- ultralytics/data/augment.py +182 -153
- ultralytics/data/build.py +23 -3
- ultralytics/data/dataset.py +6 -2
- ultralytics/data/loaders.py +2 -2
- ultralytics/data/utils.py +9 -7
- ultralytics/engine/exporter.py +7 -3
- ultralytics/engine/results.py +42 -42
- ultralytics/models/fastsam/model.py +1 -1
- ultralytics/models/fastsam/predict.py +1 -1
- ultralytics/models/sam/model.py +4 -4
- ultralytics/models/sam/modules/blocks.py +5 -5
- ultralytics/models/sam/modules/memory_attention.py +19 -19
- ultralytics/models/sam/modules/transformer.py +24 -22
- ultralytics/models/yolo/detect/val.py +2 -2
- ultralytics/models/yolo/world/train_world.py +9 -1
- ultralytics/solutions/distance_calculation.py +1 -1
- ultralytics/solutions/instance_segmentation.py +2 -2
- ultralytics/solutions/object_blurrer.py +2 -2
- ultralytics/solutions/object_counter.py +2 -2
- ultralytics/solutions/object_cropper.py +1 -1
- ultralytics/solutions/queue_management.py +1 -1
- ultralytics/solutions/security_alarm.py +2 -2
- ultralytics/solutions/templates/similarity-search.html +0 -24
- ultralytics/solutions/vision_eye.py +1 -1
- ultralytics/utils/benchmarks.py +2 -2
- ultralytics/utils/export.py +0 -2
- ultralytics/utils/instance.py +32 -25
- ultralytics/utils/metrics.py +4 -4
- ultralytics/utils/ops.py +8 -8
- {dgenerate_ultralytics_headless-8.3.163.dist-info → dgenerate_ultralytics_headless-8.3.166.dist-info}/WHEEL +0 -0
- {dgenerate_ultralytics_headless-8.3.163.dist-info → dgenerate_ultralytics_headless-8.3.166.dist-info}/entry_points.txt +0 -0
- {dgenerate_ultralytics_headless-8.3.163.dist-info → dgenerate_ultralytics_headless-8.3.166.dist-info}/licenses/LICENSE +0 -0
- {dgenerate_ultralytics_headless-8.3.163.dist-info → dgenerate_ultralytics_headless-8.3.166.dist-info}/top_level.txt +0 -0
ultralytics/utils/ops.py
CHANGED
@@ -343,11 +343,11 @@ def clip_boxes(boxes, shape):
|
|
343
343
|
Clip bounding boxes to image boundaries.
|
344
344
|
|
345
345
|
Args:
|
346
|
-
boxes (torch.Tensor |
|
346
|
+
boxes (torch.Tensor | np.ndarray): Bounding boxes to clip.
|
347
347
|
shape (tuple): Image shape as (height, width).
|
348
348
|
|
349
349
|
Returns:
|
350
|
-
(torch.Tensor |
|
350
|
+
(torch.Tensor | np.ndarray): Clipped bounding boxes.
|
351
351
|
"""
|
352
352
|
if isinstance(boxes, torch.Tensor): # faster individually (WARNING: inplace .clamp_() Apple MPS bug)
|
353
353
|
boxes[..., 0] = boxes[..., 0].clamp(0, shape[1]) # x1
|
@@ -365,11 +365,11 @@ def clip_coords(coords, shape):
|
|
365
365
|
Clip line coordinates to image boundaries.
|
366
366
|
|
367
367
|
Args:
|
368
|
-
coords (torch.Tensor |
|
368
|
+
coords (torch.Tensor | np.ndarray): Line coordinates to clip.
|
369
369
|
shape (tuple): Image shape as (height, width).
|
370
370
|
|
371
371
|
Returns:
|
372
|
-
(torch.Tensor |
|
372
|
+
(torch.Tensor | np.ndarray): Clipped coordinates.
|
373
373
|
"""
|
374
374
|
if isinstance(coords, torch.Tensor): # faster individually (WARNING: inplace .clamp_() Apple MPS bug)
|
375
375
|
coords[..., 0] = coords[..., 0].clamp(0, shape[1]) # x
|
@@ -564,10 +564,10 @@ def xyxyxyxy2xywhr(x):
|
|
564
564
|
Convert batched Oriented Bounding Boxes (OBB) from [xy1, xy2, xy3, xy4] to [xywh, rotation] format.
|
565
565
|
|
566
566
|
Args:
|
567
|
-
x (
|
567
|
+
x (np.ndarray | torch.Tensor): Input box corners with shape (N, 8) in [xy1, xy2, xy3, xy4] format.
|
568
568
|
|
569
569
|
Returns:
|
570
|
-
(
|
570
|
+
(np.ndarray | torch.Tensor): Converted data in [cx, cy, w, h, rotation] format with shape (N, 5).
|
571
571
|
Rotation values are in radians from 0 to pi/2.
|
572
572
|
"""
|
573
573
|
is_torch = isinstance(x, torch.Tensor)
|
@@ -587,11 +587,11 @@ def xywhr2xyxyxyxy(x):
|
|
587
587
|
Convert batched Oriented Bounding Boxes (OBB) from [xywh, rotation] to [xy1, xy2, xy3, xy4] format.
|
588
588
|
|
589
589
|
Args:
|
590
|
-
x (
|
590
|
+
x (np.ndarray | torch.Tensor): Boxes in [cx, cy, w, h, rotation] format with shape (N, 5) or (B, N, 5).
|
591
591
|
Rotation values should be in radians from 0 to pi/2.
|
592
592
|
|
593
593
|
Returns:
|
594
|
-
(
|
594
|
+
(np.ndarray | torch.Tensor): Converted corner points with shape (N, 4, 2) or (B, N, 4, 2).
|
595
595
|
"""
|
596
596
|
cos, sin, cat, stack = (
|
597
597
|
(torch.cos, torch.sin, torch.cat, torch.stack)
|
File without changes
|
File without changes
|
File without changes
|
File without changes
|