Advertisement
Not a member of Pastebin yet?
Sign Up,
it unlocks many cool features!
- yolo detect train data=D:\workspace\ultralytics\my_coco.yaml model=yolov8n.yaml epochs=100 imgsz=256 workers=2 close_mosaic=100 project='bd' flipud=0.5 mosaic=0.0
- from n params module arguments
- 0 -1 1 464 ultralytics.nn.modules.Conv [3, 16, 3, 2]
- 1 -1 1 4672 ultralytics.nn.modules.Conv [16, 32, 3, 2]
- 2 -1 1 7360 ultralytics.nn.modules.C2f [32, 32, 1, True]
- 3 -1 1 18560 ultralytics.nn.modules.Conv [32, 64, 3, 2]
- 4 -1 2 49664 ultralytics.nn.modules.C2f [64, 64, 2, True]
- 5 -1 1 73984 ultralytics.nn.modules.Conv [64, 128, 3, 2]
- 6 -1 2 197632 ultralytics.nn.modules.C2f [128, 128, 2, True]
- 7 -1 1 295424 ultralytics.nn.modules.Conv [128, 256, 3, 2]
- 8 -1 1 460288 ultralytics.nn.modules.C2f [256, 256, 1, True]
- 9 -1 1 164608 ultralytics.nn.modules.SPPF [256, 256, 5]
- 10 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest']
- 11 [-1, 6] 1 0 ultralytics.nn.modules.Concat [1]
- 12 -1 1 148224 ultralytics.nn.modules.C2f [384, 128, 1]
- 13 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest']
- 14 [-1, 4] 1 0 ultralytics.nn.modules.Concat [1]
- 15 -1 1 37248 ultralytics.nn.modules.C2f [192, 64, 1]
- 16 -1 1 36992 ultralytics.nn.modules.Conv [64, 64, 3, 2]
- 17 [-1, 12] 1 0 ultralytics.nn.modules.Concat [1]
- 18 -1 1 123648 ultralytics.nn.modules.C2f [192, 128, 1]
- 19 -1 1 147712 ultralytics.nn.modules.Conv [128, 128, 3, 2]
- 20 [-1, 9] 1 0 ultralytics.nn.modules.Concat [1]
- 21 -1 1 493056 ultralytics.nn.modules.C2f [384, 256, 1]
- 22 [15, 18, 21] 1 897664 ultralytics.nn.modules.Detect [80, [64, 128, 256]]
- YOLOv8n summary: 225 layers, 3157200 parameters, 3157184 gradients, 8.9 GFLOPs
- New https://pypi.org/project/ultralytics/8.0.107 available Update with 'pip install -U ultralytics'
- Ultralytics YOLOv8.0.88 Python-3.10.10 torch-2.0.0+cu117 CUDA:0 (NVIDIA GeForce GTX 1660 Ti, 6144MiB)
- yolo\engine\trainer: task=detect, mode=train, model=yolov8n.yaml, data=D:\workspace\ultralytics\my_coco.yaml, epochs=100, patience=50, batch=16, imgsz=256, save=True, save_period=-1, cache=False, device=None, workers=2, project=bd,
- name=None, exist_ok=False, pretrained=False, optimizer=SGD, verbose=True, seed=0, deterministic=True, single_cls=False, image_weights=False, rect=False, cos_lr=False, close_mosaic=100, resume=False, amp=True, overlap_mask=True, mask
- _ratio=4, dropout=0.0, val=True, split=val, save_json=False, save_hybrid=False, conf=None, iou=0.7, max_det=300, half=False, dnn=False, plots=True, source=None, show=False, save_txt=False, save_conf=False, save_crop=False, show_labe
- ls=True, show_conf=True, vid_stride=1, line_thickness=3, visualize=False, augment=False, agnostic_nms=False, classes=None, retina_masks=False, boxes=True, format=torchscript, keras=False, optimize=False, int8=False, dynamic=False, s
- implify=False, opset=None, workspace=4, nms=False, 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=7.5, cls=0.5, dfl=1.5, pose=12.0, kobj=1.0, label_smoothing=
- 0.0, nbs=64, 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.5, fliplr=0.5, mosaic=0.0, mixup=0.0, copy_paste=0.0, cfg=None, v5loader=False, tracker=botsort.yaml, save_dir=bd\train
- Overriding model.yaml nc=80 with nc=1
- from n params module arguments
- 0 -1 1 464 ultralytics.nn.modules.Conv [3, 16, 3, 2]
- 1 -1 1 4672 ultralytics.nn.modules.Conv [16, 32, 3, 2]
- 2 -1 1 7360 ultralytics.nn.modules.C2f [32, 32, 1, True]
- 3 -1 1 18560 ultralytics.nn.modules.Conv [32, 64, 3, 2]
- 4 -1 2 49664 ultralytics.nn.modules.C2f [64, 64, 2, True]
- 5 -1 1 73984 ultralytics.nn.modules.Conv [64, 128, 3, 2]
- 6 -1 2 197632 ultralytics.nn.modules.C2f [128, 128, 2, True]
- 7 -1 1 295424 ultralytics.nn.modules.Conv [128, 256, 3, 2]
- 8 -1 1 460288 ultralytics.nn.modules.C2f [256, 256, 1, True]
- 9 -1 1 164608 ultralytics.nn.modules.SPPF [256, 256, 5]
- 10 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest']
- 11 [-1, 6] 1 0 ultralytics.nn.modules.Concat [1]
- 12 -1 1 148224 ultralytics.nn.modules.C2f [384, 128, 1]
- 13 -1 1 0 torch.nn.modules.upsampling.Upsample [None, 2, 'nearest']
- 14 [-1, 4] 1 0 ultralytics.nn.modules.Concat [1]
- 15 -1 1 37248 ultralytics.nn.modules.C2f [192, 64, 1]
- 16 -1 1 36992 ultralytics.nn.modules.Conv [64, 64, 3, 2]
- 17 [-1, 12] 1 0 ultralytics.nn.modules.Concat [1]
- 18 -1 1 123648 ultralytics.nn.modules.C2f [192, 128, 1]
- 19 -1 1 147712 ultralytics.nn.modules.Conv [128, 128, 3, 2]
- 20 [-1, 9] 1 0 ultralytics.nn.modules.Concat [1]
- 21 -1 1 493056 ultralytics.nn.modules.C2f [384, 256, 1]
- 22 [15, 18, 21] 1 751507 ultralytics.nn.modules.Detect [1, [64, 128, 256]]
- YOLOv8n summary: 225 layers, 3011043 parameters, 3011027 gradients, 8.2 GFLOPs
- AMP: running Automatic Mixed Precision (AMP) checks with YOLOv8n...
- AMP: checks passed
- optimizer: SGD(lr=0.01) with parameter groups 57 weight(decay=0.0), 64 weight(decay=0.0005), 63 bias
- train: Scanning D:\workspace\ultralytics\datasets\data\labels\train.cache... 4270 images, 0 backgrounds, 0 corrupt: 100%|██████████| 4270/4270 [00:00<?, ?it/s]
- val: Scanning D:\workspace\ultralytics\datasets\data\labels\test.cache... 1391 images, 0 backgrounds, 0 corrupt: 100%|██████████| 1391/1391 [00:00<?, ?it/s]
- Plotting labels to bd\train\labels.jpg...
- Image sizes 256 train, 256 val
- Using 2 dataloader workers
- Logging results to bd\train
- Starting training for 100 epochs...
- Closing dataloader mosaic
- Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
- 1/100 1.33G nan nan nan 183 256: 100%|██████████| 267/267 [00:42<00:00, 6.26it/s]
- Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 44/44 [00:05<00:00, 8.18it/s]
- all 1391 26278 0 0 0 0
- Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
- 2/100 1.51G nan nan nan 725 256: 100%|██████████| 267/267 [00:40<00:00, 6.54it/s]
- Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 44/44 [00:05<00:00, 7.99it/s]
- all 1391 26278 0 0 0 0
- Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
- 3/100 1.33G nan nan nan 159 256: 100%|██████████| 267/267 [00:40<00:00, 6.53it/s]
- Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 44/44 [00:05<00:00, 7.94it/s]
- all 1391 26278 0 0 0 0
- Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
- 4/100 1.59G nan nan nan 195 256: 100%|██████████| 267/267 [00:41<00:00, 6.48it/s]
- Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 44/44 [00:05<00:00, 7.84it/s]
- all 1391 26278 0 0 0 0
- Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
- 5/100 1.53G nan nan nan 404 256: 100%|██████████| 267/267 [00:42<00:00, 6.26it/s]
- Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 44/44 [00:05<00:00, 7.81it/s]
- all 1391 26278 0 0 0 0
- Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
- 6/100 1.6G nan nan nan 605 256: 100%|██████████| 267/267 [00:42<00:00, 6.35it/s]
- Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 44/44 [00:05<00:00, 7.81it/s]
- all 1391 26278 0 0 0 0
- Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
- 7/100 1.44G nan nan nan 198 256: 100%|██████████| 267/267 [00:42<00:00, 6.34it/s]
- Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 44/44 [00:05<00:00, 7.81it/s]
- all 1391 26278 0 0 0 0
- Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
- 8/100 1.43G nan nan nan 159 256: 100%|██████████| 267/267 [00:47<00:00, 5.66it/s]
- Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 44/44 [00:05<00:00, 7.43it/s]
- all 1391 26278 0 0 0 0
- Epoch GPU_mem box_loss cls_loss dfl_loss Instances Size
- 9/100 1.27G nan nan nan 905 256: 100%|██████████| 267/267 [00:44<00:00, 6.03it/s]
- Class Images Instances Box(P R mAP50 mAP50-95): 100%|██████████| 44/44 [00:06<00:00, 7.13it/s]
- all 1391 26278 0 0 0 0
Advertisement
Add Comment
Please, Sign In to add comment
Advertisement