Vous ne pouvez pas sélectionner plus de 25 sujets Les noms de sujets doivent commencer par une lettre ou un nombre, peuvent contenir des tirets ('-') et peuvent comporter jusqu'à 35 caractères.

1208 lignes
49KB

  1. import glob
  2. import math
  3. import os
  4. import random
  5. import shutil
  6. import subprocess
  7. import time
  8. from copy import copy
  9. from pathlib import Path
  10. from sys import platform
  11. import cv2
  12. import matplotlib
  13. import matplotlib.pyplot as plt
  14. import numpy as np
  15. import torch
  16. import torch.nn as nn
  17. import torchvision
  18. import yaml
  19. from scipy.signal import butter, filtfilt
  20. from tqdm import tqdm
  21. from . import torch_utils #  torch_utils, google_utils
  22. # Set printoptions
  23. torch.set_printoptions(linewidth=320, precision=5, profile='long')
  24. np.set_printoptions(linewidth=320, formatter={'float_kind': '{:11.5g}'.format}) # format short g, %precision=5
  25. matplotlib.rc('font', **{'size': 11})
  26. # Prevent OpenCV from multithreading (to use PyTorch DataLoader)
  27. cv2.setNumThreads(0)
  28. def init_seeds(seed=0):
  29. random.seed(seed)
  30. np.random.seed(seed)
  31. torch_utils.init_seeds(seed=seed)
  32. def check_git_status():
  33. # Suggest 'git pull' if repo is out of date
  34. if platform in ['linux', 'darwin']:
  35. s = subprocess.check_output('if [ -d .git ]; then git fetch && git status -uno; fi', shell=True).decode('utf-8')
  36. if 'Your branch is behind' in s:
  37. print(s[s.find('Your branch is behind'):s.find('\n\n')] + '\n')
  38. def check_img_size(img_size, s=32):
  39. # Verify img_size is a multiple of stride s
  40. new_size = make_divisible(img_size, s) # ceil gs-multiple
  41. if new_size != img_size:
  42. print('WARNING: --img-size %g must be multiple of max stride %g, updating to %g' % (img_size, s, new_size))
  43. return new_size
  44. def check_anchors(dataset, model, thr=4.0, imgsz=640):
  45. # Check anchor fit to data, recompute if necessary
  46. print('\nAnalyzing anchors... ', end='')
  47. m = model.module.model[-1] if hasattr(model, 'module') else model.model[-1] # Detect()
  48. shapes = imgsz * dataset.shapes / dataset.shapes.max(1, keepdims=True)
  49. scale = np.random.uniform(0.9, 1.1, size=(shapes.shape[0], 1)) # augment scale
  50. wh = torch.tensor(np.concatenate([l[:, 3:5] * s for s, l in zip(shapes * scale, dataset.labels)])).float() # wh
  51. def metric(k): # compute metric
  52. r = wh[:, None] / k[None]
  53. x = torch.min(r, 1. / r).min(2)[0] # ratio metric
  54. best = x.max(1)[0] # best_x
  55. return (best > 1. / thr).float().mean() #  best possible recall
  56. bpr = metric(m.anchor_grid.clone().cpu().view(-1, 2))
  57. print('Best Possible Recall (BPR) = %.4f' % bpr, end='')
  58. if bpr < 0.99: # threshold to recompute
  59. print('. Attempting to generate improved anchors, please wait...' % bpr)
  60. na = m.anchor_grid.numel() // 2 # number of anchors
  61. new_anchors = kmean_anchors(dataset, n=na, img_size=imgsz, thr=thr, gen=1000, verbose=False)
  62. new_bpr = metric(new_anchors.reshape(-1, 2))
  63. if new_bpr > bpr: # replace anchors
  64. new_anchors = torch.tensor(new_anchors, device=m.anchors.device).type_as(m.anchors)
  65. m.anchor_grid[:] = new_anchors.clone().view_as(m.anchor_grid) # for inference
  66. m.anchors[:] = new_anchors.clone().view_as(m.anchors) / m.stride.to(m.anchors.device).view(-1, 1, 1) # loss
  67. check_anchor_order(m)
  68. print('New anchors saved to model. Update model *.yaml to use these anchors in the future.')
  69. else:
  70. print('Original anchors better than new anchors. Proceeding with original anchors.')
  71. print('') # newline
  72. def check_anchor_order(m):
  73. # Check anchor order against stride order for YOLOv5 Detect() module m, and correct if necessary
  74. a = m.anchor_grid.prod(-1).view(-1) # anchor area
  75. da = a[-1] - a[0] # delta a
  76. ds = m.stride[-1] - m.stride[0] # delta s
  77. if da.sign() != ds.sign(): # same order
  78. m.anchors[:] = m.anchors.flip(0)
  79. m.anchor_grid[:] = m.anchor_grid.flip(0)
  80. def check_file(file):
  81. # Searches for file if not found locally
  82. if os.path.isfile(file):
  83. return file
  84. else:
  85. files = glob.glob('./**/' + file, recursive=True) # find file
  86. assert len(files), 'File Not Found: %s' % file # assert file was found
  87. return files[0] # return first file if multiple found
  88. def make_divisible(x, divisor):
  89. # Returns x evenly divisble by divisor
  90. return math.ceil(x / divisor) * divisor
  91. def labels_to_class_weights(labels, nc=80):
  92. # Get class weights (inverse frequency) from training labels
  93. if labels[0] is None: # no labels loaded
  94. return torch.Tensor()
  95. labels = np.concatenate(labels, 0) # labels.shape = (866643, 5) for COCO
  96. classes = labels[:, 0].astype(np.int) # labels = [class xywh]
  97. weights = np.bincount(classes, minlength=nc) # occurences per class
  98. # Prepend gridpoint count (for uCE trianing)
  99. # gpi = ((320 / 32 * np.array([1, 2, 4])) ** 2 * 3).sum() # gridpoints per image
  100. # weights = np.hstack([gpi * len(labels) - weights.sum() * 9, weights * 9]) ** 0.5 # prepend gridpoints to start
  101. weights[weights == 0] = 1 # replace empty bins with 1
  102. weights = 1 / weights # number of targets per class
  103. weights /= weights.sum() # normalize
  104. return torch.from_numpy(weights)
  105. def labels_to_image_weights(labels, nc=80, class_weights=np.ones(80)):
  106. # Produces image weights based on class mAPs
  107. n = len(labels)
  108. class_counts = np.array([np.bincount(labels[i][:, 0].astype(np.int), minlength=nc) for i in range(n)])
  109. image_weights = (class_weights.reshape(1, nc) * class_counts).sum(1)
  110. # index = random.choices(range(n), weights=image_weights, k=1) # weight image sample
  111. return image_weights
  112. def coco80_to_coco91_class(): # converts 80-index (val2014) to 91-index (paper)
  113. # https://tech.amikelive.com/node-718/what-object-categories-labels-are-in-coco-dataset/
  114. # a = np.loadtxt('data/coco.names', dtype='str', delimiter='\n')
  115. # b = np.loadtxt('data/coco_paper.names', dtype='str', delimiter='\n')
  116. # x1 = [list(a[i] == b).index(True) + 1 for i in range(80)] # darknet to coco
  117. # x2 = [list(b[i] == a).index(True) if any(b[i] == a) else None for i in range(91)] # coco to darknet
  118. x = [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 27, 28, 31, 32, 33, 34,
  119. 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63,
  120. 64, 65, 67, 70, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 84, 85, 86, 87, 88, 89, 90]
  121. return x
  122. def xyxy2xywh(x):
  123. # Convert nx4 boxes from [x1, y1, x2, y2] to [x, y, w, h] where xy1=top-left, xy2=bottom-right
  124. y = torch.zeros_like(x) if isinstance(x, torch.Tensor) else np.zeros_like(x)
  125. y[:, 0] = (x[:, 0] + x[:, 2]) / 2 # x center
  126. y[:, 1] = (x[:, 1] + x[:, 3]) / 2 # y center
  127. y[:, 2] = x[:, 2] - x[:, 0] # width
  128. y[:, 3] = x[:, 3] - x[:, 1] # height
  129. return y
  130. def xywh2xyxy(x):
  131. # Convert nx4 boxes from [x, y, w, h] to [x1, y1, x2, y2] where xy1=top-left, xy2=bottom-right
  132. y = torch.zeros_like(x) if isinstance(x, torch.Tensor) else np.zeros_like(x)
  133. y[:, 0] = x[:, 0] - x[:, 2] / 2 # top left x
  134. y[:, 1] = x[:, 1] - x[:, 3] / 2 # top left y
  135. y[:, 2] = x[:, 0] + x[:, 2] / 2 # bottom right x
  136. y[:, 3] = x[:, 1] + x[:, 3] / 2 # bottom right y
  137. return y
  138. def scale_coords(img1_shape, coords, img0_shape, ratio_pad=None):
  139. # Rescale coords (xyxy) from img1_shape to img0_shape
  140. if ratio_pad is None: # calculate from img0_shape
  141. gain = max(img1_shape) / max(img0_shape) # gain = old / new
  142. pad = (img1_shape[1] - img0_shape[1] * gain) / 2, (img1_shape[0] - img0_shape[0] * gain) / 2 # wh padding
  143. else:
  144. gain = ratio_pad[0][0]
  145. pad = ratio_pad[1]
  146. coords[:, [0, 2]] -= pad[0] # x padding
  147. coords[:, [1, 3]] -= pad[1] # y padding
  148. coords[:, :4] /= gain
  149. clip_coords(coords, img0_shape)
  150. return coords
  151. def clip_coords(boxes, img_shape):
  152. # Clip bounding xyxy bounding boxes to image shape (height, width)
  153. boxes[:, 0].clamp_(0, img_shape[1]) # x1
  154. boxes[:, 1].clamp_(0, img_shape[0]) # y1
  155. boxes[:, 2].clamp_(0, img_shape[1]) # x2
  156. boxes[:, 3].clamp_(0, img_shape[0]) # y2
  157. def ap_per_class(tp, conf, pred_cls, target_cls):
  158. """ Compute the average precision, given the recall and precision curves.
  159. Source: https://github.com/rafaelpadilla/Object-Detection-Metrics.
  160. # Arguments
  161. tp: True positives (nparray, nx1 or nx10).
  162. conf: Objectness value from 0-1 (nparray).
  163. pred_cls: Predicted object classes (nparray).
  164. target_cls: True object classes (nparray).
  165. # Returns
  166. The average precision as computed in py-faster-rcnn.
  167. """
  168. # Sort by objectness
  169. i = np.argsort(-conf)
  170. tp, conf, pred_cls = tp[i], conf[i], pred_cls[i]
  171. # Find unique classes
  172. unique_classes = np.unique(target_cls)
  173. # Create Precision-Recall curve and compute AP for each class
  174. pr_score = 0.1 # score to evaluate P and R https://github.com/ultralytics/yolov3/issues/898
  175. s = [unique_classes.shape[0], tp.shape[1]] # number class, number iou thresholds (i.e. 10 for mAP0.5...0.95)
  176. ap, p, r = np.zeros(s), np.zeros(s), np.zeros(s)
  177. for ci, c in enumerate(unique_classes):
  178. i = pred_cls == c
  179. n_gt = (target_cls == c).sum() # Number of ground truth objects
  180. n_p = i.sum() # Number of predicted objects
  181. if n_p == 0 or n_gt == 0:
  182. continue
  183. else:
  184. # Accumulate FPs and TPs
  185. fpc = (1 - tp[i]).cumsum(0)
  186. tpc = tp[i].cumsum(0)
  187. # Recall
  188. recall = tpc / (n_gt + 1e-16) # recall curve
  189. r[ci] = np.interp(-pr_score, -conf[i], recall[:, 0]) # r at pr_score, negative x, xp because xp decreases
  190. # Precision
  191. precision = tpc / (tpc + fpc) # precision curve
  192. p[ci] = np.interp(-pr_score, -conf[i], precision[:, 0]) # p at pr_score
  193. # AP from recall-precision curve
  194. for j in range(tp.shape[1]):
  195. ap[ci, j] = compute_ap(recall[:, j], precision[:, j])
  196. # Plot
  197. # fig, ax = plt.subplots(1, 1, figsize=(5, 5))
  198. # ax.plot(recall, precision)
  199. # ax.set_xlabel('Recall')
  200. # ax.set_ylabel('Precision')
  201. # ax.set_xlim(0, 1.01)
  202. # ax.set_ylim(0, 1.01)
  203. # fig.tight_layout()
  204. # fig.savefig('PR_curve.png', dpi=300)
  205. # Compute F1 score (harmonic mean of precision and recall)
  206. f1 = 2 * p * r / (p + r + 1e-16)
  207. return p, r, ap, f1, unique_classes.astype('int32')
  208. def compute_ap(recall, precision):
  209. """ Compute the average precision, given the recall and precision curves.
  210. Source: https://github.com/rbgirshick/py-faster-rcnn.
  211. # Arguments
  212. recall: The recall curve (list).
  213. precision: The precision curve (list).
  214. # Returns
  215. The average precision as computed in py-faster-rcnn.
  216. """
  217. # Append sentinel values to beginning and end
  218. mrec = np.concatenate(([0.], recall, [min(recall[-1] + 1E-3, 1.)]))
  219. mpre = np.concatenate(([0.], precision, [0.]))
  220. # Compute the precision envelope
  221. mpre = np.flip(np.maximum.accumulate(np.flip(mpre)))
  222. # Integrate area under curve
  223. method = 'interp' # methods: 'continuous', 'interp'
  224. if method == 'interp':
  225. x = np.linspace(0, 1, 101) # 101-point interp (COCO)
  226. ap = np.trapz(np.interp(x, mrec, mpre), x) # integrate
  227. else: # 'continuous'
  228. i = np.where(mrec[1:] != mrec[:-1])[0] # points where x axis (recall) changes
  229. ap = np.sum((mrec[i + 1] - mrec[i]) * mpre[i + 1]) # area under curve
  230. return ap
  231. def bbox_iou(box1, box2, x1y1x2y2=True, GIoU=False, DIoU=False, CIoU=False):
  232. # Returns the IoU of box1 to box2. box1 is 4, box2 is nx4
  233. box2 = box2.t()
  234. # Get the coordinates of bounding boxes
  235. if x1y1x2y2: # x1, y1, x2, y2 = box1
  236. b1_x1, b1_y1, b1_x2, b1_y2 = box1[0], box1[1], box1[2], box1[3]
  237. b2_x1, b2_y1, b2_x2, b2_y2 = box2[0], box2[1], box2[2], box2[3]
  238. else: # transform from xywh to xyxy
  239. b1_x1, b1_x2 = box1[0] - box1[2] / 2, box1[0] + box1[2] / 2
  240. b1_y1, b1_y2 = box1[1] - box1[3] / 2, box1[1] + box1[3] / 2
  241. b2_x1, b2_x2 = box2[0] - box2[2] / 2, box2[0] + box2[2] / 2
  242. b2_y1, b2_y2 = box2[1] - box2[3] / 2, box2[1] + box2[3] / 2
  243. # Intersection area
  244. inter = (torch.min(b1_x2, b2_x2) - torch.max(b1_x1, b2_x1)).clamp(0) * \
  245. (torch.min(b1_y2, b2_y2) - torch.max(b1_y1, b2_y1)).clamp(0)
  246. # Union Area
  247. w1, h1 = b1_x2 - b1_x1, b1_y2 - b1_y1
  248. w2, h2 = b2_x2 - b2_x1, b2_y2 - b2_y1
  249. union = (w1 * h1 + 1e-16) + w2 * h2 - inter
  250. iou = inter / union # iou
  251. if GIoU or DIoU or CIoU:
  252. cw = torch.max(b1_x2, b2_x2) - torch.min(b1_x1, b2_x1) # convex (smallest enclosing box) width
  253. ch = torch.max(b1_y2, b2_y2) - torch.min(b1_y1, b2_y1) # convex height
  254. if GIoU: # Generalized IoU https://arxiv.org/pdf/1902.09630.pdf
  255. c_area = cw * ch + 1e-16 # convex area
  256. return iou - (c_area - union) / c_area # GIoU
  257. if DIoU or CIoU: # Distance or Complete IoU https://arxiv.org/abs/1911.08287v1
  258. # convex diagonal squared
  259. c2 = cw ** 2 + ch ** 2 + 1e-16
  260. # centerpoint distance squared
  261. rho2 = ((b2_x1 + b2_x2) - (b1_x1 + b1_x2)) ** 2 / 4 + ((b2_y1 + b2_y2) - (b1_y1 + b1_y2)) ** 2 / 4
  262. if DIoU:
  263. return iou - rho2 / c2 # DIoU
  264. elif CIoU: # https://github.com/Zzh-tju/DIoU-SSD-pytorch/blob/master/utils/box/box_utils.py#L47
  265. v = (4 / math.pi ** 2) * torch.pow(torch.atan(w2 / h2) - torch.atan(w1 / h1), 2)
  266. with torch.no_grad():
  267. alpha = v / (1 - iou + v)
  268. return iou - (rho2 / c2 + v * alpha) # CIoU
  269. return iou
  270. def box_iou(box1, box2):
  271. # https://github.com/pytorch/vision/blob/master/torchvision/ops/boxes.py
  272. """
  273. Return intersection-over-union (Jaccard index) of boxes.
  274. Both sets of boxes are expected to be in (x1, y1, x2, y2) format.
  275. Arguments:
  276. box1 (Tensor[N, 4])
  277. box2 (Tensor[M, 4])
  278. Returns:
  279. iou (Tensor[N, M]): the NxM matrix containing the pairwise
  280. IoU values for every element in boxes1 and boxes2
  281. """
  282. def box_area(box):
  283. # box = 4xn
  284. return (box[2] - box[0]) * (box[3] - box[1])
  285. area1 = box_area(box1.t())
  286. area2 = box_area(box2.t())
  287. # inter(N,M) = (rb(N,M,2) - lt(N,M,2)).clamp(0).prod(2)
  288. inter = (torch.min(box1[:, None, 2:], box2[:, 2:]) - torch.max(box1[:, None, :2], box2[:, :2])).clamp(0).prod(2)
  289. return inter / (area1[:, None] + area2 - inter) # iou = inter / (area1 + area2 - inter)
  290. def wh_iou(wh1, wh2):
  291. # Returns the nxm IoU matrix. wh1 is nx2, wh2 is mx2
  292. wh1 = wh1[:, None] # [N,1,2]
  293. wh2 = wh2[None] # [1,M,2]
  294. inter = torch.min(wh1, wh2).prod(2) # [N,M]
  295. return inter / (wh1.prod(2) + wh2.prod(2) - inter) # iou = inter / (area1 + area2 - inter)
  296. class FocalLoss(nn.Module):
  297. # Wraps focal loss around existing loss_fcn(), i.e. criteria = FocalLoss(nn.BCEWithLogitsLoss(), gamma=1.5)
  298. def __init__(self, loss_fcn, gamma=1.5, alpha=0.25):
  299. super(FocalLoss, self).__init__()
  300. self.loss_fcn = loss_fcn # must be nn.BCEWithLogitsLoss()
  301. self.gamma = gamma
  302. self.alpha = alpha
  303. self.reduction = loss_fcn.reduction
  304. self.loss_fcn.reduction = 'none' # required to apply FL to each element
  305. def forward(self, pred, true):
  306. loss = self.loss_fcn(pred, true)
  307. # p_t = torch.exp(-loss)
  308. # loss *= self.alpha * (1.000001 - p_t) ** self.gamma # non-zero power for gradient stability
  309. # TF implementation https://github.com/tensorflow/addons/blob/v0.7.1/tensorflow_addons/losses/focal_loss.py
  310. pred_prob = torch.sigmoid(pred) # prob from logits
  311. p_t = true * pred_prob + (1 - true) * (1 - pred_prob)
  312. alpha_factor = true * self.alpha + (1 - true) * (1 - self.alpha)
  313. modulating_factor = (1.0 - p_t) ** self.gamma
  314. loss *= alpha_factor * modulating_factor
  315. if self.reduction == 'mean':
  316. return loss.mean()
  317. elif self.reduction == 'sum':
  318. return loss.sum()
  319. else: # 'none'
  320. return loss
  321. def smooth_BCE(eps=0.1): # https://github.com/ultralytics/yolov3/issues/238#issuecomment-598028441
  322. # return positive, negative label smoothing BCE targets
  323. return 1.0 - 0.5 * eps, 0.5 * eps
  324. class BCEBlurWithLogitsLoss(nn.Module):
  325. # BCEwithLogitLoss() with reduced missing label effects.
  326. def __init__(self, alpha=0.05):
  327. super(BCEBlurWithLogitsLoss, self).__init__()
  328. self.loss_fcn = nn.BCEWithLogitsLoss(reduction='none') # must be nn.BCEWithLogitsLoss()
  329. self.alpha = alpha
  330. def forward(self, pred, true):
  331. loss = self.loss_fcn(pred, true)
  332. pred = torch.sigmoid(pred) # prob from logits
  333. dx = pred - true # reduce only missing label effects
  334. # dx = (pred - true).abs() # reduce missing label and false label effects
  335. alpha_factor = 1 - torch.exp((dx - 1) / (self.alpha + 1e-4))
  336. loss *= alpha_factor
  337. return loss.mean()
  338. def compute_loss(p, targets, model): # predictions, targets, model
  339. ft = torch.cuda.FloatTensor if p[0].is_cuda else torch.Tensor
  340. lcls, lbox, lobj = ft([0]), ft([0]), ft([0])
  341. tcls, tbox, indices, anchors = build_targets(p, targets, model) # targets
  342. h = model.hyp # hyperparameters
  343. red = 'mean' # Loss reduction (sum or mean)
  344. # Define criteria
  345. BCEcls = nn.BCEWithLogitsLoss(pos_weight=ft([h['cls_pw']]), reduction=red)
  346. BCEobj = nn.BCEWithLogitsLoss(pos_weight=ft([h['obj_pw']]), reduction=red)
  347. # class label smoothing https://arxiv.org/pdf/1902.04103.pdf eqn 3
  348. cp, cn = smooth_BCE(eps=0.0)
  349. # focal loss
  350. g = h['fl_gamma'] # focal loss gamma
  351. if g > 0:
  352. BCEcls, BCEobj = FocalLoss(BCEcls, g), FocalLoss(BCEobj, g)
  353. # per output
  354. nt = 0 # targets
  355. for i, pi in enumerate(p): # layer index, layer predictions
  356. b, a, gj, gi = indices[i] # image, anchor, gridy, gridx
  357. tobj = torch.zeros_like(pi[..., 0]) # target obj
  358. nb = b.shape[0] # number of targets
  359. if nb:
  360. nt += nb # cumulative targets
  361. ps = pi[b, a, gj, gi] # prediction subset corresponding to targets
  362. # GIoU
  363. pxy = ps[:, :2].sigmoid() * 2. - 0.5
  364. pwh = (ps[:, 2:4].sigmoid() * 2) ** 2 * anchors[i]
  365. pbox = torch.cat((pxy, pwh), 1) # predicted box
  366. giou = bbox_iou(pbox.t(), tbox[i], x1y1x2y2=False, GIoU=True) # giou(prediction, target)
  367. lbox += (1.0 - giou).sum() if red == 'sum' else (1.0 - giou).mean() # giou loss
  368. # Obj
  369. tobj[b, a, gj, gi] = (1.0 - model.gr) + model.gr * giou.detach().clamp(0).type(tobj.dtype) # giou ratio
  370. # Class
  371. if model.nc > 1: # cls loss (only if multiple classes)
  372. t = torch.full_like(ps[:, 5:], cn) # targets
  373. t[range(nb), tcls[i]] = cp
  374. lcls += BCEcls(ps[:, 5:], t) # BCE
  375. # Append targets to text file
  376. # with open('targets.txt', 'a') as file:
  377. # [file.write('%11.5g ' * 4 % tuple(x) + '\n') for x in torch.cat((txy[i], twh[i]), 1)]
  378. lobj += BCEobj(pi[..., 4], tobj) # obj loss
  379. lbox *= h['giou']
  380. lobj *= h['obj']
  381. lcls *= h['cls']
  382. bs = tobj.shape[0] # batch size
  383. if red == 'sum':
  384. g = 3.0 # loss gain
  385. lobj *= g / bs
  386. if nt:
  387. lcls *= g / nt / model.nc
  388. lbox *= g / nt
  389. loss = lbox + lobj + lcls
  390. return loss * bs, torch.cat((lbox, lobj, lcls, loss)).detach()
  391. def build_targets(p, targets, model):
  392. # Build targets for compute_loss(), input targets(image,class,x,y,w,h)
  393. det = model.module.model[-1] if type(model) in (nn.parallel.DataParallel, nn.parallel.DistributedDataParallel) \
  394. else model.model[-1] # Detect() module
  395. na, nt = det.na, targets.shape[0] # number of anchors, targets
  396. tcls, tbox, indices, anch = [], [], [], []
  397. gain = torch.ones(6, device=targets.device) # normalized to gridspace gain
  398. off = torch.tensor([[1, 0], [0, 1], [-1, 0], [0, -1]], device=targets.device).float() # overlap offsets
  399. at = torch.arange(na).view(na, 1).repeat(1, nt) # anchor tensor, same as .repeat_interleave(nt)
  400. style = 'rect4'
  401. for i in range(det.nl):
  402. anchors = det.anchors[i]
  403. gain[2:] = torch.tensor(p[i].shape)[[3, 2, 3, 2]] # xyxy gain
  404. # Match targets to anchors
  405. a, t, offsets = [], targets * gain, 0
  406. if nt:
  407. r = t[None, :, 4:6] / anchors[:, None] # wh ratio
  408. j = torch.max(r, 1. / r).max(2)[0] < model.hyp['anchor_t'] # compare
  409. # j = wh_iou(anchors, t[:, 4:6]) > model.hyp['iou_t'] # iou(3,n) = wh_iou(anchors(3,2), gwh(n,2))
  410. a, t = at[j], t.repeat(na, 1, 1)[j] # filter
  411. # overlaps
  412. gxy = t[:, 2:4] # grid xy
  413. z = torch.zeros_like(gxy)
  414. if style == 'rect2':
  415. g = 0.2 # offset
  416. j, k = ((gxy % 1. < g) & (gxy > 1.)).T
  417. a, t = torch.cat((a, a[j], a[k]), 0), torch.cat((t, t[j], t[k]), 0)
  418. offsets = torch.cat((z, z[j] + off[0], z[k] + off[1]), 0) * g
  419. elif style == 'rect4':
  420. g = 0.5 # offset
  421. j, k = ((gxy % 1. < g) & (gxy > 1.)).T
  422. l, m = ((gxy % 1. > (1 - g)) & (gxy < (gain[[2, 3]] - 1.))).T
  423. a, t = torch.cat((a, a[j], a[k], a[l], a[m]), 0), torch.cat((t, t[j], t[k], t[l], t[m]), 0)
  424. offsets = torch.cat((z, z[j] + off[0], z[k] + off[1], z[l] + off[2], z[m] + off[3]), 0) * g
  425. # Define
  426. b, c = t[:, :2].long().T # image, class
  427. gxy = t[:, 2:4] # grid xy
  428. gwh = t[:, 4:6] # grid wh
  429. gij = (gxy - offsets).long()
  430. gi, gj = gij.T # grid xy indices
  431. # Append
  432. indices.append((b, a, gj, gi)) # image, anchor, grid indices
  433. tbox.append(torch.cat((gxy - gij, gwh), 1)) # box
  434. anch.append(anchors[a]) # anchors
  435. tcls.append(c) # class
  436. return tcls, tbox, indices, anch
  437. def non_max_suppression(prediction, conf_thres=0.1, iou_thres=0.6, merge=False, classes=None, agnostic=False):
  438. """Performs Non-Maximum Suppression (NMS) on inference results
  439. Returns:
  440. detections with shape: nx6 (x1, y1, x2, y2, conf, cls)
  441. """
  442. if prediction.dtype is torch.float16:
  443. prediction = prediction.float() # to FP32
  444. nc = prediction[0].shape[1] - 5 # number of classes
  445. xc = prediction[..., 4] > conf_thres # candidates
  446. # Settings
  447. min_wh, max_wh = 2, 4096 # (pixels) minimum and maximum box width and height
  448. max_det = 300 # maximum number of detections per image
  449. time_limit = 10.0 # seconds to quit after
  450. redundant = True # require redundant detections
  451. multi_label = nc > 1 # multiple labels per box (adds 0.5ms/img)
  452. t = time.time()
  453. output = [None] * prediction.shape[0]
  454. for xi, x in enumerate(prediction): # image index, image inference
  455. # Apply constraints
  456. # x[((x[..., 2:4] < min_wh) | (x[..., 2:4] > max_wh)).any(1), 4] = 0 # width-height
  457. x = x[xc[xi]] # confidence
  458. # If none remain process next image
  459. if not x.shape[0]:
  460. continue
  461. # Compute conf
  462. x[:, 5:] *= x[:, 4:5] # conf = obj_conf * cls_conf
  463. # Box (center x, center y, width, height) to (x1, y1, x2, y2)
  464. box = xywh2xyxy(x[:, :4])
  465. # Detections matrix nx6 (xyxy, conf, cls)
  466. if multi_label:
  467. i, j = (x[:, 5:] > conf_thres).nonzero().t()
  468. x = torch.cat((box[i], x[i, j + 5, None], j[:, None].float()), 1)
  469. else: # best class only
  470. conf, j = x[:, 5:].max(1, keepdim=True)
  471. x = torch.cat((box, conf, j.float()), 1)[conf.view(-1) > conf_thres]
  472. # Filter by class
  473. if classes:
  474. x = x[(x[:, 5:6] == torch.tensor(classes, device=x.device)).any(1)]
  475. # Apply finite constraint
  476. # if not torch.isfinite(x).all():
  477. # x = x[torch.isfinite(x).all(1)]
  478. # If none remain process next image
  479. n = x.shape[0] # number of boxes
  480. if not n:
  481. continue
  482. # Sort by confidence
  483. # x = x[x[:, 4].argsort(descending=True)]
  484. # Batched NMS
  485. c = x[:, 5:6] * (0 if agnostic else max_wh) # classes
  486. boxes, scores = x[:, :4] + c, x[:, 4] # boxes (offset by class), scores
  487. i = torchvision.ops.boxes.nms(boxes, scores, iou_thres)
  488. if i.shape[0] > max_det: # limit detections
  489. i = i[:max_det]
  490. if merge and (1 < n < 3E3): # Merge NMS (boxes merged using weighted mean)
  491. try: # update boxes as boxes(i,4) = weights(i,n) * boxes(n,4)
  492. iou = box_iou(boxes[i], boxes) > iou_thres # iou matrix
  493. weights = iou * scores[None] # box weights
  494. x[i, :4] = torch.mm(weights, x[:, :4]).float() / weights.sum(1, keepdim=True) # merged boxes
  495. if redundant:
  496. i = i[iou.sum(1) > 1] # require redundancy
  497. except: # possible CUDA error https://github.com/ultralytics/yolov3/issues/1139
  498. print(x, i, x.shape, i.shape)
  499. pass
  500. output[xi] = x[i]
  501. if (time.time() - t) > time_limit:
  502. break # time limit exceeded
  503. return output
  504. def strip_optimizer(f='weights/best.pt'): # from utils.utils import *; strip_optimizer()
  505. # Strip optimizer from *.pt files for lighter files (reduced by 1/2 size)
  506. x = torch.load(f, map_location=torch.device('cpu'))
  507. x['optimizer'] = None
  508. x['model'].half() # to FP16
  509. torch.save(x, f)
  510. print('Optimizer stripped from %s' % f)
  511. def create_pretrained(f='weights/best.pt', s='weights/pretrained.pt'): # from utils.utils import *; create_pretrained()
  512. # create pretrained checkpoint 's' from 'f' (create_pretrained(x, x) for x in glob.glob('./*.pt'))
  513. device = torch.device('cpu')
  514. x = torch.load(s, map_location=device)
  515. x['optimizer'] = None
  516. x['training_results'] = None
  517. x['epoch'] = -1
  518. x['model'].half() # to FP16
  519. for p in x['model'].parameters():
  520. p.requires_grad = True
  521. torch.save(x, s)
  522. print('%s saved as pretrained checkpoint %s' % (f, s))
  523. def coco_class_count(path='../coco/labels/train2014/'):
  524. # Histogram of occurrences per class
  525. nc = 80 # number classes
  526. x = np.zeros(nc, dtype='int32')
  527. files = sorted(glob.glob('%s/*.*' % path))
  528. for i, file in enumerate(files):
  529. labels = np.loadtxt(file, dtype=np.float32).reshape(-1, 5)
  530. x += np.bincount(labels[:, 0].astype('int32'), minlength=nc)
  531. print(i, len(files))
  532. def coco_only_people(path='../coco/labels/train2017/'): # from utils.utils import *; coco_only_people()
  533. # Find images with only people
  534. files = sorted(glob.glob('%s/*.*' % path))
  535. for i, file in enumerate(files):
  536. labels = np.loadtxt(file, dtype=np.float32).reshape(-1, 5)
  537. if all(labels[:, 0] == 0):
  538. print(labels.shape[0], file)
  539. def crop_images_random(path='../images/', scale=0.50): # from utils.utils import *; crop_images_random()
  540. # crops images into random squares up to scale fraction
  541. # WARNING: overwrites images!
  542. for file in tqdm(sorted(glob.glob('%s/*.*' % path))):
  543. img = cv2.imread(file) # BGR
  544. if img is not None:
  545. h, w = img.shape[:2]
  546. # create random mask
  547. a = 30 # minimum size (pixels)
  548. mask_h = random.randint(a, int(max(a, h * scale))) # mask height
  549. mask_w = mask_h # mask width
  550. # box
  551. xmin = max(0, random.randint(0, w) - mask_w // 2)
  552. ymin = max(0, random.randint(0, h) - mask_h // 2)
  553. xmax = min(w, xmin + mask_w)
  554. ymax = min(h, ymin + mask_h)
  555. # apply random color mask
  556. cv2.imwrite(file, img[ymin:ymax, xmin:xmax])
  557. def coco_single_class_labels(path='../coco/labels/train2014/', label_class=43):
  558. # Makes single-class coco datasets. from utils.utils import *; coco_single_class_labels()
  559. if os.path.exists('new/'):
  560. shutil.rmtree('new/') # delete output folder
  561. os.makedirs('new/') # make new output folder
  562. os.makedirs('new/labels/')
  563. os.makedirs('new/images/')
  564. for file in tqdm(sorted(glob.glob('%s/*.*' % path))):
  565. with open(file, 'r') as f:
  566. labels = np.array([x.split() for x in f.read().splitlines()], dtype=np.float32)
  567. i = labels[:, 0] == label_class
  568. if any(i):
  569. img_file = file.replace('labels', 'images').replace('txt', 'jpg')
  570. labels[:, 0] = 0 # reset class to 0
  571. with open('new/images.txt', 'a') as f: # add image to dataset list
  572. f.write(img_file + '\n')
  573. with open('new/labels/' + Path(file).name, 'a') as f: # write label
  574. for l in labels[i]:
  575. f.write('%g %.6f %.6f %.6f %.6f\n' % tuple(l))
  576. shutil.copyfile(src=img_file, dst='new/images/' + Path(file).name.replace('txt', 'jpg')) # copy images
  577. def kmean_anchors(path='./data/coco128.yaml', n=9, img_size=640, thr=4.0, gen=1000, verbose=True):
  578. """ Creates kmeans-evolved anchors from training dataset
  579. Arguments:
  580. path: path to dataset *.yaml, or a loaded dataset
  581. n: number of anchors
  582. img_size: image size used for training
  583. thr: anchor-label wh ratio threshold hyperparameter hyp['anchor_t'] used for training, default=4.0
  584. gen: generations to evolve anchors using genetic algorithm
  585. Return:
  586. k: kmeans evolved anchors
  587. Usage:
  588. from utils.utils import *; _ = kmean_anchors()
  589. """
  590. thr = 1. / thr
  591. def metric(k, wh): # compute metrics
  592. r = wh[:, None] / k[None]
  593. x = torch.min(r, 1. / r).min(2)[0] # ratio metric
  594. # x = wh_iou(wh, torch.tensor(k)) # iou metric
  595. return x, x.max(1)[0] # x, best_x
  596. def fitness(k): # mutation fitness
  597. _, best = metric(torch.tensor(k, dtype=torch.float32), wh)
  598. return (best * (best > thr).float()).mean() # fitness
  599. def print_results(k):
  600. k = k[np.argsort(k.prod(1))] # sort small to large
  601. x, best = metric(k, wh0)
  602. bpr, aat = (best > thr).float().mean(), (x > thr).float().mean() * n # best possible recall, anch > thr
  603. print('thr=%.2f: %.4f best possible recall, %.2f anchors past thr' % (thr, bpr, aat))
  604. print('n=%g, img_size=%s, metric_all=%.3f/%.3f-mean/best, past_thr=%.3f-mean: ' %
  605. (n, img_size, x.mean(), best.mean(), x[x > thr].mean()), end='')
  606. for i, x in enumerate(k):
  607. print('%i,%i' % (round(x[0]), round(x[1])), end=', ' if i < len(k) - 1 else '\n') # use in *.cfg
  608. return k
  609. if isinstance(path, str): # *.yaml file
  610. with open(path) as f:
  611. data_dict = yaml.load(f, Loader=yaml.FullLoader) # model dict
  612. from utils.datasets import LoadImagesAndLabels
  613. dataset = LoadImagesAndLabels(data_dict['train'], augment=True, rect=True)
  614. else:
  615. dataset = path # dataset
  616. # Get label wh
  617. shapes = img_size * dataset.shapes / dataset.shapes.max(1, keepdims=True)
  618. wh0 = np.concatenate([l[:, 3:5] * s for s, l in zip(shapes, dataset.labels)]) # wh
  619. # Filter
  620. i = (wh0 < 4.0).any(1).sum()
  621. if i:
  622. print('WARNING: Extremely small objects found. '
  623. '%g of %g labels are < 4 pixels in width or height.' % (i, len(wh0)))
  624. wh = wh0[(wh0 >= 4.0).any(1)] # filter > 2 pixels
  625. # Kmeans calculation
  626. from scipy.cluster.vq import kmeans
  627. print('Running kmeans for %g anchors on %g points...' % (n, len(wh)))
  628. s = wh.std(0) # sigmas for whitening
  629. k, dist = kmeans(wh / s, n, iter=30) # points, mean distance
  630. k *= s
  631. wh = torch.tensor(wh, dtype=torch.float32) # filtered
  632. wh0 = torch.tensor(wh0, dtype=torch.float32) # unflitered
  633. k = print_results(k)
  634. # Plot
  635. # k, d = [None] * 20, [None] * 20
  636. # for i in tqdm(range(1, 21)):
  637. # k[i-1], d[i-1] = kmeans(wh / s, i) # points, mean distance
  638. # fig, ax = plt.subplots(1, 2, figsize=(14, 7))
  639. # ax = ax.ravel()
  640. # ax[0].plot(np.arange(1, 21), np.array(d) ** 2, marker='.')
  641. # fig, ax = plt.subplots(1, 2, figsize=(14, 7)) # plot wh
  642. # ax[0].hist(wh[wh[:, 0]<100, 0],400)
  643. # ax[1].hist(wh[wh[:, 1]<100, 1],400)
  644. # fig.tight_layout()
  645. # fig.savefig('wh.png', dpi=200)
  646. # Evolve
  647. npr = np.random
  648. f, sh, mp, s = fitness(k), k.shape, 0.9, 0.1 # fitness, generations, mutation prob, sigma
  649. pbar = tqdm(range(gen), desc='Evolving anchors with Genetic Algorithm') # progress bar
  650. for _ in pbar:
  651. v = np.ones(sh)
  652. while (v == 1).all(): # mutate until a change occurs (prevent duplicates)
  653. v = ((npr.random(sh) < mp) * npr.random() * npr.randn(*sh) * s + 1).clip(0.3, 3.0)
  654. kg = (k.copy() * v).clip(min=2.0)
  655. fg = fitness(kg)
  656. if fg > f:
  657. f, k = fg, kg.copy()
  658. pbar.desc = 'Evolving anchors with Genetic Algorithm: fitness = %.4f' % f
  659. if verbose:
  660. print_results(k)
  661. return print_results(k)
  662. def print_mutation(hyp, results, bucket=''):
  663. # Print mutation results to evolve.txt (for use with train.py --evolve)
  664. a = '%10s' * len(hyp) % tuple(hyp.keys()) # hyperparam keys
  665. b = '%10.3g' * len(hyp) % tuple(hyp.values()) # hyperparam values
  666. c = '%10.4g' * len(results) % results # results (P, R, mAP, F1, test_loss)
  667. print('\n%s\n%s\nEvolved fitness: %s\n' % (a, b, c))
  668. if bucket:
  669. os.system('gsutil cp gs://%s/evolve.txt .' % bucket) # download evolve.txt
  670. with open('evolve.txt', 'a') as f: # append result
  671. f.write(c + b + '\n')
  672. x = np.unique(np.loadtxt('evolve.txt', ndmin=2), axis=0) # load unique rows
  673. np.savetxt('evolve.txt', x[np.argsort(-fitness(x))], '%10.3g') # save sort by fitness
  674. if bucket:
  675. os.system('gsutil cp evolve.txt gs://%s' % bucket) # upload evolve.txt
  676. def apply_classifier(x, model, img, im0):
  677. # applies a second stage classifier to yolo outputs
  678. im0 = [im0] if isinstance(im0, np.ndarray) else im0
  679. for i, d in enumerate(x): # per image
  680. if d is not None and len(d):
  681. d = d.clone()
  682. # Reshape and pad cutouts
  683. b = xyxy2xywh(d[:, :4]) # boxes
  684. b[:, 2:] = b[:, 2:].max(1)[0].unsqueeze(1) # rectangle to square
  685. b[:, 2:] = b[:, 2:] * 1.3 + 30 # pad
  686. d[:, :4] = xywh2xyxy(b).long()
  687. # Rescale boxes from img_size to im0 size
  688. scale_coords(img.shape[2:], d[:, :4], im0[i].shape)
  689. # Classes
  690. pred_cls1 = d[:, 5].long()
  691. ims = []
  692. for j, a in enumerate(d): # per item
  693. cutout = im0[i][int(a[1]):int(a[3]), int(a[0]):int(a[2])]
  694. im = cv2.resize(cutout, (224, 224)) # BGR
  695. # cv2.imwrite('test%i.jpg' % j, cutout)
  696. im = im[:, :, ::-1].transpose(2, 0, 1) # BGR to RGB, to 3x416x416
  697. im = np.ascontiguousarray(im, dtype=np.float32) # uint8 to float32
  698. im /= 255.0 # 0 - 255 to 0.0 - 1.0
  699. ims.append(im)
  700. pred_cls2 = model(torch.Tensor(ims).to(d.device)).argmax(1) # classifier prediction
  701. x[i] = x[i][pred_cls1 == pred_cls2] # retain matching class detections
  702. return x
  703. def fitness(x):
  704. # Returns fitness (for use with results.txt or evolve.txt)
  705. w = [0.0, 0.0, 0.1, 0.9] # weights for [P, R, mAP@0.5, mAP@0.5:0.95]
  706. return (x[:, :4] * w).sum(1)
  707. def output_to_target(output, width, height):
  708. """
  709. Convert a YOLO model output to target format
  710. [batch_id, class_id, x, y, w, h, conf]
  711. """
  712. if isinstance(output, torch.Tensor):
  713. output = output.cpu().numpy()
  714. targets = []
  715. for i, o in enumerate(output):
  716. if o is not None:
  717. for pred in o:
  718. box = pred[:4]
  719. w = (box[2] - box[0]) / width
  720. h = (box[3] - box[1]) / height
  721. x = box[0] / width + w / 2
  722. y = box[1] / height + h / 2
  723. conf = pred[4]
  724. cls = int(pred[5])
  725. targets.append([i, cls, x, y, w, h, conf])
  726. return np.array(targets)
  727. # Plotting functions ---------------------------------------------------------------------------------------------------
  728. def butter_lowpass_filtfilt(data, cutoff=1500, fs=50000, order=5):
  729. # https://stackoverflow.com/questions/28536191/how-to-filter-smooth-with-scipy-numpy
  730. def butter_lowpass(cutoff, fs, order):
  731. nyq = 0.5 * fs
  732. normal_cutoff = cutoff / nyq
  733. b, a = butter(order, normal_cutoff, btype='low', analog=False)
  734. return b, a
  735. b, a = butter_lowpass(cutoff, fs, order=order)
  736. return filtfilt(b, a, data) # forward-backward filter
  737. def plot_one_box(x, img, color=None, label=None, line_thickness=None):
  738. # Plots one bounding box on image img
  739. tl = line_thickness or round(0.002 * (img.shape[0] + img.shape[1]) / 2) + 1 # line/font thickness
  740. color = color or [random.randint(0, 255) for _ in range(3)]
  741. c1, c2 = (int(x[0]), int(x[1])), (int(x[2]), int(x[3]))
  742. cv2.rectangle(img, c1, c2, color, thickness=tl, lineType=cv2.LINE_AA)
  743. if label:
  744. tf = max(tl - 1, 1) # font thickness
  745. t_size = cv2.getTextSize(label, 0, fontScale=tl / 3, thickness=tf)[0]
  746. c2 = c1[0] + t_size[0], c1[1] - t_size[1] - 3
  747. cv2.rectangle(img, c1, c2, color, -1, cv2.LINE_AA) # filled
  748. cv2.putText(img, label, (c1[0], c1[1] - 2), 0, tl / 3, [225, 255, 255], thickness=tf, lineType=cv2.LINE_AA)
  749. def plot_wh_methods(): # from utils.utils import *; plot_wh_methods()
  750. # Compares the two methods for width-height anchor multiplication
  751. # https://github.com/ultralytics/yolov3/issues/168
  752. x = np.arange(-4.0, 4.0, .1)
  753. ya = np.exp(x)
  754. yb = torch.sigmoid(torch.from_numpy(x)).numpy() * 2
  755. fig = plt.figure(figsize=(6, 3), dpi=150)
  756. plt.plot(x, ya, '.-', label='yolo method')
  757. plt.plot(x, yb ** 2, '.-', label='^2 power method')
  758. plt.plot(x, yb ** 2.5, '.-', label='^2.5 power method')
  759. plt.xlim(left=-4, right=4)
  760. plt.ylim(bottom=0, top=6)
  761. plt.xlabel('input')
  762. plt.ylabel('output')
  763. plt.legend()
  764. fig.tight_layout()
  765. fig.savefig('comparison.png', dpi=200)
  766. def plot_images(images, targets, paths=None, fname='images.jpg', names=None, max_size=640, max_subplots=16):
  767. tl = 3 # line thickness
  768. tf = max(tl - 1, 1) # font thickness
  769. if os.path.isfile(fname): # do not overwrite
  770. return None
  771. if isinstance(images, torch.Tensor):
  772. images = images.cpu().float().numpy()
  773. if isinstance(targets, torch.Tensor):
  774. targets = targets.cpu().numpy()
  775. # un-normalise
  776. if np.max(images[0]) <= 1:
  777. images *= 255
  778. bs, _, h, w = images.shape # batch size, _, height, width
  779. bs = min(bs, max_subplots) # limit plot images
  780. ns = np.ceil(bs ** 0.5) # number of subplots (square)
  781. # Check if we should resize
  782. scale_factor = max_size / max(h, w)
  783. if scale_factor < 1:
  784. h = math.ceil(scale_factor * h)
  785. w = math.ceil(scale_factor * w)
  786. # Empty array for output
  787. mosaic = np.full((int(ns * h), int(ns * w), 3), 255, dtype=np.uint8)
  788. # Fix class - colour map
  789. prop_cycle = plt.rcParams['axes.prop_cycle']
  790. # https://stackoverflow.com/questions/51350872/python-from-color-name-to-rgb
  791. hex2rgb = lambda h: tuple(int(h[1 + i:1 + i + 2], 16) for i in (0, 2, 4))
  792. color_lut = [hex2rgb(h) for h in prop_cycle.by_key()['color']]
  793. for i, img in enumerate(images):
  794. if i == max_subplots: # if last batch has fewer images than we expect
  795. break
  796. block_x = int(w * (i // ns))
  797. block_y = int(h * (i % ns))
  798. img = img.transpose(1, 2, 0)
  799. if scale_factor < 1:
  800. img = cv2.resize(img, (w, h))
  801. mosaic[block_y:block_y + h, block_x:block_x + w, :] = img
  802. if len(targets) > 0:
  803. image_targets = targets[targets[:, 0] == i]
  804. boxes = xywh2xyxy(image_targets[:, 2:6]).T
  805. classes = image_targets[:, 1].astype('int')
  806. gt = image_targets.shape[1] == 6 # ground truth if no conf column
  807. conf = None if gt else image_targets[:, 6] # check for confidence presence (gt vs pred)
  808. boxes[[0, 2]] *= w
  809. boxes[[0, 2]] += block_x
  810. boxes[[1, 3]] *= h
  811. boxes[[1, 3]] += block_y
  812. for j, box in enumerate(boxes.T):
  813. cls = int(classes[j])
  814. color = color_lut[cls % len(color_lut)]
  815. cls = names[cls] if names else cls
  816. if gt or conf[j] > 0.3: # 0.3 conf thresh
  817. label = '%s' % cls if gt else '%s %.1f' % (cls, conf[j])
  818. plot_one_box(box, mosaic, label=label, color=color, line_thickness=tl)
  819. # Draw image filename labels
  820. if paths is not None:
  821. label = os.path.basename(paths[i])[:40] # trim to 40 char
  822. t_size = cv2.getTextSize(label, 0, fontScale=tl / 3, thickness=tf)[0]
  823. cv2.putText(mosaic, label, (block_x + 5, block_y + t_size[1] + 5), 0, tl / 3, [220, 220, 220], thickness=tf,
  824. lineType=cv2.LINE_AA)
  825. # Image border
  826. cv2.rectangle(mosaic, (block_x, block_y), (block_x + w, block_y + h), (255, 255, 255), thickness=3)
  827. if fname is not None:
  828. mosaic = cv2.resize(mosaic, (int(ns * w * 0.5), int(ns * h * 0.5)), interpolation=cv2.INTER_AREA)
  829. cv2.imwrite(fname, cv2.cvtColor(mosaic, cv2.COLOR_BGR2RGB))
  830. return mosaic
  831. def plot_lr_scheduler(optimizer, scheduler, epochs=300):
  832. # Plot LR simulating training for full epochs
  833. optimizer, scheduler = copy(optimizer), copy(scheduler) # do not modify originals
  834. y = []
  835. for _ in range(epochs):
  836. scheduler.step()
  837. y.append(optimizer.param_groups[0]['lr'])
  838. plt.plot(y, '.-', label='LR')
  839. plt.xlabel('epoch')
  840. plt.ylabel('LR')
  841. plt.grid()
  842. plt.xlim(0, epochs)
  843. plt.ylim(0)
  844. plt.tight_layout()
  845. plt.savefig('LR.png', dpi=200)
  846. def plot_test_txt(): # from utils.utils import *; plot_test()
  847. # Plot test.txt histograms
  848. x = np.loadtxt('test.txt', dtype=np.float32)
  849. box = xyxy2xywh(x[:, :4])
  850. cx, cy = box[:, 0], box[:, 1]
  851. fig, ax = plt.subplots(1, 1, figsize=(6, 6), tight_layout=True)
  852. ax.hist2d(cx, cy, bins=600, cmax=10, cmin=0)
  853. ax.set_aspect('equal')
  854. plt.savefig('hist2d.png', dpi=300)
  855. fig, ax = plt.subplots(1, 2, figsize=(12, 6), tight_layout=True)
  856. ax[0].hist(cx, bins=600)
  857. ax[1].hist(cy, bins=600)
  858. plt.savefig('hist1d.png', dpi=200)
  859. def plot_targets_txt(): # from utils.utils import *; plot_targets_txt()
  860. # Plot targets.txt histograms
  861. x = np.loadtxt('targets.txt', dtype=np.float32).T
  862. s = ['x targets', 'y targets', 'width targets', 'height targets']
  863. fig, ax = plt.subplots(2, 2, figsize=(8, 8), tight_layout=True)
  864. ax = ax.ravel()
  865. for i in range(4):
  866. ax[i].hist(x[i], bins=100, label='%.3g +/- %.3g' % (x[i].mean(), x[i].std()))
  867. ax[i].legend()
  868. ax[i].set_title(s[i])
  869. plt.savefig('targets.jpg', dpi=200)
  870. def plot_study_txt(f='study.txt', x=None): # from utils.utils import *; plot_study_txt()
  871. # Plot study.txt generated by test.py
  872. fig, ax = plt.subplots(2, 4, figsize=(10, 6), tight_layout=True)
  873. ax = ax.ravel()
  874. fig2, ax2 = plt.subplots(1, 1, figsize=(8, 4), tight_layout=True)
  875. for f in ['coco_study/study_coco_yolov5%s.txt' % x for x in ['s', 'm', 'l', 'x']]:
  876. y = np.loadtxt(f, dtype=np.float32, usecols=[0, 1, 2, 3, 7, 8, 9], ndmin=2).T
  877. x = np.arange(y.shape[1]) if x is None else np.array(x)
  878. s = ['P', 'R', 'mAP@.5', 'mAP@.5:.95', 't_inference (ms/img)', 't_NMS (ms/img)', 't_total (ms/img)']
  879. for i in range(7):
  880. ax[i].plot(x, y[i], '.-', linewidth=2, markersize=8)
  881. ax[i].set_title(s[i])
  882. j = y[3].argmax() + 1
  883. ax2.plot(y[6, :j], y[3, :j] * 1E2, '.-', linewidth=2, markersize=8,
  884. label=Path(f).stem.replace('study_coco_', '').replace('yolo', 'YOLO'))
  885. ax2.plot(1E3 / np.array([209, 140, 97, 58, 35, 18]), [33.5, 39.1, 42.5, 45.9, 49., 50.5],
  886. 'k.-', linewidth=2, markersize=8, alpha=.25, label='EfficientDet')
  887. ax2.grid()
  888. ax2.set_xlim(0, 30)
  889. ax2.set_ylim(28, 50)
  890. ax2.set_yticks(np.arange(30, 55, 5))
  891. ax2.set_xlabel('GPU Speed (ms/img)')
  892. ax2.set_ylabel('COCO AP val')
  893. ax2.legend(loc='lower right')
  894. plt.savefig('study_mAP_latency.png', dpi=300)
  895. plt.savefig(f.replace('.txt', '.png'), dpi=200)
  896. def plot_labels(labels):
  897. # plot dataset labels
  898. c, b = labels[:, 0], labels[:, 1:].transpose() # classees, boxes
  899. def hist2d(x, y, n=100):
  900. xedges, yedges = np.linspace(x.min(), x.max(), n), np.linspace(y.min(), y.max(), n)
  901. hist, xedges, yedges = np.histogram2d(x, y, (xedges, yedges))
  902. xidx = np.clip(np.digitize(x, xedges) - 1, 0, hist.shape[0] - 1)
  903. yidx = np.clip(np.digitize(y, yedges) - 1, 0, hist.shape[1] - 1)
  904. return np.log(hist[xidx, yidx])
  905. fig, ax = plt.subplots(2, 2, figsize=(8, 8), tight_layout=True)
  906. ax = ax.ravel()
  907. ax[0].hist(c, bins=int(c.max() + 1))
  908. ax[0].set_xlabel('classes')
  909. ax[1].scatter(b[0], b[1], c=hist2d(b[0], b[1], 90), cmap='jet')
  910. ax[1].set_xlabel('x')
  911. ax[1].set_ylabel('y')
  912. ax[2].scatter(b[2], b[3], c=hist2d(b[2], b[3], 90), cmap='jet')
  913. ax[2].set_xlabel('width')
  914. ax[2].set_ylabel('height')
  915. plt.savefig('labels.png', dpi=200)
  916. plt.close()
  917. def plot_evolution_results(hyp): # from utils.utils import *; plot_evolution_results(hyp)
  918. # Plot hyperparameter evolution results in evolve.txt
  919. x = np.loadtxt('evolve.txt', ndmin=2)
  920. f = fitness(x)
  921. # weights = (f - f.min()) ** 2 # for weighted results
  922. plt.figure(figsize=(12, 10), tight_layout=True)
  923. matplotlib.rc('font', **{'size': 8})
  924. for i, (k, v) in enumerate(hyp.items()):
  925. y = x[:, i + 7]
  926. # mu = (y * weights).sum() / weights.sum() # best weighted result
  927. mu = y[f.argmax()] # best single result
  928. plt.subplot(4, 5, i + 1)
  929. plt.plot(mu, f.max(), 'o', markersize=10)
  930. plt.plot(y, f, '.')
  931. plt.title('%s = %.3g' % (k, mu), fontdict={'size': 9}) # limit to 40 characters
  932. print('%15s: %.3g' % (k, mu))
  933. plt.savefig('evolve.png', dpi=200)
  934. def plot_results_overlay(start=0, stop=0): # from utils.utils import *; plot_results_overlay()
  935. # Plot training 'results*.txt', overlaying train and val losses
  936. s = ['train', 'train', 'train', 'Precision', 'mAP@0.5', 'val', 'val', 'val', 'Recall', 'mAP@0.5:0.95'] # legends
  937. t = ['GIoU', 'Objectness', 'Classification', 'P-R', 'mAP-F1'] # titles
  938. for f in sorted(glob.glob('results*.txt') + glob.glob('../../Downloads/results*.txt')):
  939. results = np.loadtxt(f, usecols=[2, 3, 4, 8, 9, 12, 13, 14, 10, 11], ndmin=2).T
  940. n = results.shape[1] # number of rows
  941. x = range(start, min(stop, n) if stop else n)
  942. fig, ax = plt.subplots(1, 5, figsize=(14, 3.5), tight_layout=True)
  943. ax = ax.ravel()
  944. for i in range(5):
  945. for j in [i, i + 5]:
  946. y = results[j, x]
  947. ax[i].plot(x, y, marker='.', label=s[j])
  948. # y_smooth = butter_lowpass_filtfilt(y)
  949. # ax[i].plot(x, np.gradient(y_smooth), marker='.', label=s[j])
  950. ax[i].set_title(t[i])
  951. ax[i].legend()
  952. ax[i].set_ylabel(f) if i == 0 else None # add filename
  953. fig.savefig(f.replace('.txt', '.png'), dpi=200)
  954. def plot_results(start=0, stop=0, bucket='', id=(), labels=()): # from utils.utils import *; plot_results()
  955. # Plot training 'results*.txt' as seen in https://github.com/ultralytics/yolov5#reproduce-our-training
  956. fig, ax = plt.subplots(2, 5, figsize=(12, 6))
  957. ax = ax.ravel()
  958. s = ['GIoU', 'Objectness', 'Classification', 'Precision', 'Recall',
  959. 'val GIoU', 'val Objectness', 'val Classification', 'mAP@0.5', 'mAP@0.5:0.95']
  960. if bucket:
  961. os.system('rm -rf storage.googleapis.com')
  962. files = ['https://storage.googleapis.com/%s/results%g.txt' % (bucket, x) for x in id]
  963. else:
  964. files = glob.glob('results*.txt') + glob.glob('../../Downloads/results*.txt')
  965. for fi, f in enumerate(files):
  966. try:
  967. results = np.loadtxt(f, usecols=[2, 3, 4, 8, 9, 12, 13, 14, 10, 11], ndmin=2).T
  968. n = results.shape[1] # number of rows
  969. x = range(start, min(stop, n) if stop else n)
  970. for i in range(10):
  971. y = results[i, x]
  972. if i in [0, 1, 2, 5, 6, 7]:
  973. y[y == 0] = np.nan # dont show zero loss values
  974. # y /= y[0] # normalize
  975. label = labels[fi] if len(labels) else Path(f).stem
  976. ax[i].plot(x, y, marker='.', label=label, linewidth=2, markersize=8)
  977. ax[i].set_title(s[i])
  978. # if i in [5, 6, 7]: # share train and val loss y axes
  979. # ax[i].get_shared_y_axes().join(ax[i], ax[i - 5])
  980. except:
  981. print('Warning: Plotting error for %s, skipping file' % f)
  982. fig.tight_layout()
  983. ax[1].legend()
  984. fig.savefig('results.png', dpi=200)