Closed GiaZ90 closed 2 years ago
๐ Hello @GiaZ90, thank you for your interest in YOLOv5 ๐! Please visit our โญ๏ธ Tutorials to get started, where you can find quickstart guides for simple tasks like Custom Data Training all the way to advanced concepts like Hyperparameter Evolution.
If this is a ๐ Bug Report, please provide screenshots and minimum viable code to reproduce your issue, otherwise we can not help you.
If this is a custom training โ Question, please provide as much information as possible, including dataset images, training logs, screenshots, and a public link to online W&B logging if available.
For business inquiries or professional support requests please visit https://ultralytics.com or email support@ultralytics.com.
Python>=3.7.0 with all requirements.txt installed including PyTorch>=1.7. To get started:
git clone https://github.com/ultralytics/yolov5 # clone
cd yolov5
pip install -r requirements.txt # install
YOLOv5 may be run in any of the following up-to-date verified environments (with all dependencies including CUDA/CUDNN, Python and PyTorch preinstalled):
If this badge is green, all YOLOv5 GitHub Actions Continuous Integration (CI) tests are currently passing. CI tests verify correct operation of YOLOv5 training (train.py), validation (val.py), inference (detect.py) and export (export.py) on macOS, Windows, and Ubuntu every 24 hours and on every commit.
I think you answered the question yourself, but uninstall torch and run something like:
pip3 install torch torchvision torchaudio --extra-index-url https://download.pytorch.org/whl/cu113
Taken from: https://pytorch.org/get-started/locally/
Ty i was so near the solution...looks like now It recognizes the gpu...but have other problems with It during training.I ll try to resolve them ๐๐ช
Hi after some tryes it wasn't working because of an errore on the paging file (i fixed it setting the memory paging dimension) but now i have another error still after using
python train.py --img 640 --batch 16 --epochs 3 --data coco128.yaml --weights yolov5s.p
it goes all well until the training ...it starts loading at the first epoch(damn me if it's not faster than cpu 6" vs 1'40")
but when at 100%
here is the part that i should look...but i couldn't fix it
NotImplementedError: Could not run 'torchvision::nms' with arguments from the 'CUDA' backend.
The whole error code is below but it looks all connected to that
i've looked for my torch/torchvision version and is
Name: torch
Version: 1.11.0+cu113
looks like related all to this that should be like the torch one with cu113 Name: torchvision Version: 0.12.0
i tryed to install via conda/pip ...and it went good.still can't fix it...
PS C:\Users\AdminZ\Desktop\Tirocinio\Yolo\yolov5> python train.py --img 640 --batch 16 --epochs 3 --data coco128.yaml --weights yolov5s.pt wandb: Currently logged in as: giateam (use
wandb login --relogin` to force relogin)
train: weights=yolov5s.pt, cfg=, data=coco128.yaml, hyp=data\hyps\hyp.scratch-low.yaml, epochs=3, batch_size=16, imgsz=640, rect=False, resume=False, nosave=False, noval=False, noautoanchor=False, evolve=None, bucket=, cache=None, image_weights=False, device=, multi_scale=False, single_cls=False, optimizer=SGD, sync_bn=False, workers=8, project=runs\train, name=exp, exist_ok=False, quad=False, cos_lr=False, label_smoothing=0.0, patience=100, freeze=[0], save_period=-1, local_rank=-1, entity=None, upload_dataset=False, bbox_interval=-1, artifact_alias=latest
"git" non รจ riconosciuto come comando interno o esterno,
un programma eseguibile o un file batch.
Command 'git fetch && git config --get remote.origin.url' returned non-zero exit status 1.
"git" non รจ riconosciuto come comando interno o esterno,
un programma eseguibile o un file batch.
YOLOv5 2022-4-22 torch 1.11.0+cu113 CUDA:0 (NVIDIA GeForce GTX 1080, 8192MiB)
hyperparameters: lr0=0.01, lrf=0.01, momentum=0.937, weight_decay=0.0005, warmup_epochs=3.0, warmup_momentum=0.8, warmup_bias_lr=0.1, box=0.05, cls=0.5, cls_pw=1.0, obj=1.0, obj_pw=1.0, iou_t=0.2, anchor_t=4.0, fl_gamma=0.0, hsv_h=0.015, hsv_s=0.7, hsv_v=0.4, degrees=0.0, translate=0.1, scale=0.5, shear=0.0, perspective=0.0, flipud=0.0, fliplr=0.5, mosaic=1.0, mixup=0.0, copy_paste=0.0
TensorBoard: Start with 'tensorboard --logdir runs\train', view at http://localhost:6006/
wandb: Tracking run with wandb version 0.12.15
wandb: Run data is saved locally in C:\Users\AdminZ\Desktop\Tirocinio\Yolo\yolov5\wandb\run-20220501_171601-3pmfnvti
wandb: Run wandb offline
to turn off syncing.
wandb: Syncing run drawn-plant-27
wandb: View project at https://wandb.ai/giateam/train
wandb: View run at https://wandb.ai/giateam/train/runs/3pmfnvti
YOLOv5 temporarily requires wandb version 0.12.10 or below. Some features may not work as expected.
from n params module arguments
0 -1 1 3520 models.common.Conv [3, 32, 6, 2, 2] 1 -1 1 18560 models.common.Conv [32, 64, 3, 2] 2 -1 1 18816 models.common.C3 [64, 64, 1] 3 -1 1 73984 models.common.Conv [64, 128, 3, 2] 4 -1 2 115712 models.common.C3 [128, 128, 2] 5 -1 1 295424 models.common.Conv [128, 256, 3, 2] 6 -1 3 625152 models.common.C3 [256, 256, 3] 7 -1 1 1180672 models.common.Conv [256, 512, 3, 2] 8 -1 1 1182720 models.common.C3 [512, 512, 1] 9 -1 1 656896 models.common.SPPF [512, 512, 5] 10 -1 1 131584 models.common.Conv [512, 256, 1, 1] 11 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest'] 12 [-1, 6] 1 0 models.common.Concat [1] 13 -1 1 361984 models.common.C3 [512, 256, 1, False] 14 -1 1 33024 models.common.Conv [256, 128, 1, 1] 15 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest'] 16 [-1, 4] 1 0 models.common.Concat [1] 17 -1 1 90880 models.common.C3 [256, 128, 1, False] 18 -1 1 147712 models.common.Conv [128, 128, 3, 2] 19 [-1, 14] 1 0 models.common.Concat [1] 20 -1 1 296448 models.common.C3 [256, 256, 1, False] 21 -1 1 590336 models.common.Conv [256, 256, 3, 2] 22 [-1, 10] 1 0 models.common.Concat [1] 23 -1 1 1182720 models.common.C3 [512, 512, 1, False] 24 [17, 20, 23] 1 229245 models.yolo.Detect [80, [[10, 13, 16, 30, 33, 23], [30, 61, 62, 45, 59, 119], [116, 90, 156, 198, 373, 326]], [128, 256, 512]] Model summary: 270 layers, 7235389 parameters, 7235389 gradients
Transferred 349/349 items from yolov5s.pt
Scaled weight_decay = 0.0005
optimizer: SGD with parameter groups 57 weight (no decay), 60 weight, 60 bias
train: Scanning 'C:\Users\AdminZ\Desktop\Tirocinio\Yolo\datasets\coco128\labels\train2017.cache' images and labels... 1
wandb: Currently logged in as: giateam (use wandb login --relogin
to force relogin)
wandb: Currently logged in as: giateam (use wandb login --relogin
to force relogin)
wandb: Currently logged in as: giateam (use wandb login --relogin
to force relogin)
wandb: Currently logged in as: giateam (use wandb login --relogin
to force relogin)
wandb: Currently logged in as: giateam (use wandb login --relogin
to force relogin)
wandb: Currently logged in as: giateam (use wandb login --relogin
to force relogin)
wandb: Currently logged in as: giateam (use wandb login --relogin
to force relogin)
wandb: Currently logged in as: giateam (use wandb login --relogin
to force relogin)
val: Scanning 'C:\Users\AdminZ\Desktop\Tirocinio\Yolo\datasets\coco128\labels\train2017.cache' images and labels... 128
wandb: Currently logged in as: giateam (use wandb login --relogin
to force relogin)
wandb: Currently logged in as: giateam (use wandb login --relogin
to force relogin)
wandb: Currently logged in as: giateam (use wandb login --relogin
to force relogin)
wandb: Currently logged in as: giateam (use wandb login --relogin
to force relogin)
wandb: Currently logged in as: giateam (use wandb login --relogin
to force relogin)
wandb: Currently logged in as: giateam (use wandb login --relogin
to force relogin)
wandb: Currently logged in as: giateam (use wandb login --relogin
to force relogin)
wandb: Currently logged in as: giateam (use wandb login --relogin
to force relogin)
Plotting labels to runs\train\exp30\labels.jpg...
AutoAnchor: 4.27 anchors/target, 0.994 Best Possible Recall (BPR). Current anchors are a good fit to dataset Image sizes 640 train, 640 val Using 8 dataloader workers Logging results to runs\train\exp30 Starting training for 3 epochs...
Epoch gpu_mem box obj cls labels img_size
0/2 3.48G 0.04553 0.06219 0.01816 260 640: 100%|โโโโโโโโโโ| 8/8 [00:06<00:00, 1.21it/s]
Class Images Labels P R mAP@.5 mAP@.5:.95: 0%| | 0/4 [00:00<?,
Traceback (most recent call last):
File "C:\Users\AdminZ\Desktop\Tirocinio\Yolo\yolov5\train.py", line 669, in
CPU: registered at C:\Users\circleci\project\torchvision\csrc\ops\cpu\nms_kernel.cpp:112 [kernel] QuantizedCPU: registered at C:\Users\circleci\project\torchvision\csrc\ops\quantized\cpu\qnms_kernel.cpp:125 [kernel] BackendSelect: fallthrough registered at ..\aten\src\ATen\core\BackendSelectFallbackKernel.cpp:3 [backend fallback] Python: registered at ..\aten\src\ATen\core\PythonFallbackKernel.cpp:47 [backend fallback] Named: registered at ..\aten\src\ATen\core\NamedRegistrations.cpp:7 [backend fallback] Conjugate: registered at ..\aten\src\ATen\ConjugateFallback.cpp:18 [backend fallback] Negative: registered at ..\aten\src\ATen\native\NegateFallback.cpp:18 [backend fallback] ZeroTensor: registered at ..\aten\src\ATen\ZeroTensorFallback.cpp:86 [backend fallback] ADInplaceOrView: fallthrough registered at ..\aten\src\ATen\core\VariableFallbackKernel.cpp:64 [backend fallback] AutogradOther: fallthrough registered at ..\aten\src\ATen\core\VariableFallbackKernel.cpp:35 [backend fallback] AutogradCPU: fallthrough registered at ..\aten\src\ATen\core\VariableFallbackKernel.cpp:39 [backend fallback] AutogradCUDA: fallthrough registered at ..\aten\src\ATen\core\VariableFallbackKernel.cpp:47 [backend fallback] AutogradXLA: fallthrough registered at ..\aten\src\ATen\core\VariableFallbackKernel.cpp:51 [backend fallback] AutogradLazy: fallthrough registered at ..\aten\src\ATen\core\VariableFallbackKernel.cpp:55 [backend fallback] AutogradXPU: fallthrough registered at ..\aten\src\ATen\core\VariableFallbackKernel.cpp:43 [backend fallback] AutogradMLC: fallthrough registered at ..\aten\src\ATen\core\VariableFallbackKernel.cpp:59 [backend fallback] AutogradHPU: fallthrough registered at ..\aten\src\ATen\core\VariableFallbackKernel.cpp:68 [backend fallback] Tracer: registered at ..\torch\csrc\autograd\TraceTypeManual.cpp:293 [backend fallback] AutocastCPU: fallthrough registered at ..\aten\src\ATen\autocast_mode.cpp:461 [backend fallback] Autocast: fallthrough registered at ..\aten\src\ATen\autocast_mode.cpp:305 [backend fallback] Batched: registered at ..\aten\src\ATen\BatchingRegistrations.cpp:1059 [backend fallback] VmapMode: fallthrough registered at ..\aten\src\ATen\VmapModeRegistrations.cpp:33 [backend fallback] Functionalize: registered at ..\aten\src\ATen\FunctionalizeFallbackKernel.cpp:52 [backend fallback]
wandb: Waiting for W&B process to finish... (failed 1). Press Ctrl-C to abort syncing. wandb: wandb: Synced drawn-plant-27: https://wandb.ai/giateam/train/runs/3pmfnvti wandb: Synced 5 W&B file(s), 0 media file(s), 0 artifact file(s) and 0 other file(s) wandb: Find logs at: .\wandb\run-20220501_171601-3pmfnvti\logs Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' Exception ignored in: <function StorageWeakRef.del at 0x000001FF30D9B760> Traceback (most recent call last): File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\multiprocessing\reductions.py", line 36, in del File "C:\Users\AdminZ\AppData\Local\Packages\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\LocalCache\local-packages\Python310\site-packages\torch\storage.py", line 520, in _free_weak_ref AttributeError: 'NoneType' object has no attribute '_free_weak_ref' PS C:\Users\AdminZ\Desktop\Tirocinio\Yolo\yolov5> `
After many tryes i installed this version with this line... maybe it will works also for others pip install torchvision==0.12+cu113 -f https://download.pytorch.org/whl/torch_stable.html
@GiaZ90 great job on finding a solution! The error you encountered seems related to the torchvision version compatibility with torch. Upgrading the torchvision package to version 0.12+cu113 should indeed resolve the issue. Thanks for sharing your solution, and good luck with your training!
If you encounter any further issues or have more questions about YOLOv5, feel free to reach out. Keep up the good work! ๐
Search before asking
Question
I'm training a neural network with coco128 dataset and yolov5s ...actually yolo is using only Cpu for traning instead of my gpu (gtx 1080 ) and it works fine.How can i use my gpu...i think the problem is the torch version as displayed in this code line
YOLOv5 2022-4-22 torch 1.11.0+cpu CPU
generated afterpython train.py --img 640 --batch 16 --epochs 3 --data coco128.yaml --weights yolov5s.p
Any idea? Thank youAdditional
No response