ultralytics 8.2.41__py3-none-any.whl → 8.2.42__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.

ultralytics/__init__.py CHANGED
@@ -1,6 +1,6 @@
1
1
  # Ultralytics YOLO 🚀, AGPL-3.0 license
2
2
 
3
- __version__ = "8.2.41"
3
+ __version__ = "8.2.42"
4
4
 
5
5
  import os
6
6
 
@@ -686,7 +686,7 @@ class Exporter:
686
686
  import tensorrt as trt # noqa
687
687
  except ImportError:
688
688
  if LINUX:
689
- check_requirements("nvidia-tensorrt", cmds="-U --index-url https://pypi.ngc.nvidia.com")
689
+ check_requirements("tensorrt", cmds="-U")
690
690
  import tensorrt as trt # noqa
691
691
  check_version(trt.__version__, "7.0.0", hard=True) # require tensorrt>=7.0.0
692
692
 
@@ -822,13 +822,13 @@ class Exporter:
822
822
  import tensorflow as tf # noqa
823
823
  check_requirements(
824
824
  (
825
- "keras", # required by onnx2tf package
826
- "tf_keras", # required by onnx2tf package
825
+ "keras", # required by 'onnx2tf' package
826
+ "tf_keras", # required by 'onnx2tf' package
827
+ "sng4onnx>=1.0.1", # required by 'onnx2tf' package
828
+ "onnx_graphsurgeon>=0.3.26", # required by 'onnx2tf' package
827
829
  "onnx>=1.12.0",
828
830
  "onnx2tf>1.17.5,<=1.22.3",
829
- "sng4onnx>=1.0.1",
830
831
  "onnxslim>=0.1.31",
831
- "onnx_graphsurgeon>=0.3.26",
832
832
  "tflite_support<=0.4.3" if IS_JETSON else "tflite_support", # fix ImportError 'GLIBCXX_3.4.29'
833
833
  "flatbuffers>=23.5.26,<100", # update old 'flatbuffers' included inside tensorflow package
834
834
  "onnxruntime-gpu" if cuda else "onnxruntime",
@@ -225,7 +225,7 @@ class AutoBackend(nn.Module):
225
225
  import tensorrt as trt # noqa https://developer.nvidia.com/nvidia-tensorrt-download
226
226
  except ImportError:
227
227
  if LINUX:
228
- check_requirements("nvidia-tensorrt", cmds="-U --index-url https://pypi.ngc.nvidia.com")
228
+ check_requirements("tensorrt", cmds="-U")
229
229
  import tensorrt as trt # noqa
230
230
  check_version(trt.__version__, "7.0.0", hard=True) # require tensorrt>=7.0.0
231
231
  if device.type == "cpu":
ultralytics/utils/loss.py CHANGED
@@ -214,7 +214,7 @@ class v8DetectionLoss:
214
214
  targets = torch.cat((batch["batch_idx"].view(-1, 1), batch["cls"].view(-1, 1), batch["bboxes"]), 1)
215
215
  targets = self.preprocess(targets.to(self.device), batch_size, scale_tensor=imgsz[[1, 0, 1, 0]])
216
216
  gt_labels, gt_bboxes = targets.split((1, 4), 2) # cls, xyxy
217
- mask_gt = gt_bboxes.sum(2, keepdim=True).gt_(0)
217
+ mask_gt = gt_bboxes.sum(2, keepdim=True).gt_(0.0)
218
218
 
219
219
  # Pboxes
220
220
  pred_bboxes = self.bbox_decode(anchor_points, pred_distri) # xyxy, (b, h*w, 4)
@@ -280,7 +280,7 @@ class v8SegmentationLoss(v8DetectionLoss):
280
280
  targets = torch.cat((batch_idx, batch["cls"].view(-1, 1), batch["bboxes"]), 1)
281
281
  targets = self.preprocess(targets.to(self.device), batch_size, scale_tensor=imgsz[[1, 0, 1, 0]])
282
282
  gt_labels, gt_bboxes = targets.split((1, 4), 2) # cls, xyxy
283
- mask_gt = gt_bboxes.sum(2, keepdim=True).gt_(0)
283
+ mask_gt = gt_bboxes.sum(2, keepdim=True).gt_(0.0)
284
284
  except RuntimeError as e:
285
285
  raise TypeError(
286
286
  "ERROR ❌ segment dataset incorrectly formatted or not a segment dataset.\n"
@@ -467,7 +467,7 @@ class v8PoseLoss(v8DetectionLoss):
467
467
  targets = torch.cat((batch_idx, batch["cls"].view(-1, 1), batch["bboxes"]), 1)
468
468
  targets = self.preprocess(targets.to(self.device), batch_size, scale_tensor=imgsz[[1, 0, 1, 0]])
469
469
  gt_labels, gt_bboxes = targets.split((1, 4), 2) # cls, xyxy
470
- mask_gt = gt_bboxes.sum(2, keepdim=True).gt_(0)
470
+ mask_gt = gt_bboxes.sum(2, keepdim=True).gt_(0.0)
471
471
 
472
472
  # Pboxes
473
473
  pred_bboxes = self.bbox_decode(anchor_points, pred_distri) # xyxy, (b, h*w, 4)
@@ -652,7 +652,7 @@ class v8OBBLoss(v8DetectionLoss):
652
652
  targets = targets[(rw >= 2) & (rh >= 2)] # filter rboxes of tiny size to stabilize training
653
653
  targets = self.preprocess(targets.to(self.device), batch_size, scale_tensor=imgsz[[1, 0, 1, 0]])
654
654
  gt_labels, gt_bboxes = targets.split((1, 5), 2) # cls, xywhr
655
- mask_gt = gt_bboxes.sum(2, keepdim=True).gt_(0)
655
+ mask_gt = gt_bboxes.sum(2, keepdim=True).gt_(0.0)
656
656
  except RuntimeError as e:
657
657
  raise TypeError(
658
658
  "ERROR ❌ OBB dataset incorrectly formatted or not a OBB dataset.\n"
@@ -1,6 +1,6 @@
1
1
  Metadata-Version: 2.1
2
2
  Name: ultralytics
3
- Version: 8.2.41
3
+ Version: 8.2.42
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
@@ -7,7 +7,7 @@ tests/test_explorer.py,sha256=r1pWer2y290Y0DqsM-La7egfEY0497YCdC4rwq3URV4,2178
7
7
  tests/test_exports.py,sha256=qc4YOgsGixqYLO6IRNY16-v6z14R0dp5fdni1v222xw,8034
8
8
  tests/test_integrations.py,sha256=8Ru7GyKV8j44EEc8X9_E7q7aR4CTOIMPuSagXjSGUxw,5847
9
9
  tests/test_python.py,sha256=9KjBKQXj6T9hRfX-4nnERd7OR3xx2ejV8430BoXjHro,20536
10
- ultralytics/__init__.py,sha256=GcMVEfwdozZwncuVp8g-Zr28SQqaPQb_NKSxXeuPvok,694
10
+ ultralytics/__init__.py,sha256=B7-erYt56Cs1JrZWWAF0E3tvi42lNQvUgxUWzqRkFik,694
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=JblkT6Ze9MZ8hSs8gkV8JPcEKNMm-YqRqM4x501Dn9g,21507
@@ -97,7 +97,7 @@ ultralytics/data/explorer/utils.py,sha256=EvvukQiQUTBrsZznmMnyEX2EqTuwZo_Geyc8yf
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
- ultralytics/engine/exporter.py,sha256=RVREJjFJ7Y-pnLq_i0yM5x9QRlKoLr0WnQWepkbFD_Y,58534
100
+ ultralytics/engine/exporter.py,sha256=csuukmfnqkrcJQx9Z008LrobxhIOYubSj9jkCUHN2do,58557
101
101
  ultralytics/engine/model.py,sha256=XxV97SX-TWLU3FYY_FImupUJo75NQm7mTw7m5FIYDYM,39046
102
102
  ultralytics/engine/predictor.py,sha256=W58kDCFH2AfoFzpGbos3k8zUEVsLunBuM8sc2B64rPY,17449
103
103
  ultralytics/engine/results.py,sha256=zRuEIrBtpoCQ3M6a_YscnyXrWSP-zpL3ACv0gTdrDaw,30987
@@ -164,7 +164,7 @@ ultralytics/models/yolo/world/__init__.py,sha256=3VTH0q4NOt2EWRom15yCymvmvm0Etp2
164
164
  ultralytics/models/yolo/world/train.py,sha256=acYN2-onL69LrL4av6_hY2r5AY0urC0WViDstn7npfI,3686
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
- ultralytics/nn/autobackend.py,sha256=zsMF-GS12xtMBeQEkSoJ5cudEHyzMaRSQBuXcfuBNdo,31210
167
+ ultralytics/nn/autobackend.py,sha256=stqN66L8iloqKxBBYaAespsj2ZoSossouFiFf_Txi0s,31163
168
168
  ultralytics/nn/tasks.py,sha256=1fempWanr6FrjoDZ10ukZvcnvG80ahYBKtaX8KLJtRM,45547
169
169
  ultralytics/nn/modules/__init__.py,sha256=mARjWk83WPYF5phXhXfPbAu2ZohtdbHdi5zzoxyMubo,2553
170
170
  ultralytics/nn/modules/block.py,sha256=JiPwcbLzb7O_O5T1KkW0dIGJSfBwPaS-NNYuVkLBDwg,34384
@@ -199,7 +199,7 @@ ultralytics/utils/downloads.py,sha256=LQ_mqMwHocOyyHvooEZHJKNVS11bFrwXAeefp21LX7
199
199
  ultralytics/utils/errors.py,sha256=GqP_Jgj_n0paxn8OMhn3DTCgoNkB2WjUcUaqs-M6SQk,816
200
200
  ultralytics/utils/files.py,sha256=TVfY0Wi5IsUc4YdsDzC0dAg-jAP5exYvwqB3VmXhDLY,6761
201
201
  ultralytics/utils/instance.py,sha256=5daM5nkxBv9hr5QzyII8zmuFj24hHuNtcr4EMCHAtpY,15654
202
- ultralytics/utils/loss.py,sha256=RF0st6IPW5pFhUMYHXCQ9msNJbPPeD8dRdQDn6HwZN8,33539
202
+ ultralytics/utils/loss.py,sha256=RwFYL71P-4y6zgOxWIxiK1uj7-h3NBESv-g1DDdykdE,33547
203
203
  ultralytics/utils/metrics.py,sha256=3nuFZK_7rnhf6KjhflnRfHVN2i_ZB-LbGvIdbc177N8,53587
204
204
  ultralytics/utils/ops.py,sha256=A6MnypWNEpgOQRJpPwE3JMi2rUQWaDmBklIaaqvu3Lc,33214
205
205
  ultralytics/utils/patches.py,sha256=SgMqeMsq2K6JoBJP1NplXMl9C6rK0JeJUChjBrJOneo,2750
@@ -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.41.dist-info/LICENSE,sha256=DZak_2itbUtvHzD3E7GNUYSRK6jdOJ-GqncQ2weavLA,34523
223
- ultralytics-8.2.41.dist-info/METADATA,sha256=OpSeNlqKDSM2DcYw5w86dWwabG7EvNaCmtqKwjPCGW8,41210
224
- ultralytics-8.2.41.dist-info/WHEEL,sha256=cpQTJ5IWu9CdaPViMhC9YzF8gZuS5-vlfoFihTBC86A,91
225
- ultralytics-8.2.41.dist-info/entry_points.txt,sha256=YM_wiKyTe9yRrsEfqvYolNO5ngwfoL4-NwgKzc8_7sI,93
226
- ultralytics-8.2.41.dist-info/top_level.txt,sha256=XP49TwiMw4QGsvTLSYiJhz1xF_k7ev5mQ8jJXaXi45Q,12
227
- ultralytics-8.2.41.dist-info/RECORD,,
222
+ ultralytics-8.2.42.dist-info/LICENSE,sha256=DZak_2itbUtvHzD3E7GNUYSRK6jdOJ-GqncQ2weavLA,34523
223
+ ultralytics-8.2.42.dist-info/METADATA,sha256=IjcYOwjYVVqoT_IArfn9lj3bmYelGHh0Fm6W0Lfx404,41210
224
+ ultralytics-8.2.42.dist-info/WHEEL,sha256=cpQTJ5IWu9CdaPViMhC9YzF8gZuS5-vlfoFihTBC86A,91
225
+ ultralytics-8.2.42.dist-info/entry_points.txt,sha256=YM_wiKyTe9yRrsEfqvYolNO5ngwfoL4-NwgKzc8_7sI,93
226
+ ultralytics-8.2.42.dist-info/top_level.txt,sha256=XP49TwiMw4QGsvTLSYiJhz1xF_k7ev5mQ8jJXaXi45Q,12
227
+ ultralytics-8.2.42.dist-info/RECORD,,