Training preparation steps

Author
Affiliation

Queensland University of Technology

Published

October 22, 2025

Abstract

Preparation of satellite images up to our neural network model training.

This script extracts the image from the .zip file downloaded from Planet; prepares the images creating the .png image from the .tif file allowing for the manual annotation wit LabelMe; segments the labelled image; describes that segmented image for an evaluation of their relevance to train the model; culls them to suit the model training requirements; and finally applies the model training.

1. Path definition

We define the path of the project, and refer the correct python scripts containing the functions that are automatically called when running dependencies.

Show the code
import sys
import os
import yaml
import counting_wh
# import counting_wh.wh_utils as wh_utils
# import counting_wh.train as wh_train

from counting_wh import wh_utils
from counting_wh import train

# import counting_wh.wh_utils.planet_utils as planet_utils

# Add the project root to sys.path (adjust as needed)
# sys.path.append(os.path.abspath("Waterholes_project/WaterholeDetection_UN-Handbook"))

2. Padded PNG image preparation

We will now transform the example raw tif image into a usable png for future steps. It creates a padded png image to exactly match the size dividable by the stride and tile size.
Caution that you need to define the config file called “config_train_Drive_UN.yaml” as instructed to make sure it matches your paths and runs everything smoothly.
Use the prepare() function if you are using the Planet .tif file, and use the prepare_S2() function if you are using the Sentinel 2 file.

Show the code
#For the Sentinel 2 file: 
train.prepare_S2("config_train_Drive_UN.yaml")
Processed 1/1 images

3. Manual Labelling

Once the .png image is created, as we are training the model, we need to label the training image. In order to do so, you need to use LabelMe.
LabelMe is called in your terminal, manually typing “labelme”.

Ensure that the conda environment is activated, which will show on the left of your terminal line. If it says (base), you need to activate the conda environment first by typing “conda activate counting_waterholes”. After that, it should show (counting_waterholes) instead of (base), and you should be able to type “labelme” to open the LabelMe GUI.

If labelme command does not work, you might need to install it first using pip. You can do this by running the following command in your terminal:

pip install labelme

LabelMe Software Opening

Once you have LabelMe open, you can load the padded png image created in the previous step by clicking on “Open” and selecting the image file. The image should be in

Show the code
# Load the config file
with open('config_train_Drive_UN.yaml', 'r') as f:
    config = yaml.safe_load(f)

# Extract variables
print(f"The padded image should be in: {config['output_dir']}")
The padded image should be in: training/output

You can then annotate the waterholes on your padded png image. This will create a .json file with the bounding boxes definitions. You will need those labels in the next step to segment the image and the corresponding labels for training purposes.

In the ‘Edit’ menu, select ‘Create Rectangle’ (or press the CTRL + R keys on Windows, or CMD + R on Mac) to start drawing rectangle bounding boxes around each waterhole in the image. Click to set a corner, and click again to create a rectangle around each waterhole. After drawing each rectangle, a dialog box will appear where you can enter the label for the object. Either type a new class label, or select an existing label and click ‘OK’. Repeat this process for all waterholes in the image.

You can also edit existing annotations by selection ‘Edit Polygons’ from the toolbar (or Edit menu). We found this useful for transferring labels between months of imagery where most of the labels were the same, but some waterholes had changed class. To do that, the label file needs to be changed to name of the image you want to annotate, and then it should open when you open that image in LabelMe.

When you have finished annotating all waterholes, save your annotations by selecting ‘Save’ from the ‘File’ menu (or pressing CTRL + S on Windows, or CMD + S on Mac). This will save the annotations in a .json file in the same directory as the image, with the same name as the image file.

LabelMe Annotation example

4. Segmentation

Once the whole manual annotation is done, save the outputs, and come back to this script to run the segmentation of the padded png image you just labelled.

Show the code
#segment the png images
train.segment("config_train_Drive_UN.yaml", train_val_split=0.8)
Labels: ['training/output/2024-06_mimal_test_S2.json']
Cropping Image: training/output/2024-06_mimal_test_S2.png
[4160 5408    3]
We will have:  1813  images maximum
90.0% of images without labels will be removed
Saving Segments: 100%|██████████| 1813/1813 [00:04<00:00, 388.18it/s]
Skipped 856 images
Empty 603 images

Saved segmented images to: training/output/images and labels to: training/output/labels

5. Evaluation of the segmentation

After the segmentation, we evaluate the result of the segmentation and production of material to train the model using the “train.describe” function. Run the bellow cell to describe the results of segmented images.

Show the code
#describe the created segmented images: 
train.describe("config_train_Drive_UN.yaml")
Config path: ./training/output/images
Number of image directories found: 22
Image directories: training/output/images
Are there duplicates? True
Label directory: training/output/images/train/../../labels/train
--------------------------------------------------
| Training dataset statistics                    |
--------------------------------------------------
| Number of original images:                   1 |
| Number of tiles:                           955 |
| Number of labels:                          955 |
| Number of individual labels                    |
|   - Total:                                2404 |
|   - Per class:                                   |
|       - Class 0:    675 (28.08%)              |
|       - Class 3:    320 (13.31%)              |
|       - Class 2:    830 (34.53%)              |
|       - Class 1:    579 (24.08%)              |
| Background Images:    100 (10.47%)           |
--------------------------------------------------
(1, 955, 2404, {'0': 675, '3': 320, '2': 830, '1': 579}, 100)

6. Culling

Before proceeding to the training of the model, we need to apply the cull command which will remove images with no labels until 10% of the training set has no labels. This is a recommended procedure from Yolo to maintain efficient model training parameters. This has to be done post segmentation as we don’t know prior the the amount.

Show the code
# cull images with no labels until 10% of the training set has no labels.
train.cull_AF("config_train_Drive_UN.yaml")
Analyzing label files in: training/output/labels/train
Looking for corresponding images in: training/output/images/train
Total label files found: 955
Empty label files found: 100
Non-empty label files: 855
Moving 6 empty label files to maintain 10% ratio

--- SUMMARY ---
Total label files moved: 6
Total image files moved: 6
Remaining total label files: 949
Remaining empty label files: 94
Empty labels now make up 9.91% of the dataset
Empty labels moved to: training/output/labels/moved_empty_labels
Corresponding images moved to: training/output/images/moved_empty_images

SUCCESS: Empty labels now make up 10% or less of the dataset.

7. Folder set-up

Now that we have less than 10% of the images unlabelled, we can train the model, but first let’s reorganise the folders to be properly used in the model.

Show the code
train.reorganize_folders("config_train_Drive_UN.yaml")
Copying from training/output/images/val to training/train/val/images
Successfully copied to training/train/val/images
Copying from training/output/images/train to training/train/train/images
Successfully copied to training/train/train/images
Copying from training/output/labels/val to training/train/val/labels
Successfully copied to training/train/val/labels
Copying from training/output/labels/train to training/train/train/labels
Successfully copied to training/train/train/labels

----- REORGANIZATION SUMMARY -----
Successful operations: 4
Failed operations: 0

All folders were successfully reorganized!

New structure:
- training/train/val/images (copied from training/output/images/val)
- training/train/val/labels (copied from training/output/labels/val)
- training/train/train/images (copied from training/output/images/train)
- training/train/train/labels (copied from training/output/labels/train)

8. Model training

We are now ready to train a model with the data we have prepared. In the config file called “config_train_Drive_UN.yaml”, ensure that the paths are correctly defined. - The directory of the YOLOv5repository can be relative to your project root (of this repository), for instance we had the YOLOv5 repository (cloned from GitHub here) one level above this project. That means we could reference is using ../yolov5, and the model weights as ../yolov5/yolov5s.pt. - If the YOLOv5 repository is stored elsewhere, it might be easiest to use an absolute path instead. - As the YOLOv5 code needs to access the data, and this code will be executed from the YOLOv5 directory, the train and val paths in the config file should be absolute.

Essentially, the train.train() function writes a command to be run in the terminal of the YOLOv5 repository, using the parameters defined in the config file. This means you can also run the training directly from the terminal if you prefer, by navigating to the YOLOv5 directory and running the equivalent command, which allows you to edit parameters manually for testing. Otherwise, change the training parameters in the config file and run the code below to execute the training.

Model outputs

The results of the model training will save within the YOLOv5 directory, under “runs/train/exp#” folder. Each time you run a new training, it will create a new “exp” folder with an incremented number, e.g., “exp1”, “exp2”, etc.

After the model has finished training, the outputs should look something like this:

YOLOv5 outputs
Show the code
# train the model
train.train("config_train_Drive_UN.yaml")
Using mps device

Set default tensor type to float32

python ../yolov5/train.py --device mps     --img 416 --batch 8     --workers 4     --epochs 10 --data config_train_Drive_UN.yaml     --weights ../yolov5/yolov5s.pt --save-period 50
train: weights=../yolov5/yolov5s.pt, cfg=, data=config_train_Drive_UN.yaml, hyp=../yolov5/data/hyps/hyp.scratch-low.yaml, epochs=10, batch_size=8, imgsz=416, rect=False, resume=False, nosave=False, noval=False, noautoanchor=False, noplots=False, evolve=None, evolve_population=../yolov5/data/hyps, resume_evolve=None, bucket=, cache=None, image_weights=False, device=mps, multi_scale=False, single_cls=False, optimizer=SGD, sync_bn=False, workers=4, project=../yolov5/runs/train, name=exp, exist_ok=False, quad=False, cos_lr=False, label_smoothing=0.0, patience=100, freeze=[0], save_period=50, seed=0, local_rank=-1, entity=None, upload_dataset=False, bbox_interval=-1, artifact_alias=latest, ndjson_console=False, ndjson_file=False

github: up to date with https://github.com/ultralytics/yolov5 ✅

fatal: cannot change to '/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte': No such file or directory

YOLOv5 🚀 2025-10-21 Python-3.10.18 torch-2.8.0 MPS



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 ../yolov5/runs/train', view at http://localhost:6006/

COMET WARNING: Comet credentials have not been set. Comet will default to offline logging. Please set your credentials to enable online logging.

COMET INFO: Using '/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/.cometml-runs' path as offline directory. Pass 'offline_directory' parameter into constructor or set the 'COMET_OFFLINE_DIRECTORY' environment variable to manually choose where to store offline experiment archives.

Overriding model.yaml nc=80 with nc=5



                 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     26970  models.yolo.Detect                      [5, [[10, 13, 16, 30, 33, 23], [30, 61, 62, 45, 59, 119], [116, 90, 156, 198, 373, 326]], [128, 256, 512]]

Model summary: 214 layers, 7033114 parameters, 7033114 gradients, 16.0 GFLOPs



Transferred 343/349 items from ../yolov5/yolov5s.pt

optimizer: SGD(lr=0.01) with parameter groups 57 weight(decay=0.0), 60 weight(decay=0.0005), 60 bias

train: Scanning /Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/training/train/train/labels.cache... 949 images, 94 backgrounds, 0 corrupt: 100%|██████████| 949/949 [00:00<?, ?it/s]

val: Scanning /Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/training/train/val/labels.cache... 354 images, 22 backgrounds, 0 corrupt: 100%|██████████| 354/354 [00:00<?, ?it/s]



AutoAnchor: 4.91 anchors/target, 1.000 Best Possible Recall (BPR). Current anchors are a good fit to dataset ✅

Plotting labels to ../yolov5/runs/train/exp5/labels.jpg... 

/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:357: FutureWarning: `torch.cuda.amp.GradScaler(args...)` is deprecated. Please use `torch.amp.GradScaler('cuda', args...)` instead.

  scaler = torch.cuda.amp.GradScaler(enabled=amp)

Image sizes 416 train, 416 val

Using 4 dataloader workers

Logging results to ../yolov5/runs/train/exp5

Starting training for 10 epochs...



      Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size

  0%|          | 0/119 [00:00<?, ?it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1252    0.01718    0.05311         20        416:   1%|          | 1/119 [00:03<06:08,  3.12s/it]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1255    0.01861    0.05271         30        416:   2%|▏         | 2/119 [00:04<03:34,  1.83s/it]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G      0.124    0.01795    0.05276         14        416:   3%|▎         | 3/119 [00:04<02:34,  1.33s/it]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1252    0.01839    0.05169         27        416:   3%|▎         | 4/119 [00:05<02:02,  1.07s/it]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1255    0.01895     0.0516         31        416:   4%|▍         | 5/119 [00:06<01:49,  1.04it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1261    0.01856    0.05135         31        416:   5%|▌         | 6/119 [00:06<01:37,  1.16it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1257    0.01862    0.05138         22        416:   6%|▌         | 7/119 [00:07<01:38,  1.14it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1254    0.01854    0.05124         18        416:   7%|▋         | 8/119 [00:08<01:34,  1.18it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1264    0.01832    0.05092         23        416:   8%|▊         | 9/119 [00:09<01:23,  1.32it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1259    0.01914    0.05091         34        416:   8%|▊         | 10/119 [00:10<01:27,  1.24it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1259     0.0193     0.0508         32        416:   9%|▉         | 11/119 [00:10<01:29,  1.21it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1258    0.01897    0.05044         13        416:  10%|█         | 12/119 [00:11<01:25,  1.25it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1257    0.01887    0.05066         19        416:  11%|█         | 13/119 [00:12<01:21,  1.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1257    0.01874     0.0509         19        416:  12%|█▏        | 14/119 [00:12<01:13,  1.43it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1259    0.01877    0.05088         26        416:  13%|█▎        | 15/119 [00:13<01:08,  1.52it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1258    0.01903    0.05092         34        416:  13%|█▎        | 16/119 [00:14<01:06,  1.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1256    0.01902    0.05094         19        416:  14%|█▍        | 17/119 [00:14<01:03,  1.60it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1254     0.0191    0.05087         28        416:  15%|█▌        | 18/119 [00:15<01:03,  1.60it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1251    0.01904    0.05075         19        416:  16%|█▌        | 19/119 [00:15<00:56,  1.77it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G      0.125    0.01906     0.0508         26        416:  17%|█▋        | 20/119 [00:16<00:56,  1.77it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1248     0.0192    0.05077         26        416:  18%|█▊        | 21/119 [00:16<00:58,  1.68it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1247     0.0194    0.05079         34        416:  18%|█▊        | 22/119 [00:17<01:02,  1.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1245    0.01945    0.05082         22        416:  19%|█▉        | 23/119 [00:18<00:56,  1.70it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1246    0.01942    0.05088         29        416:  20%|██        | 24/119 [00:18<00:59,  1.60it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1246    0.01944    0.05091         26        416:  21%|██        | 25/119 [00:19<00:55,  1.69it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1246     0.0192    0.05074         14        416:  22%|██▏       | 26/119 [00:20<01:03,  1.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1244    0.01954    0.05076         45        416:  23%|██▎       | 27/119 [00:21<01:09,  1.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1242    0.01947    0.05083         16        416:  24%|██▎       | 28/119 [00:21<01:05,  1.38it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G      0.124    0.01948    0.05077         22        416:  24%|██▍       | 29/119 [00:22<01:03,  1.43it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G      0.124    0.01945    0.05072         21        416:  25%|██▌       | 30/119 [00:23<01:01,  1.44it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1238     0.0194    0.05063         22        416:  26%|██▌       | 31/119 [00:23<00:57,  1.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1237    0.01942    0.05058         24        416:  27%|██▋       | 32/119 [00:24<01:01,  1.41it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1236    0.01943    0.05055         32        416:  28%|██▊       | 33/119 [00:25<00:58,  1.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1237    0.01947    0.05051         31        416:  29%|██▊       | 34/119 [00:25<00:55,  1.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1236    0.01943    0.05047         21        416:  29%|██▉       | 35/119 [00:26<00:52,  1.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1236    0.01934    0.05047         19        416:  30%|███       | 36/119 [00:26<00:47,  1.76it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1235    0.01919    0.05039         10        416:  31%|███       | 37/119 [00:27<00:52,  1.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1232    0.01928    0.05032         24        416:  32%|███▏      | 38/119 [00:28<00:53,  1.52it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1232     0.0192    0.05036         20        416:  33%|███▎      | 39/119 [00:28<00:48,  1.66it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1229    0.01921    0.05034         21        416:  34%|███▎      | 40/119 [00:29<00:51,  1.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1229    0.01927    0.05029         28        416:  34%|███▍      | 41/119 [00:29<00:42,  1.83it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1228    0.01929    0.05027         24        416:  35%|███▌      | 42/119 [00:30<00:46,  1.67it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1226     0.0194    0.05021         33        416:  36%|███▌      | 43/119 [00:31<00:51,  1.47it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1225    0.01956    0.05017         32        416:  37%|███▋      | 44/119 [00:32<00:49,  1.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1225     0.0197     0.0501         41        416:  38%|███▊      | 45/119 [00:32<00:48,  1.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1224    0.01976    0.05004         30        416:  39%|███▊      | 46/119 [00:33<00:44,  1.64it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1222    0.01987    0.05002         29        416:  39%|███▉      | 47/119 [00:33<00:41,  1.74it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1221    0.01998    0.04995         36        416:  40%|████      | 48/119 [00:34<00:46,  1.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1221    0.01994    0.04996         22        416:  41%|████      | 49/119 [00:35<00:43,  1.60it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G      0.122    0.01994    0.04987         24        416:  42%|████▏     | 50/119 [00:35<00:45,  1.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G      0.122    0.01997    0.04984         29        416:  43%|████▎     | 51/119 [00:36<00:46,  1.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1219    0.01995     0.0498         25        416:  44%|████▎     | 52/119 [00:37<00:46,  1.45it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1218    0.02012    0.04977         52        416:  45%|████▍     | 53/119 [00:37<00:45,  1.44it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1216    0.02013    0.04974         19        416:  45%|████▌     | 54/119 [00:38<00:46,  1.41it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1214    0.02009    0.04969         18        416:  46%|████▌     | 55/119 [00:39<00:43,  1.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1214     0.0201    0.04966         24        416:  47%|████▋     | 56/119 [00:39<00:42,  1.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1213    0.02008    0.04968         21        416:  48%|████▊     | 57/119 [00:40<00:36,  1.69it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1211    0.02012    0.04962         24        416:  49%|████▊     | 58/119 [00:41<00:37,  1.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G      0.121    0.02025    0.04959         42        416:  50%|████▉     | 59/119 [00:41<00:43,  1.39it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1209    0.02025    0.04954         25        416:  50%|█████     | 60/119 [00:42<00:40,  1.47it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1208    0.02022    0.04951         25        416:  51%|█████▏    | 61/119 [00:43<00:39,  1.47it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1207     0.0203    0.04943         37        416:  52%|█████▏    | 62/119 [00:44<00:41,  1.39it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1206    0.02021    0.04935         14        416:  53%|█████▎    | 63/119 [00:44<00:34,  1.62it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1205    0.02026    0.04929         30        416:  54%|█████▍    | 64/119 [00:44<00:28,  1.93it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1204    0.02025    0.04923         24        416:  55%|█████▍    | 65/119 [00:45<00:26,  2.02it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1204    0.02024    0.04922         25        416:  55%|█████▌    | 66/119 [00:45<00:31,  1.71it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1202    0.02016    0.04906         15        416:  56%|█████▋    | 67/119 [00:46<00:32,  1.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G       0.12    0.02012    0.04901         18        416:  57%|█████▋    | 68/119 [00:47<00:28,  1.76it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1199    0.02018    0.04897         36        416:  58%|█████▊    | 69/119 [00:47<00:28,  1.76it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1198    0.02019     0.0489         28        416:  59%|█████▉    | 70/119 [00:48<00:31,  1.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1196     0.0202    0.04884         29        416:  60%|█████▉    | 71/119 [00:49<00:31,  1.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1196    0.02029    0.04877         37        416:  61%|██████    | 72/119 [00:49<00:31,  1.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1195    0.02029    0.04866         24        416:  61%|██████▏   | 73/119 [00:50<00:27,  1.66it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1193    0.02038    0.04863         37        416:  62%|██████▏   | 74/119 [00:50<00:26,  1.72it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1192     0.0204    0.04856         29        416:  63%|██████▎   | 75/119 [00:51<00:28,  1.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1191    0.02047    0.04852         38        416:  64%|██████▍   | 76/119 [00:52<00:31,  1.38it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1192    0.02046    0.04847         29        416:  65%|██████▍   | 77/119 [00:53<00:27,  1.52it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G      0.119    0.02049    0.04848         30        416:  66%|██████▌   | 78/119 [00:53<00:24,  1.68it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1189    0.02053    0.04842         26        416:  66%|██████▋   | 79/119 [00:54<00:23,  1.73it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1187    0.02047    0.04839         13        416:  67%|██████▋   | 80/119 [00:54<00:24,  1.60it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1187    0.02048    0.04833         35        416:  68%|██████▊   | 81/119 [00:55<00:25,  1.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1186    0.02039    0.04833         21        416:  69%|██████▉   | 82/119 [00:56<00:24,  1.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1185    0.02051    0.04828         35        416:  70%|██████▉   | 83/119 [00:56<00:21,  1.67it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1185    0.02052    0.04822         33        416:  71%|███████   | 84/119 [00:57<00:19,  1.77it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1183    0.02049    0.04816         24        416:  71%|███████▏  | 85/119 [00:57<00:18,  1.86it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1183    0.02053     0.0481         29        416:  72%|███████▏  | 86/119 [00:58<00:16,  1.95it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1182    0.02061    0.04803         43        416:  73%|███████▎  | 87/119 [00:59<00:20,  1.58it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1181    0.02067    0.04799         35        416:  74%|███████▍  | 88/119 [00:59<00:16,  1.83it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1181    0.02061    0.04787         19        416:  75%|███████▍  | 89/119 [00:59<00:14,  2.06it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1179    0.02066     0.0478         35        416:  76%|███████▌  | 90/119 [01:00<00:14,  1.96it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1178    0.02073    0.04775         35        416:  76%|███████▋  | 91/119 [01:00<00:14,  1.93it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1177     0.0208    0.04771         34        416:  77%|███████▋  | 92/119 [01:01<00:12,  2.11it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1175    0.02071    0.04771         14        416:  78%|███████▊  | 93/119 [01:01<00:10,  2.39it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1174     0.0207    0.04761         29        416:  79%|███████▉  | 94/119 [01:02<00:12,  2.06it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1172    0.02069    0.04756         24        416:  80%|███████▉  | 95/119 [01:02<00:12,  1.99it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1171    0.02073    0.04746         28        416:  81%|████████  | 96/119 [01:02<00:09,  2.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G      0.117    0.02074     0.0474         34        416:  82%|████████▏ | 97/119 [01:03<00:08,  2.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G      0.117    0.02071    0.04733         22        416:  82%|████████▏ | 98/119 [01:03<00:07,  2.66it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G      0.117    0.02069    0.04731         26        416:  83%|████████▎ | 99/119 [01:03<00:07,  2.79it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1168    0.02076    0.04725         30        416:  84%|████████▍ | 100/119 [01:04<00:06,  2.78it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1167    0.02081    0.04719         42        416:  85%|████████▍ | 101/119 [01:04<00:08,  2.18it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1166    0.02083    0.04715         32        416:  86%|████████▌ | 102/119 [01:05<00:08,  2.12it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1165    0.02078    0.04706         18        416:  87%|████████▋ | 103/119 [01:06<00:09,  1.76it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1164    0.02085    0.04701         31        416:  87%|████████▋ | 104/119 [01:06<00:08,  1.67it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1162    0.02087    0.04694         23        416:  88%|████████▊ | 105/119 [01:07<00:07,  1.96it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1161    0.02093    0.04686         31        416:  89%|████████▉ | 106/119 [01:07<00:06,  2.00it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G      0.116    0.02092    0.04677         24        416:  90%|████████▉ | 107/119 [01:08<00:05,  2.24it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1159    0.02094    0.04671         28        416:  91%|█████████ | 108/119 [01:08<00:04,  2.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1158    0.02096    0.04664         30        416:  92%|█████████▏| 109/119 [01:08<00:04,  2.23it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1156    0.02096     0.0466         24        416:  92%|█████████▏| 110/119 [01:09<00:04,  2.03it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1155    0.02094    0.04655         19        416:  93%|█████████▎| 111/119 [01:09<00:03,  2.02it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1154    0.02094     0.0465         30        416:  94%|█████████▍| 112/119 [01:10<00:03,  2.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1153    0.02094    0.04645         24        416:  95%|█████████▍| 113/119 [01:10<00:02,  2.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1153     0.0209    0.04637         23        416:  96%|█████████▌| 114/119 [01:11<00:02,  2.24it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1151    0.02091    0.04624         22        416:  97%|█████████▋| 115/119 [01:11<00:01,  2.01it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G      0.115    0.02089    0.04619         23        416:  97%|█████████▋| 116/119 [01:12<00:01,  1.98it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1148    0.02092    0.04616         24        416:  98%|█████████▊| 117/119 [01:12<00:00,  2.14it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1148    0.02092    0.04607         33        416:  99%|█████████▉| 118/119 [01:12<00:00,  2.38it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        0/9         0G     0.1147    0.02096    0.04605         19        416: 100%|██████████| 119/119 [01:14<00:00,  1.60it/s]

                 Class     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 23/23 [00:35<00:00,  1.54s/it]

                   all        354        923      0.294     0.0248     0.0194    0.00451



      Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size

  0%|          | 0/119 [00:00<?, ?it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09415    0.03151    0.03524         34        416:   1%|          | 1/119 [00:01<02:59,  1.52s/it]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09662     0.0291    0.03596         33        416:   2%|▏         | 2/119 [00:02<02:23,  1.23s/it]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09886    0.02735    0.03782         32        416:   3%|▎         | 3/119 [00:02<01:34,  1.22it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09921    0.02612    0.03771         27        416:   3%|▎         | 4/119 [00:03<01:31,  1.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G     0.1014    0.02513    0.03765         27        416:   4%|▍         | 5/119 [00:04<01:36,  1.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G     0.1016    0.02524    0.03796         35        416:   5%|▌         | 6/119 [00:05<01:23,  1.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G     0.1001     0.0244    0.03811         21        416:   6%|▌         | 7/119 [00:06<01:28,  1.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G     0.1013    0.02444    0.03899         31        416:   7%|▋         | 8/119 [00:06<01:11,  1.56it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G     0.1015    0.02396     0.0392         19        416:   8%|▊         | 9/119 [00:06<00:59,  1.85it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G     0.1009    0.02356    0.03898         27        416:   8%|▊         | 10/119 [00:07<01:12,  1.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G     0.1012    0.02316    0.03925         23        416:   9%|▉         | 11/119 [00:08<01:16,  1.40it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G     0.1007    0.02251    0.03852         19        416:  10%|█         | 12/119 [00:09<01:21,  1.32it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G     0.1008    0.02274     0.0385         31        416:  11%|█         | 13/119 [00:09<01:18,  1.35it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G      0.101    0.02335    0.03839         48        416:  12%|█▏        | 14/119 [00:11<01:27,  1.20it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G     0.1005    0.02276    0.03882         12        416:  13%|█▎        | 15/119 [00:11<01:14,  1.39it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G     0.1005    0.02251    0.03915         21        416:  13%|█▎        | 16/119 [00:11<01:07,  1.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09981     0.0223    0.03889         21        416:  14%|█▍        | 17/119 [00:12<01:05,  1.56it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09934    0.02247    0.03879         31        416:  15%|█▌        | 18/119 [00:13<01:07,  1.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09917    0.02281    0.03876         31        416:  16%|█▌        | 19/119 [00:14<01:13,  1.35it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09902    0.02283    0.03884         28        416:  17%|█▋        | 20/119 [00:14<01:00,  1.63it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09862    0.02294    0.03868         22        416:  18%|█▊        | 21/119 [00:14<00:52,  1.88it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09842    0.02324    0.03862         35        416:  18%|█▊        | 22/119 [00:15<00:48,  1.99it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09844    0.02295    0.03836         17        416:  19%|█▉        | 23/119 [00:16<00:57,  1.66it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09851    0.02296    0.03836         24        416:  20%|██        | 24/119 [00:16<00:49,  1.93it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09854    0.02307    0.03823         30        416:  21%|██        | 25/119 [00:17<01:07,  1.40it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09829    0.02321    0.03801         31        416:  22%|██▏       | 26/119 [00:18<00:57,  1.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09806    0.02337    0.03803         28        416:  23%|██▎       | 27/119 [00:18<01:00,  1.52it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09822    0.02339    0.03815         33        416:  24%|██▎       | 28/119 [00:19<00:55,  1.63it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09826    0.02338    0.03795         31        416:  24%|██▍       | 29/119 [00:19<00:48,  1.87it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09824    0.02342    0.03799         29        416:  25%|██▌       | 30/119 [00:20<00:52,  1.69it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09847    0.02332    0.03815         27        416:  26%|██▌       | 31/119 [00:20<00:51,  1.71it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09847    0.02319    0.03801         24        416:  27%|██▋       | 32/119 [00:21<00:54,  1.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09817    0.02336    0.03787         35        416:  28%|██▊       | 33/119 [00:22<01:04,  1.34it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09818    0.02349    0.03776         42        416:  29%|██▊       | 34/119 [00:23<01:02,  1.35it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09814    0.02374    0.03774         45        416:  29%|██▉       | 35/119 [00:24<01:10,  1.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09801    0.02362    0.03783         19        416:  30%|███       | 36/119 [00:24<00:57,  1.44it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09802     0.0235    0.03772         25        416:  31%|███       | 37/119 [00:25<01:02,  1.31it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09803    0.02359    0.03778         37        416:  32%|███▏      | 38/119 [00:26<00:54,  1.49it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09785    0.02342    0.03765         16        416:  33%|███▎      | 39/119 [00:26<00:49,  1.62it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09794    0.02344    0.03765         29        416:  34%|███▎      | 40/119 [00:27<00:48,  1.64it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G     0.0979    0.02342     0.0377         25        416:  34%|███▍      | 41/119 [00:27<00:39,  1.95it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09773    0.02344    0.03761         30        416:  35%|███▌      | 42/119 [00:28<00:59,  1.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G     0.0978    0.02334    0.03781         25        416:  36%|███▌      | 43/119 [00:30<01:09,  1.09it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09767    0.02343    0.03784         33        416:  37%|███▋      | 44/119 [00:31<01:06,  1.13it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09751    0.02356    0.03777         33        416:  38%|███▊      | 45/119 [00:32<01:18,  1.06s/it]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09726    0.02363    0.03774         28        416:  39%|███▊      | 46/119 [00:33<01:20,  1.10s/it]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09723    0.02349     0.0377         18        416:  39%|███▉      | 47/119 [00:34<01:08,  1.05it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09704    0.02345     0.0377         18        416:  40%|████      | 48/119 [00:34<00:53,  1.32it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G     0.0969    0.02357    0.03764         31        416:  41%|████      | 49/119 [00:34<00:43,  1.62it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09669    0.02376    0.03774         45        416:  42%|████▏     | 50/119 [00:35<00:51,  1.35it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09651    0.02363    0.03779         15        416:  43%|████▎     | 51/119 [00:36<00:43,  1.58it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09638    0.02362    0.03771         30        416:  44%|████▎     | 52/119 [00:36<00:35,  1.87it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09635    0.02376    0.03761         36        416:  45%|████▍     | 53/119 [00:37<00:45,  1.44it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09634    0.02379    0.03758         33        416:  45%|████▌     | 54/119 [00:38<00:38,  1.68it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09617    0.02382    0.03757         25        416:  46%|████▌     | 55/119 [00:38<00:33,  1.90it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09603    0.02377    0.03747         28        416:  47%|████▋     | 56/119 [00:38<00:29,  2.13it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09593    0.02372    0.03743         21        416:  48%|████▊     | 57/119 [00:39<00:39,  1.57it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09578    0.02368    0.03752         29        416:  49%|████▊     | 58/119 [00:40<00:33,  1.80it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09571    0.02376    0.03742         30        416:  50%|████▉     | 59/119 [00:40<00:31,  1.93it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09565    0.02367    0.03741         22        416:  50%|█████     | 60/119 [00:41<00:31,  1.86it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09547    0.02358    0.03738         18        416:  51%|█████▏    | 61/119 [00:41<00:28,  2.05it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09526    0.02347    0.03723         16        416:  52%|█████▏    | 62/119 [00:41<00:24,  2.28it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09525    0.02349    0.03721         26        416:  53%|█████▎    | 63/119 [00:42<00:22,  2.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09503    0.02353    0.03721         28        416:  54%|█████▍    | 64/119 [00:42<00:22,  2.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09498     0.0235    0.03726         24        416:  55%|█████▍    | 65/119 [00:44<00:40,  1.32it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09481     0.0235    0.03723         27        416:  55%|█████▌    | 66/119 [00:44<00:32,  1.63it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09472    0.02361    0.03715         37        416:  56%|█████▋    | 67/119 [00:45<00:42,  1.23it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09477    0.02354    0.03715         32        416:  57%|█████▋    | 68/119 [00:46<00:39,  1.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09458    0.02351    0.03712         18        416:  58%|█████▊    | 69/119 [00:46<00:33,  1.49it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09442    0.02361    0.03705         32        416:  59%|█████▉    | 70/119 [00:47<00:36,  1.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09424    0.02357    0.03703         25        416:  60%|█████▉    | 71/119 [00:48<00:38,  1.25it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09413    0.02367    0.03702         30        416:  61%|██████    | 72/119 [00:49<00:38,  1.21it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09395    0.02357    0.03692         17        416:  61%|██████▏   | 73/119 [00:50<00:40,  1.15it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09382    0.02357    0.03693         28        416:  62%|██████▏   | 74/119 [00:51<00:37,  1.20it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09366    0.02361     0.0369         27        416:  63%|██████▎   | 75/119 [00:51<00:34,  1.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09363    0.02347    0.03695         14        416:  64%|██████▍   | 76/119 [00:52<00:36,  1.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09357    0.02339     0.0369         16        416:  65%|██████▍   | 77/119 [00:53<00:35,  1.17it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09355    0.02337    0.03677         25        416:  66%|██████▌   | 78/119 [00:54<00:28,  1.43it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09347    0.02328    0.03675         16        416:  66%|██████▋   | 79/119 [00:54<00:24,  1.62it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09345    0.02336    0.03669         36        416:  67%|██████▋   | 80/119 [00:55<00:25,  1.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09324    0.02339    0.03669         25        416:  68%|██████▊   | 81/119 [00:56<00:28,  1.34it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09314     0.0235     0.0367         39        416:  69%|██████▉   | 82/119 [00:57<00:33,  1.11it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G      0.093     0.0236    0.03668         35        416:  70%|██████▉   | 83/119 [00:57<00:25,  1.39it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09284    0.02364    0.03663         27        416:  71%|███████   | 84/119 [00:58<00:26,  1.31it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09265    0.02356    0.03656         18        416:  71%|███████▏  | 85/119 [00:59<00:21,  1.56it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09255    0.02349    0.03652         13        416:  72%|███████▏  | 86/119 [00:59<00:18,  1.76it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09252    0.02359    0.03649         39        416:  73%|███████▎  | 87/119 [00:59<00:17,  1.85it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G     0.0925    0.02355    0.03645         28        416:  74%|███████▍  | 88/119 [01:00<00:19,  1.57it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09242    0.02363    0.03644         39        416:  75%|███████▍  | 89/119 [01:01<00:18,  1.66it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09232    0.02364    0.03642         35        416:  76%|███████▌  | 90/119 [01:02<00:20,  1.42it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09217    0.02364    0.03632         25        416:  76%|███████▋  | 91/119 [01:02<00:16,  1.70it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09205    0.02363    0.03627         27        416:  77%|███████▋  | 92/119 [01:03<00:14,  1.80it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09195    0.02364    0.03627         24        416:  78%|███████▊  | 93/119 [01:03<00:12,  2.02it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09186    0.02378    0.03623         44        416:  79%|███████▉  | 94/119 [01:04<00:13,  1.79it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09177    0.02378    0.03619         28        416:  80%|███████▉  | 95/119 [01:04<00:13,  1.77it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09173    0.02378    0.03617         23        416:  81%|████████  | 96/119 [01:05<00:13,  1.71it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09171    0.02375    0.03618         34        416:  82%|████████▏ | 97/119 [01:06<00:13,  1.59it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09168    0.02382     0.0361         40        416:  82%|████████▏ | 98/119 [01:07<00:20,  1.01it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G     0.0916    0.02381    0.03606         26        416:  83%|████████▎ | 99/119 [01:08<00:15,  1.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G     0.0916    0.02386    0.03603         40        416:  84%|████████▍ | 100/119 [01:08<00:13,  1.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09154    0.02384    0.03599         24        416:  85%|████████▍ | 101/119 [01:09<00:12,  1.40it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09148     0.0239    0.03597         40        416:  86%|████████▌ | 102/119 [01:10<00:12,  1.31it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09141    0.02381    0.03603         17        416:  87%|████████▋ | 103/119 [01:10<00:11,  1.45it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09134    0.02372    0.03603         13        416:  87%|████████▋ | 104/119 [01:11<00:08,  1.67it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09123    0.02382    0.03601         39        416:  88%|████████▊ | 105/119 [01:12<00:11,  1.20it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09112    0.02386    0.03602         31        416:  89%|████████▉ | 106/119 [01:13<00:10,  1.20it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09109     0.0239      0.036         34        416:  90%|████████▉ | 107/119 [01:13<00:08,  1.35it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09106    0.02386    0.03602         27        416:  91%|█████████ | 108/119 [01:14<00:08,  1.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09099    0.02396    0.03601         38        416:  92%|█████████▏| 109/119 [01:16<00:08,  1.12it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09092    0.02409    0.03596         52        416:  92%|█████████▏| 110/119 [01:16<00:08,  1.09it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09088    0.02409     0.0359         34        416:  93%|█████████▎| 111/119 [01:17<00:06,  1.31it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09082    0.02403    0.03588         21        416:  94%|█████████▍| 112/119 [01:17<00:04,  1.58it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09087    0.02401    0.03586         26        416:  95%|█████████▍| 113/119 [01:18<00:03,  1.77it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09077    0.02397    0.03582         19        416:  96%|█████████▌| 114/119 [01:18<00:02,  1.95it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09064    0.02389    0.03586         13        416:  97%|█████████▋| 115/119 [01:19<00:02,  1.59it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09059    0.02381    0.03579         19        416:  97%|█████████▋| 116/119 [01:19<00:01,  1.68it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09052    0.02387    0.03573         38        416:  98%|█████████▊| 117/119 [01:20<00:01,  1.70it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09046    0.02381    0.03572         23        416:  99%|█████████▉| 118/119 [01:20<00:00,  1.96it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        1/9         0G    0.09044    0.02376    0.03579         11        416: 100%|██████████| 119/119 [01:21<00:00,  1.46it/s]

                 Class     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 23/23 [00:20<00:00,  1.10it/s]

                   all        354        923      0.618      0.137      0.124     0.0404



      Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size

  0%|          | 0/119 [00:00<?, ?it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.08754    0.02303    0.03186         26        416:   1%|          | 1/119 [00:00<00:58,  2.01it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.08735    0.01858    0.03325         17        416:   2%|▏         | 2/119 [00:01<01:36,  1.21it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.08601    0.01934    0.03339         24        416:   3%|▎         | 3/119 [00:02<01:28,  1.31it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.08113    0.01829    0.03369         12        416:   3%|▎         | 4/119 [00:02<01:09,  1.65it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07924    0.01863    0.03265         22        416:   4%|▍         | 5/119 [00:02<00:56,  2.03it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07847    0.02049    0.03296         32        416:   5%|▌         | 6/119 [00:03<01:12,  1.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07759    0.02126    0.03196         31        416:   6%|▌         | 7/119 [00:04<01:01,  1.83it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G     0.0794    0.02086    0.03292         17        416:   7%|▋         | 8/119 [00:04<00:51,  2.16it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07864    0.02072    0.03245         29        416:   8%|▊         | 9/119 [00:04<00:48,  2.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G     0.0784    0.02094    0.03287         22        416:   8%|▊         | 10/119 [00:05<00:49,  2.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07897    0.02081    0.03211         21        416:   9%|▉         | 11/119 [00:06<01:02,  1.72it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07935    0.02177     0.0317         47        416:  10%|█         | 12/119 [00:07<01:12,  1.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07945    0.02259     0.0314         38        416:  11%|█         | 13/119 [00:07<01:17,  1.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07964    0.02228    0.03184         21        416:  12%|█▏        | 14/119 [00:08<01:09,  1.52it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07964    0.02283    0.03194         38        416:  13%|█▎        | 15/119 [00:09<01:13,  1.41it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07929    0.02274    0.03165         30        416:  13%|█▎        | 16/119 [00:09<01:05,  1.58it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07891    0.02242    0.03148         21        416:  14%|█▍        | 17/119 [00:10<00:59,  1.73it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07871     0.0223     0.0317         27        416:  15%|█▌        | 18/119 [00:10<00:49,  2.05it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07817    0.02224    0.03145         21        416:  16%|█▌        | 19/119 [00:10<00:46,  2.14it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07869     0.0228    0.03149         43        416:  17%|█▋        | 20/119 [00:11<00:46,  2.11it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07863    0.02271    0.03157         28        416:  18%|█▊        | 21/119 [00:12<00:55,  1.78it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G     0.0791     0.0226    0.03151         25        416:  18%|█▊        | 22/119 [00:12<00:51,  1.88it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07901    0.02237    0.03139         18        416:  19%|█▉        | 23/119 [00:13<01:00,  1.58it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07939     0.0223    0.03131         25        416:  20%|██        | 24/119 [00:14<01:11,  1.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.08008     0.0221    0.03155         26        416:  21%|██        | 25/119 [00:14<00:58,  1.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.08024    0.02214    0.03167         23        416:  22%|██▏       | 26/119 [00:15<00:54,  1.71it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07988    0.02188    0.03152         14        416:  23%|██▎       | 27/119 [00:15<00:56,  1.64it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07972    0.02152    0.03136         13        416:  24%|██▎       | 28/119 [00:16<00:53,  1.70it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07968    0.02168    0.03133         27        416:  24%|██▍       | 29/119 [00:16<00:45,  1.98it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07965    0.02211    0.03129         43        416:  25%|██▌       | 30/119 [00:17<00:57,  1.54it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07958    0.02217    0.03139         28        416:  26%|██▌       | 31/119 [00:18<00:48,  1.81it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G     0.0797    0.02236    0.03133         42        416:  27%|██▋       | 32/119 [00:18<00:43,  2.01it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07967    0.02231    0.03129         23        416:  28%|██▊       | 33/119 [00:18<00:40,  2.15it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07987    0.02212    0.03125         17        416:  29%|██▊       | 34/119 [00:19<00:40,  2.10it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07996    0.02214    0.03119         38        416:  29%|██▉       | 35/119 [00:19<00:37,  2.24it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07977    0.02237    0.03111         36        416:  30%|███       | 36/119 [00:20<00:49,  1.67it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.08004    0.02233    0.03139         21        416:  31%|███       | 37/119 [00:21<00:42,  1.93it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07999    0.02245    0.03133         44        416:  32%|███▏      | 38/119 [00:21<00:36,  2.24it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07991    0.02252     0.0312         35        416:  33%|███▎      | 39/119 [00:21<00:34,  2.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07998     0.0225    0.03116         26        416:  34%|███▎      | 40/119 [00:22<00:35,  2.25it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07975    0.02256    0.03115         28        416:  34%|███▍      | 41/119 [00:23<00:44,  1.77it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07975    0.02253    0.03125         28        416:  35%|███▌      | 42/119 [00:23<00:51,  1.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07965    0.02245    0.03112         20        416:  36%|███▌      | 43/119 [00:24<00:53,  1.42it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07941    0.02229    0.03099         17        416:  37%|███▋      | 44/119 [00:25<00:56,  1.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07931    0.02204    0.03095         10        416:  38%|███▊      | 45/119 [00:25<00:45,  1.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07939    0.02199    0.03098         24        416:  39%|███▊      | 46/119 [00:26<00:40,  1.81it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07935    0.02198    0.03123         29        416:  39%|███▉      | 47/119 [00:26<00:38,  1.87it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G     0.0794    0.02189     0.0311         32        416:  40%|████      | 48/119 [00:27<00:33,  2.13it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07939    0.02173    0.03114         16        416:  41%|████      | 49/119 [00:27<00:28,  2.42it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07938    0.02152    0.03133         14        416:  42%|████▏     | 50/119 [00:27<00:27,  2.49it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07945    0.02162    0.03129         34        416:  43%|████▎     | 51/119 [00:28<00:37,  1.80it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07948    0.02168    0.03122         36        416:  44%|████▎     | 52/119 [00:29<00:31,  2.12it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07942    0.02185    0.03118         34        416:  45%|████▍     | 53/119 [00:29<00:29,  2.23it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07939    0.02181    0.03116         19        416:  45%|████▌     | 54/119 [00:29<00:30,  2.16it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07924    0.02187    0.03113         27        416:  46%|████▌     | 55/119 [00:30<00:27,  2.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07919    0.02205    0.03113         42        416:  47%|████▋     | 56/119 [00:30<00:24,  2.54it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07914    0.02203    0.03111         28        416:  48%|████▊     | 57/119 [00:30<00:25,  2.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07908    0.02199    0.03105         28        416:  49%|████▊     | 58/119 [00:31<00:26,  2.31it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07902    0.02192    0.03106         18        416:  50%|████▉     | 59/119 [00:31<00:25,  2.31it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07896    0.02193    0.03107         28        416:  50%|█████     | 60/119 [00:32<00:23,  2.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07892    0.02193    0.03109         20        416:  51%|█████▏    | 61/119 [00:32<00:22,  2.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07881    0.02192    0.03106         25        416:  52%|█████▏    | 62/119 [00:33<00:25,  2.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07885    0.02189    0.03105         25        416:  53%|█████▎    | 63/119 [00:33<00:23,  2.42it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G     0.0789    0.02188    0.03111         25        416:  54%|█████▍    | 64/119 [00:34<00:30,  1.79it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07888    0.02198    0.03109         40        416:  55%|█████▍    | 65/119 [00:34<00:29,  1.84it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07893    0.02205    0.03106         28        416:  55%|█████▌    | 66/119 [00:35<00:26,  2.02it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07891    0.02199    0.03104         23        416:  56%|█████▋    | 67/119 [00:35<00:22,  2.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07894    0.02203    0.03096         28        416:  57%|█████▋    | 68/119 [00:35<00:20,  2.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07888    0.02205    0.03097         28        416:  58%|█████▊    | 69/119 [00:36<00:21,  2.37it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07883    0.02205    0.03101         24        416:  59%|█████▉    | 70/119 [00:36<00:22,  2.22it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07883    0.02203    0.03106         21        416:  60%|█████▉    | 71/119 [00:37<00:19,  2.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07867    0.02189    0.03096         11        416:  61%|██████    | 72/119 [00:38<00:27,  1.73it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07861    0.02181    0.03092         19        416:  61%|██████▏   | 73/119 [00:38<00:25,  1.82it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07862    0.02167    0.03096         11        416:  62%|██████▏   | 74/119 [00:39<00:21,  2.05it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G     0.0786    0.02165    0.03092         20        416:  63%|██████▎   | 75/119 [00:39<00:19,  2.22it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07853    0.02159    0.03089         22        416:  64%|██████▍   | 76/119 [00:40<00:27,  1.58it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07851    0.02161    0.03087         25        416:  65%|██████▍   | 77/119 [00:40<00:22,  1.87it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G     0.0784    0.02164    0.03081         28        416:  66%|██████▌   | 78/119 [00:41<00:20,  2.01it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G     0.0783    0.02162    0.03073         24        416:  66%|██████▋   | 79/119 [00:41<00:20,  1.96it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G     0.0782    0.02153     0.0307         14        416:  67%|██████▋   | 80/119 [00:42<00:22,  1.77it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07814    0.02155    0.03066         32        416:  68%|██████▊   | 81/119 [00:42<00:19,  1.90it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07814    0.02146    0.03066         15        416:  69%|██████▉   | 82/119 [00:43<00:18,  1.95it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07815     0.0215    0.03065         30        416:  70%|██████▉   | 83/119 [00:44<00:21,  1.66it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07825    0.02145    0.03056         30        416:  71%|███████   | 84/119 [00:44<00:23,  1.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G     0.0783    0.02147    0.03058         36        416:  71%|███████▏  | 85/119 [00:45<00:19,  1.76it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07826    0.02146    0.03052         21        416:  72%|███████▏  | 86/119 [00:45<00:15,  2.07it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07827     0.0214     0.0306         19        416:  73%|███████▎  | 87/119 [00:45<00:14,  2.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07831    0.02133     0.0306         23        416:  74%|███████▍  | 88/119 [00:46<00:14,  2.10it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07839    0.02132    0.03062         29        416:  75%|███████▍  | 89/119 [00:46<00:13,  2.23it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07832    0.02133    0.03056         28        416:  76%|███████▌  | 90/119 [00:47<00:11,  2.44it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G     0.0782    0.02127    0.03054         18        416:  76%|███████▋  | 91/119 [00:47<00:11,  2.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07818    0.02126    0.03049         26        416:  77%|███████▋  | 92/119 [00:48<00:11,  2.39it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07821    0.02139    0.03052         39        416:  78%|███████▊  | 93/119 [00:48<00:12,  2.07it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07824     0.0214    0.03056         24        416:  79%|███████▉  | 94/119 [00:48<00:10,  2.34it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07821    0.02139    0.03055         23        416:  80%|███████▉  | 95/119 [00:49<00:09,  2.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07821    0.02132    0.03053         14        416:  81%|████████  | 96/119 [00:49<00:10,  2.18it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07815    0.02132    0.03052         24        416:  82%|████████▏ | 97/119 [00:50<00:11,  1.97it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G     0.0782    0.02131    0.03055         27        416:  82%|████████▏ | 98/119 [00:50<00:09,  2.24it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07819    0.02133    0.03065         31        416:  83%|████████▎ | 99/119 [00:51<00:08,  2.39it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07812    0.02132    0.03061         19        416:  84%|████████▍ | 100/119 [00:51<00:08,  2.24it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07799    0.02131    0.03058         17        416:  85%|████████▍ | 101/119 [00:52<00:07,  2.29it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07802    0.02129    0.03057         19        416:  86%|████████▌ | 102/119 [00:52<00:06,  2.49it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07794    0.02134    0.03051         36        416:  87%|████████▋ | 103/119 [00:53<00:09,  1.69it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07809    0.02131    0.03049         20        416:  87%|████████▋ | 104/119 [00:53<00:08,  1.83it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G     0.0781    0.02136    0.03043         36        416:  88%|████████▊ | 105/119 [00:54<00:06,  2.12it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07815    0.02131    0.03041         17        416:  89%|████████▉ | 106/119 [00:54<00:07,  1.76it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07814    0.02143    0.03039         41        416:  90%|████████▉ | 107/119 [00:55<00:06,  1.78it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G     0.0781    0.02139    0.03037         19        416:  91%|█████████ | 108/119 [00:55<00:05,  2.01it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07805    0.02142    0.03037         33        416:  92%|█████████▏| 109/119 [00:56<00:04,  2.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07808    0.02145    0.03032         35        416:  92%|█████████▏| 110/119 [00:56<00:03,  2.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07807    0.02145    0.03033         27        416:  93%|█████████▎| 111/119 [00:56<00:03,  2.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07812     0.0214    0.03032         17        416:  94%|█████████▍| 112/119 [00:57<00:03,  2.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07802    0.02141    0.03033         26        416:  95%|█████████▍| 113/119 [00:57<00:02,  2.29it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07793    0.02151    0.03032         39        416:  96%|█████████▌| 114/119 [00:58<00:02,  2.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07792    0.02164    0.03031         45        416:  97%|█████████▋| 115/119 [00:59<00:02,  1.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07785    0.02166    0.03027         21        416:  97%|█████████▋| 116/119 [00:59<00:01,  1.83it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07785    0.02166    0.03025         32        416:  98%|█████████▊| 117/119 [00:59<00:00,  2.10it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07791     0.0217    0.03028         41        416:  99%|█████████▉| 118/119 [01:01<00:00,  1.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        2/9         0G    0.07789    0.02165    0.03019         12        416: 100%|██████████| 119/119 [01:01<00:00,  1.94it/s]

                 Class     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 23/23 [00:19<00:00,  1.18it/s]

                   all        354        923      0.189      0.253      0.176     0.0655



      Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size

  0%|          | 0/119 [00:00<?, ?it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07338    0.02238    0.02726         24        416:   1%|          | 1/119 [00:00<00:51,  2.28it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07408    0.02075    0.03205         17        416:   2%|▏         | 2/119 [00:00<00:55,  2.12it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07314    0.02178    0.03033         28        416:   3%|▎         | 3/119 [00:02<01:31,  1.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07166    0.02072    0.03007         20        416:   3%|▎         | 4/119 [00:02<01:17,  1.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07131    0.01968    0.03056         18        416:   4%|▍         | 5/119 [00:03<01:06,  1.70it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07071       0.02     0.0303         23        416:   5%|▌         | 6/119 [00:03<00:57,  1.96it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07028     0.0201    0.02997         22        416:   6%|▌         | 7/119 [00:03<00:54,  2.05it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07032    0.01992    0.02961         21        416:   7%|▋         | 8/119 [00:04<00:54,  2.05it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G     0.0693    0.02079     0.0293         29        416:   8%|▊         | 9/119 [00:05<01:13,  1.49it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.06988    0.02111    0.02894         27        416:   8%|▊         | 10/119 [00:06<01:31,  1.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07008    0.02056    0.02901         15        416:   9%|▉         | 11/119 [00:07<01:17,  1.40it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07028    0.02095    0.02908         34        416:  10%|█         | 12/119 [00:07<01:13,  1.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07073    0.02137    0.02906         32        416:  11%|█         | 13/119 [00:07<01:01,  1.73it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07087    0.02168    0.02913         33        416:  12%|█▏        | 14/119 [00:08<00:51,  2.02it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07107    0.02196    0.02936         32        416:  13%|█▎        | 15/119 [00:09<01:08,  1.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07145    0.02215    0.02939         33        416:  13%|█▎        | 16/119 [00:09<00:57,  1.79it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07189    0.02249    0.02921         40        416:  14%|█▍        | 17/119 [00:09<00:49,  2.08it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G     0.0719    0.02257    0.02931         31        416:  15%|█▌        | 18/119 [00:10<00:43,  2.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07204    0.02239     0.0293         19        416:  16%|█▌        | 19/119 [00:10<00:40,  2.49it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07187    0.02233    0.02913         19        416:  17%|█▋        | 20/119 [00:11<00:43,  2.25it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07189    0.02228    0.02915         24        416:  18%|█▊        | 21/119 [00:11<00:49,  1.96it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07185    0.02257    0.02898         38        416:  18%|█▊        | 22/119 [00:12<00:43,  2.23it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07182    0.02264    0.02902         39        416:  19%|█▉        | 23/119 [00:12<00:38,  2.49it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07236    0.02237    0.02933         20        416:  20%|██        | 24/119 [00:14<01:15,  1.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07246    0.02244    0.02941         31        416:  21%|██        | 25/119 [00:14<01:01,  1.54it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07219    0.02242    0.02913         24        416:  22%|██▏       | 26/119 [00:14<00:52,  1.78it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07243    0.02245    0.02911         37        416:  23%|██▎       | 27/119 [00:15<00:45,  2.01it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07241     0.0222    0.02888         17        416:  24%|██▎       | 28/119 [00:15<00:44,  2.06it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07234     0.0222    0.02889         26        416:  24%|██▍       | 29/119 [00:16<00:43,  2.06it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07236    0.02242    0.02877         40        416:  25%|██▌       | 30/119 [00:16<00:45,  1.97it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07253    0.02251    0.02877         34        416:  26%|██▌       | 31/119 [00:17<00:41,  2.13it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07267    0.02246    0.02869         30        416:  27%|██▋       | 32/119 [00:17<00:43,  1.98it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07263    0.02244    0.02888         33        416:  28%|██▊       | 33/119 [00:18<00:47,  1.81it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07288     0.0223    0.02883         27        416:  29%|██▊       | 34/119 [00:18<00:46,  1.84it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07273    0.02237    0.02883         31        416:  29%|██▉       | 35/119 [00:19<00:39,  2.10it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G     0.0726    0.02244    0.02883         23        416:  30%|███       | 36/119 [00:19<00:38,  2.17it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07263    0.02247    0.02889         35        416:  31%|███       | 37/119 [00:20<00:59,  1.37it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07273    0.02253     0.0289         31        416:  32%|███▏      | 38/119 [00:21<00:50,  1.59it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07272     0.0222    0.02946         13        416:  33%|███▎      | 39/119 [00:21<00:42,  1.88it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07281    0.02226    0.02939         30        416:  34%|███▎      | 40/119 [00:22<00:48,  1.64it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07296    0.02231    0.02932         34        416:  34%|███▍      | 41/119 [00:22<00:45,  1.70it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07304    0.02217    0.02938         23        416:  35%|███▌      | 42/119 [00:23<00:38,  2.00it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07319    0.02209    0.02932         19        416:  36%|███▌      | 43/119 [00:23<00:34,  2.23it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07298    0.02229     0.0292         35        416:  37%|███▋      | 44/119 [00:24<00:33,  2.21it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07305    0.02225    0.02914         26        416:  38%|███▊      | 45/119 [00:24<00:36,  2.04it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07286    0.02216    0.02913         21        416:  39%|███▊      | 46/119 [00:24<00:32,  2.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07272     0.0224    0.02902         41        416:  39%|███▉      | 47/119 [00:26<00:46,  1.56it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07264    0.02265    0.02899         42        416:  40%|████      | 48/119 [00:26<00:50,  1.41it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07264    0.02267    0.02897         25        416:  41%|████      | 49/119 [00:27<00:43,  1.62it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07261     0.0228    0.02892         35        416:  42%|████▏     | 50/119 [00:27<00:41,  1.66it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07252    0.02276    0.02893         23        416:  43%|████▎     | 51/119 [00:28<00:48,  1.41it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07236    0.02268    0.02891         20        416:  44%|████▎     | 52/119 [00:29<00:43,  1.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07212    0.02279    0.02887         30        416:  45%|████▍     | 53/119 [00:29<00:38,  1.73it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07204    0.02272    0.02887         19        416:  45%|████▌     | 54/119 [00:30<00:32,  2.01it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07199    0.02278    0.02877         41        416:  46%|████▌     | 55/119 [00:30<00:29,  2.13it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07203    0.02295     0.0288         40        416:  47%|████▋     | 56/119 [00:31<00:41,  1.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07196    0.02299    0.02874         25        416:  48%|████▊     | 57/119 [00:32<00:37,  1.63it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G     0.0718    0.02321    0.02879         40        416:  49%|████▊     | 58/119 [00:33<00:55,  1.10it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07174    0.02321    0.02878         28        416:  50%|████▉     | 59/119 [00:34<00:47,  1.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07157    0.02342    0.02868         48        416:  50%|█████     | 60/119 [00:34<00:42,  1.38it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07143    0.02351    0.02866         37        416:  51%|█████▏    | 61/119 [00:35<00:38,  1.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07121    0.02346    0.02855         23        416:  52%|█████▏    | 62/119 [00:35<00:35,  1.59it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07121    0.02374    0.02856         61        416:  53%|█████▎    | 63/119 [00:37<00:52,  1.07it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07117    0.02377    0.02858         29        416:  54%|█████▍    | 64/119 [00:37<00:44,  1.24it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07125    0.02361    0.02851         25        416:  55%|█████▍    | 65/119 [00:38<00:35,  1.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07125    0.02371     0.0286         36        416:  55%|█████▌    | 66/119 [00:38<00:33,  1.60it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07119    0.02371    0.02872         27        416:  56%|█████▋    | 67/119 [00:39<00:32,  1.58it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07116    0.02363    0.02874         18        416:  57%|█████▋    | 68/119 [00:39<00:29,  1.72it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07103    0.02362    0.02868         25        416:  58%|█████▊    | 69/119 [00:40<00:24,  2.00it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07086     0.0237    0.02858         30        416:  59%|█████▉    | 70/119 [00:40<00:24,  2.01it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07079    0.02373    0.02859         32        416:  60%|█████▉    | 71/119 [00:41<00:34,  1.39it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07083    0.02366    0.02854         25        416:  61%|██████    | 72/119 [00:42<00:27,  1.68it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07075    0.02374    0.02859         29        416:  61%|██████▏   | 73/119 [00:42<00:24,  1.87it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07069    0.02372    0.02846         22        416:  62%|██████▏   | 74/119 [00:43<00:24,  1.83it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07074    0.02374    0.02844         32        416:  63%|██████▎   | 75/119 [00:43<00:22,  1.92it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07072    0.02361    0.02847         16        416:  64%|██████▍   | 76/119 [00:44<00:28,  1.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07064    0.02376    0.02848         42        416:  65%|██████▍   | 77/119 [00:45<00:28,  1.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07062    0.02378    0.02842         34        416:  66%|██████▌   | 78/119 [00:45<00:23,  1.75it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07055    0.02367    0.02833         13        416:  66%|██████▋   | 79/119 [00:46<00:20,  1.93it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G     0.0705    0.02365    0.02829         25        416:  67%|██████▋   | 80/119 [00:46<00:19,  2.03it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07045    0.02361    0.02837         24        416:  68%|██████▊   | 81/119 [00:47<00:19,  1.97it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07049    0.02355    0.02831         24        416:  69%|██████▉   | 82/119 [00:47<00:18,  1.99it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07041    0.02353    0.02826         28        416:  70%|██████▉   | 83/119 [00:47<00:15,  2.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07043    0.02352    0.02822         28        416:  71%|███████   | 84/119 [00:48<00:14,  2.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07039    0.02347    0.02824         23        416:  71%|███████▏  | 85/119 [00:48<00:12,  2.62it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G     0.0704    0.02342    0.02817         35        416:  72%|███████▏  | 86/119 [00:49<00:16,  2.02it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07037    0.02352    0.02817         42        416:  73%|███████▎  | 87/119 [00:50<00:21,  1.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07036    0.02362    0.02812         42        416:  74%|███████▍  | 88/119 [00:51<00:22,  1.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07034    0.02364    0.02812         25        416:  75%|███████▍  | 89/119 [00:51<00:19,  1.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07025    0.02362    0.02808         23        416:  76%|███████▌  | 90/119 [00:52<00:18,  1.58it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G     0.0702    0.02355    0.02805         21        416:  76%|███████▋  | 91/119 [00:52<00:14,  1.88it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07019    0.02353    0.02809         29        416:  77%|███████▋  | 92/119 [00:52<00:12,  2.16it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07024    0.02345    0.02806         20        416:  78%|███████▊  | 93/119 [00:53<00:11,  2.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07024    0.02349     0.0281         34        416:  79%|███████▉  | 94/119 [00:53<00:11,  2.20it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07027    0.02348    0.02805         32        416:  80%|███████▉  | 95/119 [00:54<00:10,  2.31it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G     0.0703    0.02347    0.02806         26        416:  81%|████████  | 96/119 [00:55<00:16,  1.42it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07034    0.02342    0.02801         26        416:  82%|████████▏ | 97/119 [00:55<00:13,  1.63it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07037    0.02335    0.02805         22        416:  82%|████████▏ | 98/119 [00:56<00:11,  1.90it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07028     0.0233    0.02817         22        416:  83%|████████▎ | 99/119 [00:56<00:09,  2.15it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G     0.0703    0.02327    0.02817         26        416:  84%|████████▍ | 100/119 [00:56<00:08,  2.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07027    0.02329    0.02822         34        416:  85%|████████▍ | 101/119 [00:57<00:08,  2.02it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07013     0.0233    0.02816         22        416:  86%|████████▌ | 102/119 [00:57<00:07,  2.29it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07012    0.02331    0.02809         31        416:  87%|████████▋ | 103/119 [00:58<00:06,  2.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07009    0.02336    0.02809         36        416:  87%|████████▋ | 104/119 [00:58<00:05,  2.58it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.07001    0.02343     0.0281         29        416:  88%|████████▊ | 105/119 [00:59<00:08,  1.70it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.06992    0.02345    0.02807         26        416:  89%|████████▉ | 106/119 [00:59<00:06,  1.92it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.06988    0.02343    0.02807         27        416:  90%|████████▉ | 107/119 [01:00<00:06,  1.86it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.06981    0.02344    0.02806         31        416:  91%|█████████ | 108/119 [01:00<00:05,  2.05it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.06974    0.02342    0.02799         30        416:  92%|█████████▏| 109/119 [01:01<00:04,  2.35it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.06971     0.0235    0.02797         39        416:  92%|█████████▏| 110/119 [01:01<00:04,  2.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.06963    0.02348    0.02792         26        416:  93%|█████████▎| 111/119 [01:02<00:03,  2.12it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.06953    0.02351    0.02786         30        416:  94%|█████████▍| 112/119 [01:02<00:03,  2.17it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.06958    0.02344    0.02788         15        416:  95%|█████████▍| 113/119 [01:03<00:03,  1.95it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.06964    0.02338    0.02788         20        416:  96%|█████████▌| 114/119 [01:03<00:02,  2.18it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.06958    0.02336    0.02782         18        416:  97%|█████████▋| 115/119 [01:04<00:01,  2.01it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.06964    0.02331    0.02779         23        416:  97%|█████████▋| 116/119 [01:04<00:01,  2.23it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.06963     0.0233    0.02782         30        416:  98%|█████████▊| 117/119 [01:04<00:00,  2.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G     0.0696    0.02332    0.02779         34        416:  99%|█████████▉| 118/119 [01:05<00:00,  2.59it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        3/9         0G    0.06951    0.02332    0.02774         17        416: 100%|██████████| 119/119 [01:05<00:00,  1.81it/s]

                 Class     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 23/23 [00:25<00:00,  1.12s/it]

                   all        354        923       0.47      0.372      0.224     0.0803



      Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size

  0%|          | 0/119 [00:00<?, ?it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06645    0.01853    0.02572         22        416:   1%|          | 1/119 [00:00<01:29,  1.32it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06835    0.01846    0.02687         23        416:   2%|▏         | 2/119 [00:01<01:24,  1.38it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06712    0.02337    0.02704         43        416:   3%|▎         | 3/119 [00:01<01:11,  1.63it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06655    0.02263    0.02651         22        416:   3%|▎         | 4/119 [00:02<00:57,  1.99it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06544    0.02147    0.02676         20        416:   4%|▍         | 5/119 [00:02<00:55,  2.05it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06378    0.02133    0.02672         18        416:   5%|▌         | 6/119 [00:03<00:56,  2.01it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06396    0.02072    0.02728         19        416:   6%|▌         | 7/119 [00:03<00:56,  1.98it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06356    0.02108    0.02651         26        416:   7%|▋         | 8/119 [00:04<00:48,  2.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06297    0.02346    0.02628         47        416:   8%|▊         | 9/119 [00:04<00:55,  1.97it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06287    0.02305    0.02698         19        416:   8%|▊         | 10/119 [00:05<01:05,  1.67it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06287    0.02278    0.02676         23        416:   9%|▉         | 11/119 [00:05<00:58,  1.84it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06286    0.02219    0.02634         16        416:  10%|█         | 12/119 [00:06<00:54,  1.95it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06298    0.02253    0.02604         30        416:  11%|█         | 13/119 [00:06<00:47,  2.23it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06317    0.02213    0.02611         22        416:  12%|█▏        | 14/119 [00:07<00:44,  2.38it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06323    0.02219    0.02616         23        416:  13%|█▎        | 15/119 [00:07<00:44,  2.34it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06336    0.02314    0.02629         46        416:  13%|█▎        | 16/119 [00:08<01:07,  1.54it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06333    0.02358    0.02607         41        416:  14%|█▍        | 17/119 [00:09<01:02,  1.63it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06332    0.02367    0.02566         29        416:  15%|█▌        | 18/119 [00:09<00:53,  1.87it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06316    0.02349    0.02588         24        416:  16%|█▌        | 19/119 [00:09<00:47,  2.09it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06291    0.02366    0.02562         33        416:  17%|█▋        | 20/119 [00:10<00:44,  2.21it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06363    0.02344    0.02561         23        416:  18%|█▊        | 21/119 [00:10<00:48,  2.03it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06378    0.02358    0.02579         30        416:  18%|█▊        | 22/119 [00:11<00:43,  2.21it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06352    0.02371    0.02557         33        416:  19%|█▉        | 23/119 [00:11<00:38,  2.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G     0.0636    0.02321    0.02578         13        416:  20%|██        | 24/119 [00:13<01:17,  1.23it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06357    0.02304    0.02546         24        416:  21%|██        | 25/119 [00:13<01:06,  1.41it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06344    0.02282    0.02576         18        416:  22%|██▏       | 26/119 [00:14<00:55,  1.68it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06341    0.02282    0.02586         29        416:  23%|██▎       | 27/119 [00:14<00:46,  1.98it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G     0.0634    0.02287    0.02568         30        416:  24%|██▎       | 28/119 [00:14<00:40,  2.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06355    0.02281    0.02621         22        416:  24%|██▍       | 29/119 [00:14<00:36,  2.43it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06367    0.02299    0.02618         42        416:  25%|██▌       | 30/119 [00:15<00:39,  2.24it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06345    0.02305    0.02621         27        416:  26%|██▌       | 31/119 [00:15<00:38,  2.31it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06323     0.0229    0.02615         17        416:  27%|██▋       | 32/119 [00:16<00:33,  2.57it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06339    0.02296    0.02605         41        416:  28%|██▊       | 33/119 [00:16<00:33,  2.56it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06347    0.02299    0.02606         28        416:  29%|██▊       | 34/119 [00:17<00:41,  2.05it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06348    0.02294    0.02591         23        416:  29%|██▉       | 35/119 [00:17<00:37,  2.21it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06354    0.02291    0.02579         28        416:  30%|███       | 36/119 [00:17<00:32,  2.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06337    0.02273    0.02583         17        416:  31%|███       | 37/119 [00:18<00:31,  2.63it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G     0.0633      0.023     0.0257         44        416:  32%|███▏      | 38/119 [00:18<00:34,  2.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06323    0.02289    0.02573         21        416:  33%|███▎      | 39/119 [00:19<00:32,  2.45it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06336    0.02273    0.02568         20        416:  34%|███▎      | 40/119 [00:19<00:31,  2.47it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06327    0.02313    0.02564         46        416:  34%|███▍      | 41/119 [00:20<00:47,  1.64it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G     0.0636    0.02308    0.02573         23        416:  35%|███▌      | 42/119 [00:21<00:50,  1.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G     0.0636    0.02301    0.02572         29        416:  36%|███▌      | 43/119 [00:21<00:42,  1.80it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06352    0.02302    0.02569         28        416:  37%|███▋      | 44/119 [00:22<00:36,  2.05it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06363    0.02301    0.02575         25        416:  38%|███▊      | 45/119 [00:22<00:32,  2.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06359      0.023    0.02564         35        416:  39%|███▊      | 46/119 [00:22<00:33,  2.17it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06368    0.02297    0.02556         26        416:  39%|███▉      | 47/119 [00:23<00:33,  2.18it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06368     0.0229    0.02551         23        416:  40%|████      | 48/119 [00:23<00:29,  2.44it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06362    0.02306    0.02555         43        416:  41%|████      | 49/119 [00:24<00:38,  1.80it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06365     0.0231    0.02557         39        416:  42%|████▏     | 50/119 [00:25<00:46,  1.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06354    0.02324    0.02548         33        416:  43%|████▎     | 51/119 [00:25<00:41,  1.63it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06376    0.02302    0.02539         15        416:  44%|████▎     | 52/119 [00:26<00:38,  1.74it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06378    0.02306    0.02532         33        416:  45%|████▍     | 53/119 [00:27<00:45,  1.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06379    0.02318    0.02534         42        416:  45%|████▌     | 54/119 [00:28<00:51,  1.25it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06365    0.02301    0.02528         13        416:  46%|████▌     | 55/119 [00:28<00:43,  1.47it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06377    0.02289    0.02531         22        416:  47%|████▋     | 56/119 [00:29<00:37,  1.70it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G     0.0637    0.02269    0.02536         16        416:  48%|████▊     | 57/119 [00:29<00:37,  1.66it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06371    0.02279    0.02536         38        416:  49%|████▊     | 58/119 [00:30<00:32,  1.86it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06381    0.02276    0.02545         23        416:  50%|████▉     | 59/119 [00:30<00:28,  2.12it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06381     0.0229     0.0254         45        416:  50%|█████     | 60/119 [00:30<00:25,  2.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G     0.0638    0.02284    0.02536         24        416:  51%|█████▏    | 61/119 [00:31<00:23,  2.49it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06384    0.02281    0.02538         28        416:  52%|█████▏    | 62/119 [00:31<00:24,  2.34it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06379     0.0228    0.02541         21        416:  53%|█████▎    | 63/119 [00:32<00:24,  2.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06398    0.02266    0.02545         19        416:  54%|█████▍    | 64/119 [00:32<00:21,  2.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06391    0.02264    0.02542         25        416:  55%|█████▍    | 65/119 [00:32<00:20,  2.57it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06388    0.02275    0.02542         39        416:  55%|█████▌    | 66/119 [00:33<00:22,  2.38it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06386    0.02275     0.0254         26        416:  56%|█████▋    | 67/119 [00:33<00:22,  2.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06381    0.02294     0.0254         51        416:  57%|█████▋    | 68/119 [00:35<00:41,  1.23it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06368    0.02302    0.02534         35        416:  58%|█████▊    | 69/119 [00:35<00:34,  1.44it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06358    0.02299    0.02529         24        416:  59%|█████▉    | 70/119 [00:36<00:31,  1.54it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06342    0.02297    0.02531         20        416:  60%|█████▉    | 71/119 [00:36<00:27,  1.74it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06342    0.02294    0.02527         25        416:  61%|██████    | 72/119 [00:37<00:23,  2.02it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06338    0.02294    0.02527         31        416:  61%|██████▏   | 73/119 [00:38<00:31,  1.47it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06328    0.02289    0.02535         28        416:  62%|██████▏   | 74/119 [00:38<00:26,  1.68it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06325     0.0227    0.02533          8        416:  63%|██████▎   | 75/119 [00:39<00:25,  1.75it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06335    0.02261    0.02529         20        416:  64%|██████▍   | 76/119 [00:39<00:22,  1.94it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06334     0.0227     0.0252         33        416:  65%|██████▍   | 77/119 [00:40<00:21,  1.95it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06339    0.02259    0.02527         25        416:  66%|██████▌   | 78/119 [00:40<00:21,  1.91it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06343    0.02257    0.02542         33        416:  66%|██████▋   | 79/119 [00:40<00:18,  2.20it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G     0.0634    0.02261    0.02534         28        416:  67%|██████▋   | 80/119 [00:41<00:19,  2.01it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06345    0.02265    0.02532         31        416:  68%|██████▊   | 81/119 [00:42<00:19,  2.00it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06343    0.02257     0.0253         32        416:  69%|██████▉   | 82/119 [00:42<00:17,  2.16it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G     0.0634    0.02254    0.02528         20        416:  70%|██████▉   | 83/119 [00:42<00:15,  2.28it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06331    0.02262    0.02525         35        416:  71%|███████   | 84/119 [00:43<00:14,  2.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06324    0.02268    0.02522         34        416:  71%|███████▏  | 85/119 [00:43<00:13,  2.54it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06325    0.02269    0.02514         34        416:  72%|███████▏  | 86/119 [00:44<00:15,  2.13it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06322    0.02258    0.02517         16        416:  73%|███████▎  | 87/119 [00:44<00:14,  2.22it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06327    0.02264    0.02518         34        416:  74%|███████▍  | 88/119 [00:44<00:12,  2.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06317     0.0226     0.0251         21        416:  75%|███████▍  | 89/119 [00:45<00:11,  2.63it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06315    0.02266    0.02507         32        416:  76%|███████▌  | 90/119 [00:45<00:11,  2.59it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06305    0.02274    0.02501         40        416:  76%|███████▋  | 91/119 [00:46<00:11,  2.39it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06301    0.02274    0.02502         32        416:  77%|███████▋  | 92/119 [00:47<00:17,  1.58it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06299    0.02276    0.02496         30        416:  78%|███████▊  | 93/119 [00:47<00:15,  1.70it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06297    0.02273    0.02493         20        416:  79%|███████▉  | 94/119 [00:48<00:13,  1.88it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06296    0.02272    0.02494         30        416:  80%|███████▉  | 95/119 [00:48<00:11,  2.15it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06301     0.0227    0.02497         29        416:  81%|████████  | 96/119 [00:48<00:09,  2.38it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06306    0.02261    0.02501         19        416:  82%|████████▏ | 97/119 [00:49<00:08,  2.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06306    0.02259    0.02499         34        416:  82%|████████▏ | 98/119 [00:49<00:10,  2.03it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06294    0.02263    0.02495         28        416:  83%|████████▎ | 99/119 [00:50<00:09,  2.21it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06299    0.02256    0.02508         25        416:  84%|████████▍ | 100/119 [00:50<00:07,  2.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06299    0.02244    0.02505         16        416:  85%|████████▍ | 101/119 [00:51<00:08,  2.01it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G      0.063    0.02237    0.02503         17        416:  86%|████████▌ | 102/119 [00:51<00:09,  1.88it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06293    0.02231    0.02503         14        416:  87%|████████▋ | 103/119 [00:52<00:07,  2.18it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G     0.0629    0.02232    0.02497         26        416:  87%|████████▋ | 104/119 [00:52<00:06,  2.41it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06286    0.02225    0.02506         20        416:  88%|████████▊ | 105/119 [00:52<00:05,  2.63it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06293     0.0222      0.025         28        416:  89%|████████▉ | 106/119 [00:53<00:05,  2.28it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G     0.0629    0.02227    0.02499         37        416:  90%|████████▉ | 107/119 [00:54<00:07,  1.63it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06291    0.02226    0.02499         33        416:  91%|█████████ | 108/119 [00:54<00:05,  1.91it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06292    0.02222    0.02496         21        416:  92%|█████████▏| 109/119 [00:54<00:04,  2.18it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06299    0.02223    0.02496         24        416:  92%|█████████▏| 110/119 [00:55<00:03,  2.41it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06299    0.02228    0.02493         36        416:  93%|█████████▎| 111/119 [00:55<00:03,  2.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06294    0.02245    0.02495         43        416:  94%|█████████▍| 112/119 [00:56<00:04,  1.71it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06297    0.02234    0.02504         13        416:  95%|█████████▍| 113/119 [00:56<00:03,  1.97it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06285    0.02227    0.02497         11        416:  96%|█████████▌| 114/119 [00:57<00:02,  2.21it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G     0.0628    0.02222    0.02495         16        416:  97%|█████████▋| 115/119 [00:57<00:01,  2.38it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G     0.0628    0.02234    0.02495         39        416:  97%|█████████▋| 116/119 [00:58<00:01,  1.65it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06278     0.0223    0.02494         30        416:  98%|█████████▊| 117/119 [00:58<00:01,  1.86it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06277    0.02228    0.02496         29        416:  99%|█████████▉| 118/119 [00:59<00:00,  1.91it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        4/9         0G    0.06276    0.02226    0.02502         17        416: 100%|██████████| 119/119 [00:59<00:00,  1.99it/s]

                 Class     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 23/23 [00:40<00:00,  1.74s/it]

                   all        354        923      0.287       0.34      0.284      0.123



      Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size

  0%|          | 0/119 [00:00<?, ?it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.06024    0.03327    0.02287         35        416:   1%|          | 1/119 [00:00<01:07,  1.74it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.06651    0.03022     0.0227         40        416:   2%|▏         | 2/119 [00:01<02:03,  1.06s/it]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.06273    0.02984    0.02448         36        416:   3%|▎         | 3/119 [00:02<01:30,  1.28it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.06225    0.02784    0.02388         26        416:   3%|▎         | 4/119 [00:02<01:11,  1.60it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.06295    0.02746    0.02384         36        416:   4%|▍         | 5/119 [00:03<01:08,  1.68it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G     0.0604    0.02808    0.02351         31        416:   5%|▌         | 6/119 [00:03<01:00,  1.88it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.06096    0.02849    0.02389         47        416:   6%|▌         | 7/119 [00:04<00:52,  2.15it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.06138    0.02748    0.02443         33        416:   7%|▋         | 8/119 [00:04<00:49,  2.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.06092    0.02708    0.02427         24        416:   8%|▊         | 9/119 [00:04<00:46,  2.39it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.06018    0.02697    0.02389         29        416:   8%|▊         | 10/119 [00:05<00:49,  2.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.06071    0.02659    0.02395         28        416:   9%|▉         | 11/119 [00:05<00:53,  2.03it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.06032    0.02676    0.02365         41        416:  10%|█         | 12/119 [00:07<01:12,  1.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.06039    0.02642    0.02377         36        416:  11%|█         | 13/119 [00:07<01:06,  1.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05978    0.02628    0.02372         29        416:  12%|█▏        | 14/119 [00:07<00:57,  1.82it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05996    0.02544    0.02414         12        416:  13%|█▎        | 15/119 [00:08<00:49,  2.10it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.06002    0.02519      0.024         28        416:  13%|█▎        | 16/119 [00:08<00:45,  2.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05998    0.02449    0.02389         14        416:  14%|█▍        | 17/119 [00:09<00:44,  2.28it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05999     0.0244    0.02409         28        416:  15%|█▌        | 18/119 [00:09<00:50,  2.02it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05991    0.02453    0.02396         40        416:  16%|█▌        | 19/119 [00:09<00:43,  2.29it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05976    0.02448    0.02389         23        416:  17%|█▋        | 20/119 [00:10<00:39,  2.54it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05948    0.02439    0.02401         23        416:  18%|█▊        | 21/119 [00:10<00:37,  2.65it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05957    0.02467    0.02412         37        416:  18%|█▊        | 22/119 [00:11<00:39,  2.45it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05951    0.02435    0.02403         25        416:  19%|█▉        | 23/119 [00:11<00:40,  2.39it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05935    0.02418    0.02417         20        416:  20%|██        | 24/119 [00:11<00:35,  2.65it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05915    0.02386    0.02398         16        416:  21%|██        | 25/119 [00:12<00:33,  2.78it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05883    0.02383     0.0239         30        416:  22%|██▏       | 26/119 [00:12<00:35,  2.60it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05885    0.02392    0.02374         25        416:  23%|██▎       | 27/119 [00:13<00:39,  2.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05878    0.02441    0.02396         47        416:  24%|██▎       | 28/119 [00:14<01:12,  1.25it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05875    0.02455    0.02401         36        416:  24%|██▍       | 29/119 [00:15<00:59,  1.52it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G     0.0588    0.02486    0.02386         45        416:  25%|██▌       | 30/119 [00:16<01:19,  1.12it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05896    0.02446    0.02404         13        416:  26%|██▌       | 31/119 [00:16<01:06,  1.32it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05885    0.02433    0.02391         29        416:  27%|██▋       | 32/119 [00:17<00:56,  1.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05879    0.02418    0.02381         21        416:  28%|██▊       | 33/119 [00:17<00:52,  1.64it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05895    0.02428    0.02379         39        416:  29%|██▊       | 34/119 [00:18<00:51,  1.64it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05888    0.02409    0.02382         21        416:  29%|██▉       | 35/119 [00:18<00:44,  1.90it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05895     0.0242    0.02367         40        416:  30%|███       | 36/119 [00:19<00:38,  2.13it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05892    0.02412    0.02354         28        416:  31%|███       | 37/119 [00:19<00:36,  2.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05877    0.02388     0.0234         20        416:  32%|███▏      | 38/119 [00:20<00:37,  2.14it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05862    0.02381     0.0235         34        416:  33%|███▎      | 39/119 [00:20<00:36,  2.21it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05851    0.02363    0.02334         21        416:  34%|███▎      | 40/119 [00:20<00:33,  2.38it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05828    0.02362    0.02325         27        416:  34%|███▍      | 41/119 [00:21<00:30,  2.56it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05823    0.02368    0.02313         35        416:  35%|███▌      | 42/119 [00:21<00:28,  2.66it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05801    0.02362    0.02309         28        416:  36%|███▌      | 43/119 [00:22<00:35,  2.16it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05804    0.02347    0.02307         25        416:  37%|███▋      | 44/119 [00:22<00:38,  1.96it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05819    0.02337    0.02307         26        416:  38%|███▊      | 45/119 [00:23<00:33,  2.21it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05827     0.0235    0.02311         29        416:  39%|███▊      | 46/119 [00:23<00:31,  2.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05827    0.02327    0.02307         15        416:  39%|███▉      | 47/119 [00:23<00:32,  2.20it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05842    0.02317    0.02315         22        416:  40%|████      | 48/119 [00:24<00:35,  2.02it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05842    0.02335    0.02304         40        416:  41%|████      | 49/119 [00:25<00:46,  1.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05847    0.02341    0.02299         32        416:  42%|████▏     | 50/119 [00:26<00:45,  1.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05844    0.02325    0.02308         20        416:  43%|████▎     | 51/119 [00:26<00:41,  1.62it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05827    0.02333    0.02307         26        416:  44%|████▎     | 52/119 [00:27<00:35,  1.91it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05805    0.02324      0.023         20        416:  45%|████▍     | 53/119 [00:27<00:30,  2.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05816    0.02338    0.02308         37        416:  45%|████▌     | 54/119 [00:28<00:43,  1.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05809    0.02341    0.02302         36        416:  46%|████▌     | 55/119 [00:28<00:35,  1.79it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G      0.058    0.02366    0.02302         49        416:  47%|████▋     | 56/119 [00:30<00:46,  1.35it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05803    0.02354    0.02311         19        416:  48%|████▊     | 57/119 [00:30<00:37,  1.64it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05798    0.02359    0.02314         32        416:  49%|████▊     | 58/119 [00:31<00:43,  1.42it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05794    0.02352    0.02304         24        416:  50%|████▉     | 59/119 [00:31<00:39,  1.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05816    0.02333    0.02304         16        416:  50%|█████     | 60/119 [00:32<00:42,  1.40it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05817    0.02316    0.02305         19        416:  51%|█████▏    | 61/119 [00:32<00:34,  1.70it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05812    0.02306    0.02304         20        416:  52%|█████▏    | 62/119 [00:33<00:29,  1.92it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05805    0.02305    0.02308         24        416:  53%|█████▎    | 63/119 [00:33<00:30,  1.86it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05798    0.02297    0.02298         19        416:  54%|█████▍    | 64/119 [00:34<00:26,  2.06it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05814     0.0229    0.02297         30        416:  55%|█████▍    | 65/119 [00:34<00:22,  2.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05812    0.02281    0.02294         17        416:  55%|█████▌    | 66/119 [00:35<00:23,  2.25it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05809    0.02269    0.02296         13        416:  56%|█████▋    | 67/119 [00:35<00:23,  2.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05816    0.02266    0.02303         21        416:  57%|█████▋    | 68/119 [00:35<00:23,  2.16it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05841    0.02256    0.02303         13        416:  58%|█████▊    | 69/119 [00:36<00:20,  2.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05838    0.02255    0.02299         33        416:  59%|█████▉    | 70/119 [00:36<00:20,  2.42it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05828    0.02246    0.02294         20        416:  60%|█████▉    | 71/119 [00:37<00:18,  2.57it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05817    0.02243    0.02291         27        416:  61%|██████    | 72/119 [00:37<00:19,  2.35it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G     0.0582    0.02239    0.02285         26        416:  61%|██████▏   | 73/119 [00:37<00:18,  2.43it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05817    0.02242    0.02284         30        416:  62%|██████▏   | 74/119 [00:38<00:17,  2.62it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05813    0.02234    0.02281         24        416:  63%|██████▎   | 75/119 [00:38<00:17,  2.54it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05808     0.0224    0.02278         31        416:  64%|██████▍   | 76/119 [00:39<00:16,  2.56it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05796    0.02238    0.02284         22        416:  65%|██████▍   | 77/119 [00:39<00:18,  2.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05798    0.02234    0.02282         25        416:  66%|██████▌   | 78/119 [00:39<00:15,  2.58it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05801    0.02234     0.0228         31        416:  66%|██████▋   | 79/119 [00:40<00:14,  2.77it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05809    0.02238    0.02288         32        416:  67%|██████▋   | 80/119 [00:40<00:14,  2.78it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05809    0.02244    0.02287         32        416:  68%|██████▊   | 81/119 [00:41<00:15,  2.43it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05815    0.02248    0.02286         37        416:  69%|██████▉   | 82/119 [00:41<00:14,  2.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05818    0.02242    0.02293         23        416:  70%|██████▉   | 83/119 [00:41<00:13,  2.60it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05836    0.02236    0.02305         24        416:  71%|███████   | 84/119 [00:42<00:16,  2.09it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05831    0.02236    0.02302         36        416:  71%|███████▏  | 85/119 [00:42<00:16,  2.02it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05823    0.02234    0.02306         23        416:  72%|███████▏  | 86/119 [00:43<00:14,  2.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05816    0.02233      0.023         24        416:  73%|███████▎  | 87/119 [00:43<00:12,  2.52it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05816    0.02242    0.02299         32        416:  74%|███████▍  | 88/119 [00:43<00:12,  2.57it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05814    0.02247    0.02299         27        416:  75%|███████▍  | 89/119 [00:44<00:12,  2.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05804    0.02254    0.02297         25        416:  76%|███████▌  | 90/119 [00:44<00:13,  2.17it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05804    0.02259    0.02294         31        416:  76%|███████▋  | 91/119 [00:45<00:11,  2.43it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05813    0.02252    0.02288         18        416:  77%|███████▋  | 92/119 [00:45<00:10,  2.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05824    0.02249    0.02292         32        416:  78%|███████▊  | 93/119 [00:46<00:10,  2.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05821    0.02248    0.02294         25        416:  79%|███████▉  | 94/119 [00:46<00:10,  2.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05813    0.02233    0.02298          9        416:  80%|███████▉  | 95/119 [00:47<00:13,  1.75it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05806    0.02234    0.02299         26        416:  81%|████████  | 96/119 [00:47<00:12,  1.82it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G     0.0581    0.02227      0.023         20        416:  82%|████████▏ | 97/119 [00:48<00:11,  1.98it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05801    0.02236    0.02297         39        416:  82%|████████▏ | 98/119 [00:48<00:09,  2.18it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05797    0.02245    0.02298         45        416:  83%|████████▎ | 99/119 [00:49<00:08,  2.24it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05796    0.02236    0.02296         16        416:  84%|████████▍ | 100/119 [00:49<00:08,  2.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05789    0.02237    0.02292         27        416:  85%|████████▍ | 101/119 [00:50<00:08,  2.15it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05791    0.02228     0.0229         13        416:  86%|████████▌ | 102/119 [00:50<00:07,  2.43it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05784    0.02245    0.02287         45        416:  87%|████████▋ | 103/119 [00:51<00:08,  1.94it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05785    0.02249    0.02291         25        416:  87%|████████▋ | 104/119 [00:51<00:07,  1.91it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05782     0.0225    0.02291         33        416:  88%|████████▊ | 105/119 [00:52<00:09,  1.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05781    0.02258    0.02287         36        416:  89%|████████▉ | 106/119 [00:53<00:09,  1.37it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05776    0.02253    0.02285         20        416:  90%|████████▉ | 107/119 [00:53<00:07,  1.66it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05778    0.02261    0.02279         44        416:  91%|█████████ | 108/119 [00:54<00:06,  1.79it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05769    0.02254    0.02279         17        416:  92%|█████████▏| 109/119 [00:54<00:05,  1.87it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05771    0.02246    0.02277         25        416:  92%|█████████▏| 110/119 [00:55<00:04,  2.08it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05769    0.02245    0.02278         24        416:  93%|█████████▎| 111/119 [00:55<00:03,  2.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05762    0.02238    0.02274         19        416:  94%|█████████▍| 112/119 [00:55<00:02,  2.45it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05757    0.02244    0.02272         34        416:  95%|█████████▍| 113/119 [00:56<00:02,  2.23it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05754    0.02238    0.02273         18        416:  96%|█████████▌| 114/119 [00:56<00:02,  2.10it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05755    0.02239    0.02275         27        416:  97%|█████████▋| 115/119 [00:57<00:01,  2.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05757    0.02243    0.02272         32        416:  97%|█████████▋| 116/119 [00:57<00:01,  2.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G     0.0576    0.02246    0.02268         42        416:  98%|█████████▊| 117/119 [00:58<00:01,  1.59it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05757    0.02248     0.0226         30        416:  99%|█████████▉| 118/119 [00:58<00:00,  1.85it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        5/9         0G    0.05751     0.0225    0.02257         17        416: 100%|██████████| 119/119 [00:59<00:00,  2.01it/s]

                 Class     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 23/23 [00:46<00:00,  2.01s/it]

                   all        354        923      0.341      0.396      0.357      0.151



      Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size

  0%|          | 0/119 [00:00<?, ?it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05542    0.01851    0.01615         25        416:   1%|          | 1/119 [00:00<01:21,  1.44it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05382    0.02162    0.02072         28        416:   2%|▏         | 2/119 [00:01<01:06,  1.76it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05594    0.02461    0.02262         46        416:   3%|▎         | 3/119 [00:01<00:52,  2.22it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G     0.0562    0.02361    0.02207         22        416:   3%|▎         | 4/119 [00:01<00:54,  2.13it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05665    0.02505    0.02142         50        416:   4%|▍         | 5/119 [00:02<01:11,  1.60it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05564    0.02374    0.02154         21        416:   5%|▌         | 6/119 [00:03<01:02,  1.82it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05572    0.02441     0.0212         37        416:   6%|▌         | 7/119 [00:03<01:00,  1.84it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05562    0.02514    0.02149         53        416:   7%|▋         | 8/119 [00:05<01:28,  1.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05505    0.02547    0.02133         41        416:   8%|▊         | 9/119 [00:06<01:35,  1.15it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G     0.0547    0.02568    0.02135         35        416:   8%|▊         | 10/119 [00:06<01:16,  1.42it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05401    0.02502    0.02104         23        416:   9%|▉         | 11/119 [00:06<01:07,  1.60it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05348    0.02497    0.02102         24        416:  10%|█         | 12/119 [00:07<01:10,  1.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05296    0.02421    0.02105         18        416:  11%|█         | 13/119 [00:08<01:17,  1.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G     0.0533     0.0236    0.02136         30        416:  12%|█▏        | 14/119 [00:09<01:27,  1.20it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05342    0.02316    0.02119         31        416:  13%|█▎        | 15/119 [00:10<01:33,  1.11it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05328    0.02319    0.02101         29        416:  13%|█▎        | 16/119 [00:11<01:18,  1.31it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05285    0.02312     0.0208         25        416:  14%|█▍        | 17/119 [00:11<01:06,  1.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05276    0.02274    0.02043         23        416:  15%|█▌        | 18/119 [00:11<00:58,  1.72it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05326    0.02295    0.02047         36        416:  16%|█▌        | 19/119 [00:12<00:56,  1.76it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05312    0.02289    0.02054         24        416:  17%|█▋        | 20/119 [00:12<00:47,  2.07it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05353    0.02318     0.0208         50        416:  18%|█▊        | 21/119 [00:13<01:06,  1.47it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05361    0.02279     0.0211         14        416:  18%|█▊        | 22/119 [00:14<00:55,  1.74it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05344    0.02256    0.02106         19        416:  19%|█▉        | 23/119 [00:14<00:47,  2.04it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05363    0.02259     0.0212         30        416:  20%|██        | 24/119 [00:14<00:43,  2.20it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05391    0.02282    0.02116         34        416:  21%|██        | 25/119 [00:16<01:03,  1.49it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05375    0.02265    0.02096         22        416:  22%|██▏       | 26/119 [00:16<00:54,  1.71it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05369    0.02268    0.02091         39        416:  23%|██▎       | 27/119 [00:16<00:51,  1.80it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05368    0.02295    0.02093         37        416:  24%|██▎       | 28/119 [00:17<00:47,  1.91it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05382    0.02288    0.02083         25        416:  24%|██▍       | 29/119 [00:17<00:41,  2.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05359    0.02308    0.02076         30        416:  25%|██▌       | 30/119 [00:18<00:36,  2.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05363    0.02313    0.02075         36        416:  26%|██▌       | 31/119 [00:18<00:33,  2.63it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05369    0.02336    0.02084         35        416:  27%|██▋       | 32/119 [00:18<00:37,  2.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G     0.0535    0.02346    0.02102         36        416:  28%|██▊       | 33/119 [00:20<00:57,  1.49it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05342    0.02342    0.02119         28        416:  29%|██▊       | 34/119 [00:20<00:53,  1.60it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05326    0.02328    0.02128         17        416:  29%|██▉       | 35/119 [00:20<00:45,  1.85it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05362    0.02323    0.02152         21        416:  30%|███       | 36/119 [00:21<00:39,  2.10it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05388    0.02321    0.02154         36        416:  31%|███       | 37/119 [00:21<00:36,  2.23it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05392    0.02332    0.02147         33        416:  32%|███▏      | 38/119 [00:22<00:35,  2.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05388    0.02338    0.02126         37        416:  33%|███▎      | 39/119 [00:22<00:38,  2.07it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05373    0.02322    0.02114         24        416:  34%|███▎      | 40/119 [00:23<00:34,  2.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G     0.0539     0.0234    0.02105         42        416:  34%|███▍      | 41/119 [00:23<00:30,  2.54it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05401    0.02323    0.02139         19        416:  35%|███▌      | 42/119 [00:23<00:30,  2.52it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05394    0.02354    0.02132         46        416:  36%|███▌      | 43/119 [00:25<01:00,  1.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05369    0.02326    0.02122         11        416:  37%|███▋      | 44/119 [00:25<00:49,  1.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05362    0.02345    0.02115         43        416:  38%|███▊      | 45/119 [00:26<00:47,  1.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05384     0.0235    0.02116         40        416:  39%|███▊      | 46/119 [00:26<00:40,  1.79it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05371     0.0232    0.02112         13        416:  39%|███▉      | 47/119 [00:27<00:43,  1.65it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05367    0.02333    0.02106         40        416:  40%|████      | 48/119 [00:27<00:38,  1.82it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05365    0.02337    0.02102         36        416:  41%|████      | 49/119 [00:28<00:38,  1.81it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05354    0.02341    0.02096         37        416:  42%|████▏     | 50/119 [00:28<00:35,  1.94it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05354    0.02339    0.02094         38        416:  43%|████▎     | 51/119 [00:29<00:30,  2.23it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05345    0.02331     0.0209         24        416:  44%|████▎     | 52/119 [00:29<00:27,  2.45it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05335    0.02315    0.02097         17        416:  45%|████▍     | 53/119 [00:29<00:26,  2.49it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05337    0.02306    0.02104         21        416:  45%|████▌     | 54/119 [00:30<00:29,  2.18it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05344    0.02307     0.0211         28        416:  46%|████▌     | 55/119 [00:30<00:27,  2.31it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05359    0.02322    0.02119         41        416:  47%|████▋     | 56/119 [00:32<00:47,  1.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05356    0.02313    0.02111         22        416:  48%|████▊     | 57/119 [00:32<00:37,  1.64it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05356    0.02301    0.02127         15        416:  49%|████▊     | 58/119 [00:32<00:32,  1.86it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05353    0.02298    0.02122         31        416:  50%|████▉     | 59/119 [00:33<00:29,  2.04it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05351    0.02281     0.0212          9        416:  50%|█████     | 60/119 [00:34<00:42,  1.40it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05354    0.02282    0.02119         31        416:  51%|█████▏    | 61/119 [00:34<00:34,  1.68it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05361    0.02273    0.02119         22        416:  52%|█████▏    | 62/119 [00:35<00:29,  1.96it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05401    0.02278    0.02126         40        416:  53%|█████▎    | 63/119 [00:35<00:26,  2.09it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05415    0.02264    0.02134         10        416:  54%|█████▍    | 64/119 [00:35<00:24,  2.28it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05405    0.02269    0.02128         34        416:  55%|█████▍    | 65/119 [00:36<00:25,  2.16it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05395    0.02278    0.02124         39        416:  55%|█████▌    | 66/119 [00:36<00:23,  2.21it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05378    0.02272    0.02128         23        416:  56%|█████▋    | 67/119 [00:37<00:21,  2.47it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05368     0.0227     0.0213         29        416:  57%|█████▋    | 68/119 [00:37<00:20,  2.49it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05359    0.02275    0.02131         35        416:  58%|█████▊    | 69/119 [00:38<00:20,  2.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05351    0.02276    0.02133         25        416:  59%|█████▉    | 70/119 [00:38<00:21,  2.24it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05339    0.02258    0.02137         10        416:  60%|█████▉    | 71/119 [00:38<00:19,  2.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G     0.0533    0.02253    0.02129         23        416:  61%|██████    | 72/119 [00:39<00:19,  2.47it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05322    0.02259    0.02128         50        416:  61%|██████▏   | 73/119 [00:40<00:28,  1.63it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05313    0.02255    0.02127         23        416:  62%|██████▏   | 74/119 [00:40<00:23,  1.92it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05323     0.0225    0.02126         26        416:  63%|██████▎   | 75/119 [00:41<00:20,  2.13it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05323    0.02251    0.02124         24        416:  64%|██████▍   | 76/119 [00:41<00:19,  2.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05311    0.02253     0.0212         30        416:  65%|██████▍   | 77/119 [00:41<00:16,  2.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05309    0.02255     0.0212         28        416:  66%|██████▌   | 78/119 [00:42<00:15,  2.71it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05302     0.0226    0.02116         27        416:  66%|██████▋   | 79/119 [00:42<00:16,  2.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05305    0.02262    0.02121         32        416:  67%|██████▋   | 80/119 [00:42<00:14,  2.70it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G      0.053    0.02266    0.02119         42        416:  68%|██████▊   | 81/119 [00:43<00:13,  2.78it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05296    0.02288    0.02116         53        416:  69%|██████▉   | 82/119 [00:44<00:27,  1.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05286    0.02281     0.0211         21        416:  70%|██████▉   | 83/119 [00:45<00:22,  1.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05287    0.02291    0.02104         40        416:  71%|███████   | 84/119 [00:45<00:19,  1.80it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05292    0.02283    0.02101         15        416:  71%|███████▏  | 85/119 [00:45<00:16,  2.08it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05295    0.02276    0.02099         23        416:  72%|███████▏  | 86/119 [00:46<00:15,  2.20it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05293    0.02261    0.02093         13        416:  73%|███████▎  | 87/119 [00:46<00:12,  2.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G     0.0529    0.02258    0.02087         24        416:  74%|███████▍  | 88/119 [00:46<00:11,  2.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05291    0.02255    0.02086         20        416:  75%|███████▍  | 89/119 [00:47<00:11,  2.68it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05294    0.02249    0.02086         22        416:  76%|███████▌  | 90/119 [00:47<00:09,  2.91it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05302    0.02249    0.02089         32        416:  76%|███████▋  | 91/119 [00:47<00:09,  2.86it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05292    0.02249    0.02089         28        416:  77%|███████▋  | 92/119 [00:48<00:09,  2.99it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05293    0.02243    0.02085         24        416:  78%|███████▊  | 93/119 [00:48<00:08,  3.02it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05288    0.02242    0.02078         29        416:  79%|███████▉  | 94/119 [00:48<00:08,  2.84it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05294    0.02232    0.02077         14        416:  80%|███████▉  | 95/119 [00:49<00:07,  3.04it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05283    0.02224    0.02077         14        416:  81%|████████  | 96/119 [00:49<00:07,  3.03it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05287    0.02227    0.02072         26        416:  82%|████████▏ | 97/119 [00:49<00:07,  3.11it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05281    0.02228    0.02067         33        416:  82%|████████▏ | 98/119 [00:50<00:06,  3.24it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05272    0.02238    0.02065         40        416:  83%|████████▎ | 99/119 [00:50<00:09,  2.11it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05268    0.02235    0.02061         29        416:  84%|████████▍ | 100/119 [00:51<00:08,  2.35it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05275    0.02225    0.02055         15        416:  85%|████████▍ | 101/119 [00:51<00:07,  2.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05276    0.02225    0.02054         36        416:  86%|████████▌ | 102/119 [00:51<00:06,  2.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05266    0.02226    0.02053         37        416:  87%|████████▋ | 103/119 [00:52<00:06,  2.58it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05263    0.02219    0.02049         13        416:  87%|████████▋ | 104/119 [00:52<00:05,  2.75it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05257    0.02215    0.02046         20        416:  88%|████████▊ | 105/119 [00:52<00:04,  2.92it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05258    0.02222    0.02044         49        416:  89%|████████▉ | 106/119 [00:53<00:04,  2.90it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05254    0.02217    0.02041         22        416:  90%|████████▉ | 107/119 [00:53<00:04,  2.83it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G     0.0525    0.02212    0.02035         25        416:  91%|█████████ | 108/119 [00:53<00:03,  2.83it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05252    0.02218    0.02035         32        416:  92%|█████████▏| 109/119 [00:54<00:03,  2.78it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G     0.0525    0.02217    0.02031         28        416:  92%|█████████▏| 110/119 [00:54<00:03,  2.95it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05239    0.02212    0.02034         21        416:  93%|█████████▎| 111/119 [00:54<00:02,  2.93it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05244     0.0221    0.02034         22        416:  94%|█████████▍| 112/119 [00:55<00:02,  3.01it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05247    0.02206     0.0204         19        416:  95%|█████████▍| 113/119 [00:55<00:01,  3.04it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05243    0.02203    0.02038         22        416:  96%|█████████▌| 114/119 [00:56<00:01,  2.84it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05239    0.02208    0.02035         41        416:  97%|█████████▋| 115/119 [00:56<00:02,  1.98it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05235    0.02202    0.02034         21        416:  97%|█████████▋| 116/119 [00:57<00:01,  2.20it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05228    0.02201    0.02026         29        416:  98%|█████████▊| 117/119 [00:57<00:00,  2.38it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05231    0.02194    0.02024         21        416:  99%|█████████▉| 118/119 [00:57<00:00,  2.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        6/9         0G    0.05221    0.02193    0.02017         15        416: 100%|██████████| 119/119 [00:58<00:00,  2.04it/s]

                 Class     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 23/23 [00:40<00:00,  1.78s/it]

                   all        354        923      0.469       0.43      0.409      0.205



      Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size

  0%|          | 0/119 [00:00<?, ?it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G     0.0489    0.03582    0.01707         52        416:   1%|          | 1/119 [00:01<03:23,  1.73s/it]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05151    0.03523    0.01729         49        416:   2%|▏         | 2/119 [00:02<02:41,  1.38s/it]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G     0.0537    0.03081     0.0173         27        416:   3%|▎         | 3/119 [00:03<01:48,  1.07it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05277      0.028     0.0177         22        416:   3%|▎         | 4/119 [00:03<01:20,  1.43it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05098     0.0269    0.01664         26        416:   4%|▍         | 5/119 [00:03<01:06,  1.72it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05149    0.02646    0.01643         27        416:   5%|▌         | 6/119 [00:04<00:59,  1.91it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05067     0.0257     0.0163         31        416:   6%|▌         | 7/119 [00:04<00:52,  2.15it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05004    0.02514    0.01593         25        416:   7%|▋         | 8/119 [00:05<00:46,  2.37it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05081    0.02594    0.01605         38        416:   8%|▊         | 9/119 [00:05<00:44,  2.47it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05084    0.02551    0.01603         33        416:   8%|▊         | 10/119 [00:05<00:43,  2.52it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05084    0.02561    0.01658         32        416:   9%|▉         | 11/119 [00:06<00:40,  2.65it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05132    0.02504    0.01673         23        416:  10%|█         | 12/119 [00:06<00:38,  2.78it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05136    0.02485    0.01668         34        416:  11%|█         | 13/119 [00:06<00:40,  2.64it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05058    0.02438    0.01719         17        416:  12%|█▏        | 14/119 [00:07<00:38,  2.76it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05067    0.02493    0.01739         48        416:  13%|█▎        | 15/119 [00:08<00:56,  1.84it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04982    0.02415    0.01766         16        416:  13%|█▎        | 16/119 [00:08<00:48,  2.11it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04972    0.02371    0.01758         22        416:  14%|█▍        | 17/119 [00:09<00:49,  2.05it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04972    0.02376    0.01731         32        416:  15%|█▌        | 18/119 [00:09<00:44,  2.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G     0.0499    0.02333    0.01735         15        416:  16%|█▌        | 19/119 [00:09<00:42,  2.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04993    0.02331    0.01737         37        416:  17%|█▋        | 20/119 [00:10<00:39,  2.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04959     0.0232    0.01721         29        416:  18%|█▊        | 21/119 [00:10<00:37,  2.62it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04988    0.02322    0.01716         35        416:  18%|█▊        | 22/119 [00:10<00:36,  2.66it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G     0.0498    0.02276    0.01707         19        416:  19%|█▉        | 23/119 [00:11<00:49,  1.92it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04959    0.02236    0.01724         17        416:  20%|██        | 24/119 [00:11<00:43,  2.16it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04976     0.0226    0.01747         29        416:  21%|██        | 25/119 [00:12<00:47,  1.98it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G     0.0495    0.02269    0.01739         38        416:  22%|██▏       | 26/119 [00:12<00:42,  2.20it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04917     0.0226    0.01728         21        416:  23%|██▎       | 27/119 [00:13<00:38,  2.41it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04896    0.02278    0.01721         41        416:  24%|██▎       | 28/119 [00:14<00:58,  1.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04909    0.02254    0.01736         23        416:  24%|██▍       | 29/119 [00:14<00:49,  1.81it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04956    0.02231    0.01763         19        416:  25%|██▌       | 30/119 [00:15<00:48,  1.83it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04949    0.02218    0.01756         24        416:  26%|██▌       | 31/119 [00:15<00:43,  2.01it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05031    0.02193     0.0176         13        416:  27%|██▋       | 32/119 [00:16<00:39,  2.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G     0.0504      0.022    0.01746         33        416:  28%|██▊       | 33/119 [00:16<00:36,  2.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05075    0.02165    0.01751         10        416:  29%|██▊       | 34/119 [00:17<00:48,  1.74it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05075    0.02194    0.01753         43        416:  29%|██▉       | 35/119 [00:17<00:41,  2.00it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05087    0.02226    0.01752         37        416:  30%|███       | 36/119 [00:17<00:37,  2.23it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05082     0.0223    0.01746         37        416:  31%|███       | 37/119 [00:18<00:37,  2.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05047    0.02207     0.0174         16        416:  32%|███▏      | 38/119 [00:18<00:33,  2.44it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G     0.0503    0.02216    0.01731         34        416:  33%|███▎      | 39/119 [00:19<00:33,  2.37it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05008    0.02211    0.01734         31        416:  34%|███▎      | 40/119 [00:19<00:31,  2.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04999    0.02196    0.01731         21        416:  34%|███▍      | 41/119 [00:19<00:29,  2.65it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05016    0.02192    0.01728         29        416:  35%|███▌      | 42/119 [00:20<00:27,  2.82it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05016    0.02184    0.01724         22        416:  36%|███▌      | 43/119 [00:20<00:28,  2.64it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05035    0.02185     0.0173         30        416:  37%|███▋      | 44/119 [00:20<00:26,  2.87it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05022    0.02182    0.01738         25        416:  38%|███▊      | 45/119 [00:21<00:25,  2.93it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05024    0.02171    0.01742         24        416:  39%|███▊      | 46/119 [00:21<00:23,  3.09it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05017    0.02153    0.01736         17        416:  39%|███▉      | 47/119 [00:21<00:24,  2.99it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05016    0.02148    0.01735         25        416:  40%|████      | 48/119 [00:22<00:30,  2.34it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05006    0.02135    0.01729         18        416:  41%|████      | 49/119 [00:22<00:30,  2.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05002    0.02125    0.01729         22        416:  42%|████▏     | 50/119 [00:23<00:27,  2.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04995    0.02117    0.01725         24        416:  43%|████▎     | 51/119 [00:23<00:26,  2.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04993    0.02111    0.01714         27        416:  44%|████▎     | 52/119 [00:23<00:25,  2.68it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04997    0.02115    0.01735         33        416:  45%|████▍     | 53/119 [00:24<00:29,  2.25it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G     0.0499    0.02107    0.01731         29        416:  45%|████▌     | 54/119 [00:24<00:27,  2.38it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05004    0.02101    0.01728         34        416:  46%|████▌     | 55/119 [00:25<00:25,  2.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04995    0.02103    0.01733         36        416:  47%|████▋     | 56/119 [00:25<00:25,  2.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05004    0.02088    0.01754         13        416:  48%|████▊     | 57/119 [00:26<00:36,  1.72it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04989    0.02086    0.01751         30        416:  49%|████▊     | 58/119 [00:27<00:31,  1.96it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05002    0.02072     0.0176         12        416:  50%|████▉     | 59/119 [00:27<00:28,  2.07it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04998    0.02054    0.01797          9        416:  50%|█████     | 60/119 [00:27<00:29,  1.98it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G     0.0502    0.02052    0.01801         28        416:  51%|█████▏    | 61/119 [00:28<00:28,  2.03it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05031    0.02054    0.01805         26        416:  52%|█████▏    | 62/119 [00:28<00:24,  2.29it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05038     0.0208    0.01815         51        416:  53%|█████▎    | 63/119 [00:30<00:39,  1.41it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G     0.0504    0.02091    0.01813         35        416:  54%|█████▍    | 64/119 [00:30<00:34,  1.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05026    0.02088    0.01806         27        416:  55%|█████▍    | 65/119 [00:30<00:28,  1.87it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05017    0.02073    0.01805         10        416:  55%|█████▌    | 66/119 [00:31<00:30,  1.71it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05012    0.02072    0.01811         26        416:  56%|█████▋    | 67/119 [00:31<00:25,  2.03it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05018    0.02069    0.01819         26        416:  57%|█████▋    | 68/119 [00:32<00:22,  2.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05015    0.02067    0.01821         33        416:  58%|█████▊    | 69/119 [00:32<00:21,  2.34it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05008    0.02082    0.01818         41        416:  59%|█████▉    | 70/119 [00:32<00:19,  2.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G     0.0501    0.02078    0.01822         22        416:  60%|█████▉    | 71/119 [00:33<00:21,  2.28it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.05005    0.02078     0.0182         29        416:  61%|██████    | 72/119 [00:33<00:18,  2.52it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G       0.05    0.02094    0.01818         49        416:  61%|██████▏   | 73/119 [00:36<00:44,  1.03it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04994    0.02086    0.01833         15        416:  62%|██████▏   | 74/119 [00:36<00:35,  1.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04985    0.02086     0.0183         29        416:  63%|██████▎   | 75/119 [00:36<00:29,  1.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04975    0.02081    0.01838         24        416:  64%|██████▍   | 76/119 [00:37<00:24,  1.73it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04971    0.02079    0.01838         27        416:  65%|██████▍   | 77/119 [00:37<00:24,  1.72it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04965    0.02079    0.01839         39        416:  66%|██████▌   | 78/119 [00:38<00:24,  1.67it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04955    0.02076    0.01836         25        416:  66%|██████▋   | 79/119 [00:38<00:20,  1.97it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G     0.0495    0.02071    0.01834         21        416:  67%|██████▋   | 80/119 [00:38<00:17,  2.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G     0.0495    0.02076    0.01834         24        416:  68%|██████▊   | 81/119 [00:39<00:15,  2.44it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04944     0.0208     0.0183         28        416:  69%|██████▉   | 82/119 [00:39<00:16,  2.23it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04942    0.02078    0.01823         19        416:  70%|██████▉   | 83/119 [00:40<00:15,  2.32it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04938    0.02082    0.01822         41        416:  71%|███████   | 84/119 [00:40<00:13,  2.52it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04942    0.02085    0.01819         29        416:  71%|███████▏  | 85/119 [00:40<00:13,  2.58it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04936    0.02089    0.01813         26        416:  72%|███████▏  | 86/119 [00:41<00:12,  2.67it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04937    0.02088    0.01814         22        416:  73%|███████▎  | 87/119 [00:41<00:13,  2.29it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04945    0.02092    0.01817         28        416:  74%|███████▍  | 88/119 [00:42<00:13,  2.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04933    0.02087    0.01809         21        416:  75%|███████▍  | 89/119 [00:42<00:12,  2.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04934    0.02093    0.01809         42        416:  76%|███████▌  | 90/119 [00:43<00:11,  2.42it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04932    0.02091    0.01807         24        416:  76%|███████▋  | 91/119 [00:43<00:13,  2.04it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04928    0.02102    0.01804         47        416:  77%|███████▋  | 92/119 [00:45<00:22,  1.20it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04921    0.02105    0.01804         34        416:  78%|███████▊  | 93/119 [00:46<00:21,  1.21it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04919    0.02099    0.01807         24        416:  79%|███████▉  | 94/119 [00:47<00:21,  1.17it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04926    0.02102    0.01809         31        416:  80%|███████▉  | 95/119 [00:47<00:17,  1.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04921    0.02108     0.0181         25        416:  81%|████████  | 96/119 [00:48<00:15,  1.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04919    0.02108    0.01809         26        416:  82%|████████▏ | 97/119 [00:48<00:14,  1.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04913    0.02109    0.01803         26        416:  82%|████████▏ | 98/119 [00:49<00:12,  1.74it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04928    0.02104    0.01796         23        416:  83%|████████▎ | 99/119 [00:49<00:09,  2.03it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04923    0.02105    0.01793         22        416:  84%|████████▍ | 100/119 [00:49<00:08,  2.31it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04926    0.02106    0.01789         37        416:  85%|████████▍ | 101/119 [00:50<00:07,  2.32it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04922    0.02105    0.01793         25        416:  86%|████████▌ | 102/119 [00:51<00:10,  1.67it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04917    0.02105    0.01788         27        416:  87%|████████▋ | 103/119 [00:51<00:08,  1.93it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04916    0.02106    0.01788         27        416:  87%|████████▋ | 104/119 [00:51<00:07,  2.11it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04911    0.02105    0.01785         27        416:  88%|████████▊ | 105/119 [00:52<00:06,  2.20it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04916    0.02106    0.01785         32        416:  89%|████████▉ | 106/119 [00:52<00:06,  2.03it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04912    0.02114    0.01785         37        416:  90%|████████▉ | 107/119 [00:53<00:07,  1.63it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04908    0.02109    0.01779         23        416:  91%|█████████ | 108/119 [00:53<00:05,  1.91it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04907    0.02112    0.01776         36        416:  92%|█████████▏| 109/119 [00:54<00:04,  2.13it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04911    0.02112    0.01778         36        416:  92%|█████████▏| 110/119 [00:54<00:03,  2.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04912     0.0211     0.0178         26        416:  93%|█████████▎| 111/119 [00:55<00:04,  1.94it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04908    0.02109    0.01773         21        416:  94%|█████████▍| 112/119 [00:55<00:03,  2.08it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04907    0.02106    0.01773         28        416:  95%|█████████▍| 113/119 [00:56<00:02,  2.34it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04907    0.02103    0.01774         16        416:  96%|█████████▌| 114/119 [00:56<00:02,  2.32it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04905    0.02103    0.01769         31        416:  97%|█████████▋| 115/119 [00:57<00:01,  2.20it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04899    0.02104    0.01769         29        416:  97%|█████████▋| 116/119 [00:57<00:01,  2.14it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04896    0.02102     0.0177         18        416:  98%|█████████▊| 117/119 [00:57<00:00,  2.35it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04902    0.02104    0.01764         33        416:  99%|█████████▉| 118/119 [00:58<00:00,  2.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        7/9         0G    0.04913    0.02101    0.01766         11        416: 100%|██████████| 119/119 [00:58<00:00,  2.03it/s]

                 Class     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 23/23 [00:48<00:00,  2.12s/it]

                   all        354        923      0.661      0.479      0.535      0.277



      Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size

  0%|          | 0/119 [00:00<?, ?it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.05274     0.0214    0.01587         33        416:   1%|          | 1/119 [00:00<01:02,  1.90it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04823    0.01941    0.01726         30        416:   2%|▏         | 2/119 [00:01<01:14,  1.57it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04794     0.0187    0.01763         29        416:   3%|▎         | 3/119 [00:01<01:00,  1.90it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04727    0.02031     0.0186         31        416:   3%|▎         | 4/119 [00:01<00:50,  2.29it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G     0.0457    0.01858    0.01753         15        416:   4%|▍         | 5/119 [00:02<00:45,  2.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04617    0.01943    0.01616         31        416:   5%|▌         | 6/119 [00:02<00:43,  2.60it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04598    0.02014    0.01562         30        416:   6%|▌         | 7/119 [00:03<00:49,  2.28it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04712    0.02005    0.01568         32        416:   7%|▋         | 8/119 [00:03<00:47,  2.32it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04688     0.0202    0.01558         23        416:   8%|▊         | 9/119 [00:03<00:43,  2.54it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04779    0.01949    0.01718         19        416:   8%|▊         | 10/119 [00:04<00:42,  2.54it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04713    0.01896    0.01733         16        416:   9%|▉         | 11/119 [00:04<00:43,  2.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04699    0.01922    0.01715         35        416:  10%|█         | 12/119 [00:05<00:47,  2.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04641    0.01875    0.01706         17        416:  11%|█         | 13/119 [00:05<00:43,  2.45it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04649     0.0194    0.01692         39        416:  12%|█▏        | 14/119 [00:05<00:41,  2.56it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04661    0.01998    0.01665         38        416:  13%|█▎        | 15/119 [00:06<00:40,  2.58it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04618    0.01978    0.01653         19        416:  13%|█▎        | 16/119 [00:06<00:47,  2.18it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G     0.0469    0.01975    0.01632         21        416:  14%|█▍        | 17/119 [00:08<01:27,  1.17it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04684    0.01937    0.01623         22        416:  15%|█▌        | 18/119 [00:09<01:15,  1.34it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G     0.0469    0.01953    0.01613         29        416:  16%|█▌        | 19/119 [00:09<01:02,  1.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04637     0.0195    0.01608         20        416:  17%|█▋        | 20/119 [00:09<00:53,  1.86it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04599    0.01937    0.01648         18        416:  18%|█▊        | 21/119 [00:10<00:51,  1.89it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04605    0.01939    0.01644         32        416:  18%|█▊        | 22/119 [00:10<00:49,  1.95it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04582    0.01979    0.01668         40        416:  19%|█▉        | 23/119 [00:11<00:44,  2.14it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04553    0.01952     0.0164         17        416:  20%|██        | 24/119 [00:11<00:40,  2.35it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04542     0.0196    0.01654         32        416:  21%|██        | 25/119 [00:11<00:39,  2.39it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04545    0.01953     0.0164         30        416:  22%|██▏       | 26/119 [00:12<00:43,  2.13it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04528    0.01927     0.0164         14        416:  23%|██▎       | 27/119 [00:12<00:40,  2.25it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04499    0.01923    0.01628         27        416:  24%|██▎       | 28/119 [00:13<00:36,  2.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G     0.0451    0.01923    0.01666         26        416:  24%|██▍       | 29/119 [00:13<00:36,  2.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04501    0.01937    0.01655         40        416:  25%|██▌       | 30/119 [00:14<00:43,  2.06it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04531    0.01937     0.0164         24        416:  26%|██▌       | 31/119 [00:14<00:39,  2.20it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04535    0.01922     0.0162         22        416:  27%|██▋       | 32/119 [00:15<00:36,  2.38it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G     0.0454    0.01905    0.01615         18        416:  28%|██▊       | 33/119 [00:15<00:36,  2.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04559    0.01938    0.01604         46        416:  29%|██▊       | 34/119 [00:17<01:12,  1.17it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G     0.0457    0.01945    0.01608         24        416:  29%|██▉       | 35/119 [00:17<01:03,  1.32it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04564     0.0193    0.01608         15        416:  30%|███       | 36/119 [00:18<00:54,  1.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04585     0.0192    0.01616         26        416:  31%|███       | 37/119 [00:18<00:48,  1.70it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04579    0.01927    0.01606         30        416:  32%|███▏      | 38/119 [00:19<00:42,  1.90it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04558    0.01931    0.01589         29        416:  33%|███▎      | 39/119 [00:19<00:42,  1.89it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04543    0.01928    0.01583         29        416:  34%|███▎      | 40/119 [00:20<00:38,  2.03it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04556    0.01926    0.01589         17        416:  34%|███▍      | 41/119 [00:20<00:35,  2.17it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04553    0.01932    0.01593         32        416:  35%|███▌      | 42/119 [00:20<00:33,  2.31it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04563    0.01932    0.01598         20        416:  36%|███▌      | 43/119 [00:21<00:34,  2.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04558    0.01917    0.01617         12        416:  37%|███▋      | 44/119 [00:21<00:32,  2.29it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04551    0.01936    0.01623         38        416:  38%|███▊      | 45/119 [00:22<00:42,  1.73it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04547    0.01948    0.01618         35        416:  39%|███▊      | 46/119 [00:23<00:43,  1.69it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04563    0.01953     0.0161         41        416:  39%|███▉      | 47/119 [00:23<00:38,  1.89it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G     0.0457     0.0196    0.01609         28        416:  40%|████      | 48/119 [00:23<00:33,  2.14it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04578     0.0197    0.01611         36        416:  41%|████      | 49/119 [00:24<00:30,  2.31it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04568    0.01969     0.0161         27        416:  42%|████▏     | 50/119 [00:24<00:28,  2.43it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04563    0.01965    0.01605         31        416:  43%|████▎     | 51/119 [00:25<00:29,  2.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04557    0.01963    0.01614         30        416:  44%|████▎     | 52/119 [00:25<00:30,  2.21it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04559    0.01963    0.01611         24        416:  45%|████▍     | 53/119 [00:25<00:26,  2.49it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04556    0.01971    0.01601         27        416:  45%|████▌     | 54/119 [00:26<00:25,  2.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04549    0.01977    0.01605         29        416:  46%|████▌     | 55/119 [00:26<00:24,  2.59it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04544    0.01992    0.01599         45        416:  47%|████▋     | 56/119 [00:28<00:49,  1.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04551    0.01979    0.01611         13        416:  48%|████▊     | 57/119 [00:28<00:44,  1.40it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04542    0.01975    0.01641         19        416:  49%|████▊     | 58/119 [00:29<00:36,  1.68it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04539    0.01989    0.01635         34        416:  50%|████▉     | 59/119 [00:29<00:30,  1.95it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04536    0.01991    0.01638         23        416:  50%|█████     | 60/119 [00:29<00:26,  2.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04532    0.01992     0.0164         27        416:  51%|█████▏    | 61/119 [00:30<00:24,  2.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04524    0.02002    0.01641         30        416:  52%|█████▏    | 62/119 [00:30<00:27,  2.09it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04515    0.01998    0.01637         19        416:  53%|█████▎    | 63/119 [00:31<00:24,  2.29it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04514    0.01993    0.01644         16        416:  54%|█████▍    | 64/119 [00:31<00:21,  2.52it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04508    0.01999    0.01638         39        416:  55%|█████▍    | 65/119 [00:31<00:21,  2.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04512    0.01996     0.0163         26        416:  55%|█████▌    | 66/119 [00:32<00:22,  2.31it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G     0.0451    0.02004     0.0163         30        416:  56%|█████▋    | 67/119 [00:32<00:21,  2.37it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04497    0.01997    0.01627         17        416:  57%|█████▋    | 68/119 [00:33<00:20,  2.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G      0.045    0.01992     0.0162         29        416:  58%|█████▊    | 69/119 [00:33<00:20,  2.43it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04495    0.01981    0.01618         14        416:  59%|█████▉    | 70/119 [00:33<00:20,  2.42it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04499    0.01993    0.01619         40        416:  60%|█████▉    | 71/119 [00:34<00:21,  2.25it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04502    0.01989    0.01611         27        416:  61%|██████    | 72/119 [00:34<00:19,  2.45it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04496    0.01988     0.0161         24        416:  61%|██████▏   | 73/119 [00:35<00:18,  2.45it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04498    0.01995    0.01616         43        416:  62%|██████▏   | 74/119 [00:35<00:17,  2.59it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04494    0.01993    0.01618         24        416:  63%|██████▎   | 75/119 [00:36<00:19,  2.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04495    0.01998    0.01618         34        416:  64%|██████▍   | 76/119 [00:36<00:18,  2.29it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04494    0.01991    0.01612         17        416:  65%|██████▍   | 77/119 [00:36<00:17,  2.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04492    0.01992    0.01611         29        416:  66%|██████▌   | 78/119 [00:37<00:16,  2.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04488    0.01988     0.0161         20        416:  66%|██████▋   | 79/119 [00:37<00:16,  2.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04489    0.01995    0.01609         36        416:  67%|██████▋   | 80/119 [00:38<00:17,  2.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04487     0.0201    0.01607         58        416:  68%|██████▊   | 81/119 [00:40<00:32,  1.16it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04486    0.02003    0.01605         18        416:  69%|██████▉   | 82/119 [00:40<00:26,  1.41it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04494    0.02004    0.01603         29        416:  70%|██████▉   | 83/119 [00:40<00:22,  1.63it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G     0.0449    0.02001    0.01599         26        416:  71%|███████   | 84/119 [00:41<00:20,  1.73it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04497    0.01994    0.01593         25        416:  71%|███████▏  | 85/119 [00:41<00:19,  1.78it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04503    0.02006    0.01597         37        416:  72%|███████▏  | 86/119 [00:42<00:16,  2.03it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04503    0.02009    0.01595         30        416:  73%|███████▎  | 87/119 [00:42<00:14,  2.22it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04502    0.02003    0.01603         18        416:  74%|███████▍  | 88/119 [00:42<00:12,  2.41it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04505    0.01998    0.01611         20        416:  75%|███████▍  | 89/119 [00:43<00:13,  2.29it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04503    0.01995    0.01619         16        416:  76%|███████▌  | 90/119 [00:43<00:12,  2.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04502       0.02    0.01619         35        416:  76%|███████▋  | 91/119 [00:44<00:11,  2.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04511    0.02003    0.01623         22        416:  77%|███████▋  | 92/119 [00:44<00:10,  2.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04507    0.01999    0.01619         18        416:  78%|███████▊  | 93/119 [00:44<00:10,  2.38it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04519    0.01998     0.0162         31        416:  79%|███████▉  | 94/119 [00:45<00:10,  2.34it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04524    0.01995     0.0162         28        416:  80%|███████▉  | 95/119 [00:45<00:09,  2.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04519    0.01995    0.01615         25        416:  81%|████████  | 96/119 [00:46<00:09,  2.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04517    0.01991     0.0162         20        416:  82%|████████▏ | 97/119 [00:46<00:08,  2.56it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G     0.0452    0.01985    0.01613         14        416:  82%|████████▏ | 98/119 [00:47<00:09,  2.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04544    0.01981    0.01606         18        416:  83%|████████▎ | 99/119 [00:47<00:08,  2.49it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04543    0.01991    0.01601         34        416:  84%|████████▍ | 100/119 [00:47<00:07,  2.65it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04545    0.01991    0.01596         29        416:  85%|████████▍ | 101/119 [00:48<00:06,  2.64it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04548    0.01981    0.01597         13        416:  86%|████████▌ | 102/119 [00:49<00:11,  1.54it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04544    0.01976    0.01599         19        416:  87%|████████▋ | 103/119 [00:49<00:08,  1.84it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04537     0.0197    0.01596         18        416:  87%|████████▋ | 104/119 [00:49<00:07,  2.08it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04533    0.01967    0.01595         21        416:  88%|████████▊ | 105/119 [00:50<00:06,  2.18it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G     0.0454    0.01955    0.01593         14        416:  89%|████████▉ | 106/119 [00:51<00:07,  1.69it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04543    0.01952    0.01593         21        416:  90%|████████▉ | 107/119 [00:51<00:06,  1.83it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04548    0.01944      0.016         13        416:  91%|█████████ | 108/119 [00:52<00:05,  2.10it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04547    0.01938    0.01602         16        416:  92%|█████████▏| 109/119 [00:52<00:04,  2.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04549    0.01934    0.01612         21        416:  92%|█████████▏| 110/119 [00:52<00:03,  2.35it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04551    0.01935    0.01612         21        416:  93%|█████████▎| 111/119 [00:53<00:03,  2.49it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04555    0.01936     0.0161         32        416:  94%|█████████▍| 112/119 [00:53<00:02,  2.56it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04561     0.0193    0.01608         14        416:  95%|█████████▍| 113/119 [00:53<00:02,  2.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04569    0.01931     0.0161         26        416:  96%|█████████▌| 114/119 [00:54<00:02,  2.32it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04565    0.01936    0.01606         36        416:  97%|█████████▋| 115/119 [00:54<00:01,  2.52it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04568    0.01938    0.01612         32        416:  97%|█████████▋| 116/119 [00:55<00:01,  2.71it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04562    0.01938    0.01611         24        416:  98%|█████████▊| 117/119 [00:55<00:00,  2.68it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04555    0.01933    0.01611         23        416:  99%|█████████▉| 118/119 [00:56<00:00,  2.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        8/9         0G    0.04566    0.01947    0.01611         31        416: 100%|██████████| 119/119 [00:56<00:00,  2.11it/s]

                 Class     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 23/23 [00:31<00:00,  1.39s/it]

                   all        354        923      0.649       0.55      0.587      0.319



      Epoch    GPU_mem   box_loss   obj_loss   cls_loss  Instances       Size

  0%|          | 0/119 [00:00<?, ?it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04624    0.02085    0.01555         24        416:   1%|          | 1/119 [00:00<00:51,  2.28it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04568    0.01951    0.01858         22        416:   2%|▏         | 2/119 [00:00<00:49,  2.35it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04757    0.02004    0.01816         29        416:   3%|▎         | 3/119 [00:01<00:50,  2.29it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04752     0.0203    0.01795         23        416:   3%|▎         | 4/119 [00:01<00:55,  2.08it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04664    0.02067    0.01673         33        416:   4%|▍         | 5/119 [00:02<00:48,  2.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04623    0.01923    0.01589         23        416:   5%|▌         | 6/119 [00:02<00:43,  2.59it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04521    0.01962    0.01553         28        416:   6%|▌         | 7/119 [00:02<00:43,  2.60it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04466    0.02049    0.01607         26        416:   7%|▋         | 8/119 [00:03<00:48,  2.29it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04472    0.02106    0.01602         38        416:   8%|▊         | 9/119 [00:03<00:51,  2.15it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04506     0.0201    0.01602         20        416:   8%|▊         | 10/119 [00:04<00:45,  2.40it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04446    0.01977    0.01591         25        416:   9%|▉         | 11/119 [00:04<00:42,  2.57it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04418    0.01987    0.01622         29        416:  10%|█         | 12/119 [00:04<00:41,  2.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04401     0.0191    0.01653         13        416:  11%|█         | 13/119 [00:06<01:02,  1.69it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04379    0.01954    0.01617         27        416:  12%|█▏        | 14/119 [00:06<00:54,  1.94it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G     0.0437    0.02003    0.01608         30        416:  13%|█▎        | 15/119 [00:06<00:48,  2.14it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04326    0.01958    0.01661         15        416:  13%|█▎        | 16/119 [00:07<00:44,  2.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04302    0.01938    0.01607         18        416:  14%|█▍        | 17/119 [00:07<00:49,  2.05it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04273    0.01913    0.01611         16        416:  15%|█▌        | 18/119 [00:08<00:48,  2.10it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04302    0.01934    0.01627         29        416:  16%|█▌        | 19/119 [00:08<00:42,  2.35it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04308    0.01982    0.01605         37        416:  17%|█▋        | 20/119 [00:08<00:39,  2.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04307    0.02019    0.01606         39        416:  18%|█▊        | 21/119 [00:09<00:38,  2.57it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G     0.0431     0.0208    0.01615         58        416:  18%|█▊        | 22/119 [00:11<01:28,  1.09it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04319    0.02085    0.01597         32        416:  19%|█▉        | 23/119 [00:12<01:25,  1.13it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04315    0.02113    0.01585         33        416:  20%|██        | 24/119 [00:12<01:21,  1.17it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04355    0.02089    0.01582         20        416:  21%|██        | 25/119 [00:13<01:06,  1.42it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G     0.0439    0.02081    0.01597         26        416:  22%|██▏       | 26/119 [00:13<00:57,  1.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04373    0.02096    0.01577         36        416:  23%|██▎       | 27/119 [00:14<00:53,  1.73it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04363    0.02087    0.01566         23        416:  24%|██▎       | 28/119 [00:14<00:45,  1.99it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G     0.0433    0.02098    0.01572         35        416:  24%|██▍       | 29/119 [00:14<00:40,  2.24it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04326      0.021    0.01561         31        416:  25%|██▌       | 30/119 [00:15<00:38,  2.31it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04322    0.02101    0.01559         31        416:  26%|██▌       | 31/119 [00:15<00:41,  2.14it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04355    0.02074    0.01542         19        416:  27%|██▋       | 32/119 [00:16<00:42,  2.05it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04331    0.02068    0.01535         29        416:  28%|██▊       | 33/119 [00:16<00:38,  2.23it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04332    0.02061     0.0153         23        416:  29%|██▊       | 34/119 [00:16<00:34,  2.49it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04339    0.02056    0.01546         21        416:  29%|██▉       | 35/119 [00:17<00:35,  2.39it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04344    0.02075    0.01552         44        416:  30%|███       | 36/119 [00:17<00:38,  2.16it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G     0.0433    0.02056    0.01546         19        416:  31%|███       | 37/119 [00:18<00:38,  2.11it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04326    0.02061    0.01539         34        416:  32%|███▏      | 38/119 [00:18<00:34,  2.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04344     0.0208    0.01546         41        416:  33%|███▎      | 39/119 [00:19<00:31,  2.55it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04341    0.02077    0.01535         28        416:  34%|███▎      | 40/119 [00:19<00:32,  2.47it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G     0.0433    0.02064    0.01546         22        416:  34%|███▍      | 41/119 [00:20<00:34,  2.24it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G     0.0433    0.02057    0.01548         24        416:  35%|███▌      | 42/119 [00:20<00:33,  2.28it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G     0.0433    0.02049    0.01555         22        416:  36%|███▌      | 43/119 [00:20<00:30,  2.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04328    0.02028    0.01555         21        416:  37%|███▋      | 44/119 [00:21<00:29,  2.50it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04332    0.02012     0.0154         18        416:  38%|███▊      | 45/119 [00:21<00:30,  2.41it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04325    0.01999    0.01541         21        416:  39%|███▊      | 46/119 [00:22<00:32,  2.26it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04325    0.02003    0.01531         26        416:  39%|███▉      | 47/119 [00:22<00:30,  2.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04325    0.01992    0.01528         16        416:  40%|████      | 48/119 [00:22<00:28,  2.53it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04312    0.01998    0.01521         28        416:  41%|████      | 49/119 [00:23<00:26,  2.64it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04306    0.02008    0.01516         36        416:  42%|████▏     | 50/119 [00:23<00:30,  2.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04292    0.02001    0.01508         26        416:  43%|████▎     | 51/119 [00:24<00:28,  2.40it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04291    0.01998    0.01505         25        416:  44%|████▎     | 52/119 [00:24<00:26,  2.51it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04316    0.01987    0.01526         14        416:  45%|████▍     | 53/119 [00:24<00:26,  2.54it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04307    0.01989    0.01522         32        416:  45%|████▌     | 54/119 [00:25<00:30,  2.16it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04301    0.01993    0.01516         29        416:  46%|████▌     | 55/119 [00:25<00:29,  2.18it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04301    0.01985     0.0152         21        416:  47%|████▋     | 56/119 [00:26<00:25,  2.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04296    0.01981    0.01509         28        416:  48%|████▊     | 57/119 [00:26<00:25,  2.47it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04294    0.01976      0.015         24        416:  49%|████▊     | 58/119 [00:27<00:26,  2.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04295    0.01977     0.0149         26        416:  50%|████▉     | 59/119 [00:27<00:26,  2.24it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04306    0.01985    0.01487         37        416:  50%|█████     | 60/119 [00:27<00:25,  2.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04312    0.01995    0.01483         38        416:  51%|█████▏    | 61/119 [00:28<00:22,  2.54it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04313    0.01993    0.01475         27        416:  52%|█████▏    | 62/119 [00:28<00:21,  2.62it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04329    0.01996    0.01472         27        416:  53%|█████▎    | 63/119 [00:29<00:24,  2.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04331    0.01982     0.0146         14        416:  54%|█████▍    | 64/119 [00:29<00:23,  2.30it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04328    0.01973    0.01458         16        416:  55%|█████▍    | 65/119 [00:29<00:21,  2.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04336    0.01975    0.01465         22        416:  55%|█████▌    | 66/119 [00:30<00:20,  2.57it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04346    0.01975    0.01471         34        416:  56%|█████▋    | 67/119 [00:30<00:21,  2.40it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04344    0.01982    0.01462         34        416:  57%|█████▋    | 68/119 [00:31<00:22,  2.27it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04329    0.01983    0.01459         26        416:  58%|█████▊    | 69/119 [00:31<00:20,  2.44it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04328    0.01993    0.01458         37        416:  59%|█████▉    | 70/119 [00:32<00:19,  2.52it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04329    0.01992    0.01451         27        416:  60%|█████▉    | 71/119 [00:32<00:21,  2.25it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04326    0.02009    0.01446         53        416:  61%|██████    | 72/119 [00:34<00:40,  1.15it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04327     0.0201    0.01442         25        416:  61%|██████▏   | 73/119 [00:34<00:33,  1.38it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04338    0.02016    0.01439         32        416:  62%|██████▏   | 74/119 [00:35<00:27,  1.65it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04331     0.0201    0.01437         22        416:  63%|██████▎   | 75/119 [00:35<00:24,  1.79it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04328    0.02018    0.01435         41        416:  64%|██████▍   | 76/119 [00:36<00:21,  1.96it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04326    0.02008    0.01451         15        416:  65%|██████▍   | 77/119 [00:36<00:21,  1.96it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04321    0.02006    0.01445         24        416:  66%|██████▌   | 78/119 [00:37<00:21,  1.93it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04312    0.01996    0.01439         13        416:  66%|██████▋   | 79/119 [00:37<00:18,  2.20it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04303    0.01991    0.01439         22        416:  67%|██████▋   | 80/119 [00:37<00:16,  2.41it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04304    0.01988    0.01438         22        416:  68%|██████▊   | 81/119 [00:38<00:14,  2.54it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04291    0.01986    0.01436         25        416:  69%|██████▉   | 82/119 [00:38<00:16,  2.21it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04295     0.0199    0.01439         32        416:  70%|██████▉   | 83/119 [00:39<00:16,  2.14it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04293    0.01992    0.01436         36        416:  71%|███████   | 84/119 [00:40<00:30,  1.13it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04285    0.01985    0.01441         17        416:  71%|███████▏  | 85/119 [00:41<00:24,  1.39it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04274    0.01983    0.01439         25        416:  72%|███████▏  | 86/119 [00:41<00:20,  1.62it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04283    0.01993    0.01442         44        416:  73%|███████▎  | 87/119 [00:44<00:37,  1.17s/it]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04286    0.02002    0.01439         38        416:  74%|███████▍  | 88/119 [00:44<00:30,  1.02it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04287    0.01998    0.01438         20        416:  75%|███████▍  | 89/119 [00:45<00:25,  1.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04291    0.01988     0.0145         15        416:  76%|███████▌  | 90/119 [00:45<00:19,  1.46it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G     0.0429     0.0198    0.01446         22        416:  76%|███████▋  | 91/119 [00:45<00:16,  1.75it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04294    0.01976     0.0144         16        416:  77%|███████▋  | 92/119 [00:46<00:13,  1.95it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04298    0.01978    0.01437         34        416:  78%|███████▊  | 93/119 [00:46<00:14,  1.83it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G     0.0429    0.01979    0.01437         25        416:  79%|███████▉  | 94/119 [00:47<00:13,  1.91it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04291    0.01973    0.01436         14        416:  80%|███████▉  | 95/119 [00:47<00:10,  2.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G     0.0429     0.0197    0.01433         29        416:  81%|████████  | 96/119 [00:47<00:09,  2.43it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04291    0.01973    0.01429         34        416:  82%|████████▏ | 97/119 [00:48<00:08,  2.48it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04293    0.01984    0.01426         38        416:  82%|████████▏ | 98/119 [00:48<00:09,  2.14it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04291    0.01984    0.01425         27        416:  83%|████████▎ | 99/119 [00:49<00:09,  2.21it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04288    0.01983    0.01424         27        416:  84%|████████▍ | 100/119 [00:49<00:08,  2.31it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04288    0.01987    0.01421         32        416:  85%|████████▍ | 101/119 [00:50<00:07,  2.39it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G     0.0429    0.01983     0.0142         27        416:  86%|████████▌ | 102/119 [00:50<00:07,  2.33it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04288    0.01999    0.01417         58        416:  87%|████████▋ | 103/119 [00:52<00:15,  1.03it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04291       0.02    0.01422         33        416:  87%|████████▋ | 104/119 [00:53<00:13,  1.10it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04291    0.02002     0.0142         33        416:  88%|████████▊ | 105/119 [00:53<00:10,  1.37it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04291    0.02006     0.0142         40        416:  89%|████████▉ | 106/119 [00:54<00:08,  1.61it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04289    0.02013    0.01417         43        416:  90%|████████▉ | 107/119 [00:54<00:06,  1.82it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04293    0.02011    0.01416         28        416:  91%|█████████ | 108/119 [00:55<00:06,  1.72it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04286    0.02009    0.01415         24        416:  92%|█████████▏| 109/119 [00:55<00:05,  1.81it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04283    0.02015    0.01411         40        416:  92%|█████████▏| 110/119 [00:56<00:04,  2.07it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04276    0.02015    0.01409         32        416:  93%|█████████▎| 111/119 [00:56<00:03,  2.29it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04277    0.02015    0.01412         30        416:  94%|█████████▍| 112/119 [00:56<00:02,  2.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04275     0.0201    0.01413         20        416:  95%|█████████▍| 113/119 [00:57<00:02,  2.28it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04271    0.02008     0.0141         25        416:  96%|█████████▌| 114/119 [00:57<00:02,  2.11it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04263    0.02004    0.01409         25        416:  97%|█████████▋| 115/119 [00:58<00:01,  2.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04263    0.01997    0.01407         15        416:  97%|█████████▋| 116/119 [00:58<00:01,  2.36it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04263    0.01989    0.01405         19        416:  98%|█████████▊| 117/119 [00:59<00:00,  2.15it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04261    0.01989      0.014         24        416:  99%|█████████▉| 118/119 [00:59<00:00,  2.19it/s]/Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/../yolov5/train.py:414: FutureWarning: `torch.cuda.amp.autocast(args...)` is deprecated. Please use `torch.amp.autocast('cuda', args...)` instead.

  with torch.cuda.amp.autocast(amp):

        9/9         0G    0.04255    0.01982    0.01398         14        416: 100%|██████████| 119/119 [01:00<00:00,  1.97it/s]

                 Class     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 23/23 [00:39<00:00,  1.73s/it]

                   all        354        923      0.724      0.606      0.642      0.338



10 epochs completed in 0.277 hours.

Optimizer stripped from ../yolov5/runs/train/exp5/weights/last.pt, 14.3MB

Optimizer stripped from ../yolov5/runs/train/exp5/weights/best.pt, 14.3MB



Validating ../yolov5/runs/train/exp5/weights/best.pt...

Fusing layers... 

Model summary: 157 layers, 7023610 parameters, 0 gradients, 15.8 GFLOPs

                 Class     Images  Instances          P          R      mAP50   mAP50-95: 100%|██████████| 23/23 [01:28<00:00,  3.86s/it]

                   all        354        923      0.723      0.606      0.641      0.339

                Dry_WH        354        247      0.735      0.239      0.356      0.195

              WH_swamp        354        235      0.708      0.987       0.94      0.576

                WH_wet        354        327      0.634      0.701      0.739      0.399

               WH_sink        354        114      0.813      0.495      0.529      0.187

Results saved to ../yolov5/runs/train/exp5

COMET INFO: ---------------------------------------------------------------------------------------

COMET INFO: Comet.ml OfflineExperiment Summary

COMET INFO: ---------------------------------------------------------------------------------------

COMET INFO:   Data:

COMET INFO:     display_summary_level : 1

COMET INFO:     name                  : exp

COMET INFO:     url                   : [OfflineExperiment will get URL after upload]

COMET INFO:   Metrics [count] (min, max):

COMET INFO:     loss [119]                : (0.528549313545227, 1.5725120306015015)

COMET INFO:     metrics/mAP_0.5 [20]      : (0.019362266298091717, 0.6420169517062724)

COMET INFO:     metrics/mAP_0.5:0.95 [20] : (0.00450800924801881, 0.33770201938302663)

COMET INFO:     metrics/precision [20]    : (0.18937611111024666, 0.7235850935474986)

COMET INFO:     metrics/recall [20]       : (0.024799921920749562, 0.6059325181514068)

COMET INFO:     train/box_loss [20]       : (0.042551614344120026, 0.11469913274049759)

COMET INFO:     train/cls_loss [20]       : (0.013977394439280033, 0.04604928195476532)

COMET INFO:     train/obj_loss [20]       : (0.01947224885225296, 0.02376299537718296)

COMET INFO:     val/box_loss [20]         : (0.037138596177101135, 0.09963671118021011)

COMET INFO:     val/cls_loss [20]         : (0.009527699090540409, 0.0394861176609993)

COMET INFO:     val/obj_loss [20]         : (0.013105587102472782, 0.01841583102941513)

COMET INFO:     x/lr0 [20]                : (0.00208, 0.07025210084033613)

COMET INFO:     x/lr1 [20]                : (0.00208, 0.007997535014005604)

COMET INFO:     x/lr2 [20]                : (0.00208, 0.007997535014005604)

COMET INFO:   Others:

COMET INFO:     Name                        : exp

COMET INFO:     comet_log_batch_metrics     : False

COMET INFO:     comet_log_confusion_matrix  : True

COMET INFO:     comet_log_per_class_metrics : False

COMET INFO:     comet_max_image_uploads     : 100

COMET INFO:     comet_mode                  : online

COMET INFO:     comet_model_name            : yolov5

COMET INFO:     hasNestedParams             : True

COMET INFO:     offline_experiment          : True

COMET INFO:   Parameters:

COMET INFO:     anchor_t            : 4.0

COMET INFO:     artifact_alias      : latest

COMET INFO:     batch_size          : 8

COMET INFO:     bbox_interval       : -1

COMET INFO:     box                 : 0.05

COMET INFO:     bucket              : 

COMET INFO:     cache               : None

COMET INFO:     cfg                 : 

COMET INFO:     cls                 : 0.03125

COMET INFO:     cls_pw              : 1.0

COMET INFO:     copy_paste          : 0.0

COMET INFO:     cos_lr              : False

COMET INFO:     degrees             : 0.0

COMET INFO:     entity              : None

COMET INFO:     evolve              : None

COMET INFO:     evolve_population   : ../yolov5/data/hyps

COMET INFO:     exist_ok            : False

COMET INFO:     fl_gamma            : 0.0

COMET INFO:     fliplr              : 0.5

COMET INFO:     flipud              : 0.0

COMET INFO:     freeze              : [0]

COMET INFO:     hsv_h               : 0.015

COMET INFO:     hsv_s               : 0.7

COMET INFO:     hsv_v               : 0.4

COMET INFO:     hyp|anchor_t        : 4.0

COMET INFO:     hyp|box             : 0.05

COMET INFO:     hyp|cls             : 0.5

COMET INFO:     hyp|cls_pw          : 1.0

COMET INFO:     hyp|copy_paste      : 0.0

COMET INFO:     hyp|degrees         : 0.0

COMET INFO:     hyp|fl_gamma        : 0.0

COMET INFO:     hyp|fliplr          : 0.5

COMET INFO:     hyp|flipud          : 0.0

COMET INFO:     hyp|hsv_h           : 0.015

COMET INFO:     hyp|hsv_s           : 0.7

COMET INFO:     hyp|hsv_v           : 0.4

COMET INFO:     hyp|iou_t           : 0.2

COMET INFO:     hyp|lr0             : 0.01

COMET INFO:     hyp|lrf             : 0.01

COMET INFO:     hyp|mixup           : 0.0

COMET INFO:     hyp|momentum        : 0.937

COMET INFO:     hyp|mosaic          : 1.0

COMET INFO:     hyp|obj             : 1.0

COMET INFO:     hyp|obj_pw          : 1.0

COMET INFO:     hyp|perspective     : 0.0

COMET INFO:     hyp|scale           : 0.5

COMET INFO:     hyp|shear           : 0.0

COMET INFO:     hyp|translate       : 0.1

COMET INFO:     hyp|warmup_bias_lr  : 0.1

COMET INFO:     hyp|warmup_epochs   : 3.0

COMET INFO:     hyp|warmup_momentum : 0.8

COMET INFO:     hyp|weight_decay    : 0.0005

COMET INFO:     image_weights       : False

COMET INFO:     imgsz               : 416

COMET INFO:     iou_t               : 0.2

COMET INFO:     label_smoothing     : 0.0

COMET INFO:     local_rank          : -1

COMET INFO:     lr0                 : 0.01

COMET INFO:     lrf                 : 0.01

COMET INFO:     mixup               : 0.0

COMET INFO:     momentum            : 0.937

COMET INFO:     mosaic              : 1.0

COMET INFO:     multi_scale         : False

COMET INFO:     name                : exp

COMET INFO:     ndjson_console      : False

COMET INFO:     ndjson_file         : False

COMET INFO:     noautoanchor        : False

COMET INFO:     noplots             : False

COMET INFO:     nosave              : False

COMET INFO:     noval               : False

COMET INFO:     obj                 : 0.42250000000000004

COMET INFO:     obj_pw              : 1.0

COMET INFO:     optimizer           : SGD

COMET INFO:     patience            : 100

COMET INFO:     perspective         : 0.0

COMET INFO:     project             : ../yolov5/runs/train

COMET INFO:     quad                : False

COMET INFO:     rect                : False

COMET INFO:     resume              : False

COMET INFO:     resume_evolve       : None

COMET INFO:     save_dir            : ../yolov5/runs/train/exp5

COMET INFO:     save_period         : 50

COMET INFO:     scale               : 0.5

COMET INFO:     seed                : 0

COMET INFO:     shear               : 0.0

COMET INFO:     single_cls          : False

COMET INFO:     sync_bn             : False

COMET INFO:     translate           : 0.1

COMET INFO:     upload_dataset      : False

COMET INFO:     val_conf_threshold  : 0.001

COMET INFO:     val_iou_threshold   : 0.6

COMET INFO:     warmup_bias_lr      : 0.1

COMET INFO:     warmup_epochs       : 3.0

COMET INFO:     warmup_momentum     : 0.8

COMET INFO:     weight_decay        : 0.0005

COMET INFO:   Uploads:

COMET INFO:     asset                        : 13 (1.59 MB)

COMET INFO:     conda-environment-definition : 1

COMET INFO:     conda-info                   : 1

COMET INFO:     conda-specification          : 1

COMET INFO:     confusion-matrix             : 1

COMET INFO:     environment details          : 1

COMET INFO:     git metadata                 : 1

COMET INFO:     images                       : 106

COMET INFO:     installed packages           : 1

COMET INFO:     model graph                  : 1

COMET INFO:     model-element                : 1 (13.68 MB)

COMET INFO: 

COMET INFO: Still saving offline stats to messages file before program termination (may take up to 120 seconds)

COMET INFO: Begin archiving the offline data.

COMET INFO: To upload this offline experiment, run:

    comet upload /Users/scottforrest/Library/CloudStorage/OneDrive-QueenslandUniversityofTechnology/FirstByte Waterholes WD/WaterholeDetection_UN-Handbook/.cometml-runs/c4e1e12f819e45b98034f8f9986a5658.zip

9. Model Evaluation

Metrics

We can check the results of the model training by looking at the images and figures that were generated by YOLOv5 in the “yolov5/runs/train/exp#” folder. This image shows various metrics over the course of the training epochs, including precision, recall, mAP (mean Average Precision), and loss values.

We only ran our model on a single image and for 10 epochs as a demonstration, but we can see that the model is learning to detect waterholes, with the precision and recall improving over time, and the loss values decreasing.

YOLOv5 training metrics

Predictions

Another way to assess the model performance is to look at the predictions made by the model on the validation dataset. YOLOv5 generates images showing the predicted bounding boxes and labels for each image in the validation set.

Original labels

If the model was working perfectly, it would recreate these labels exactly:

Labels

Model predictions

The model predictions show that it is able to detect many of the waterholes, but there are also some false positives (boxes around non-waterhole features) and some waterholes that were missed. This is expected given the limited training data and epochs used in this demonstration.

Predictions

Confusion Matrix

The confusion matrix provides a summary of the model’s performance by showing the number of true positives, false positives, true negatives, and false negatives. This helps to understand how well the model is distinguishing between waterholes and non-waterholes, and how it is mixing up the classes.

We can see in the confusion matrix that the model does perfectly for swamps, and quite well for wet waterholes, but there are many false positives for dry waterholes, which are often confused with other features in the landscape. These values sum in the columns, which means that around 71% of the actual dry waterholes were missed, about 26% were correctly identified, and around 2% of other features were incorrectly classified as wet waterholes.

Confusion Matrix

Appendix: Using an external drive for storage

As we were limited in storage, I ran the model on the SSD. To do so, I changed the cache to the SSD drive we are using as we are limited in the storage available locally. Needed to set the project to the SSD which saves the outputs and doesn’t increase the C: storage usage.

Need to actually create the D:/temp and D:/yolo_run on your Drive or external directory as follow:

Show the code
# set TMPDIR=D:/temp
# set TEMP=D:/temp
# set TMP=D:/temp
# set KMP_DUPLICATE_LIB_OK=TRUE 
# python C:/Users/fossatia/Documents/Waterholes_project/yolov5/train.py --device cuda:0 --img 416 --batch 4 --workers 2 --epochs 50 --data C:\Users\fossatia\Documents\Waterholes_project\counting_waterholes\config_train_Drive.yaml --weights C:/Users/fossatia/Documents/Waterholes_project/yolov5/runs/train/exp3/weights/best.pt --cache False --project D:/yolo_runs

The set KMP_DUPLICATE_LIB_OK=TRUE is not recommended on the error command… I tried to google it and it seems we should force an install of the Nomkl using ‘conda install nomkl –channel conda-forge’. However, by doing so, dependencies might be altered. To be checked.

End of this script.