Ви не можете вибрати більше 25 тем Теми мають розпочинатися з літери або цифри, можуть містити дефіси (-) і не повинні перевищувати 35 символів.

343 lines
14KB

  1. # YOLOv5 🚀 by Ultralytics, GPL-3.0 license
  2. """
  3. Model validation metrics
  4. """
  5. import math
  6. import warnings
  7. from pathlib import Path
  8. import matplotlib.pyplot as plt
  9. import numpy as np
  10. import torch
  11. def fitness(x):
  12. # Model fitness as a weighted combination of metrics
  13. w = [0.0, 0.0, 0.1, 0.9] # weights for [P, R, mAP@0.5, mAP@0.5:0.95]
  14. return (x[:, :4] * w).sum(1)
  15. def ap_per_class(tp, conf, pred_cls, target_cls, plot=False, save_dir='.', names=(), eps=1e-16):
  16. """ Compute the average precision, given the recall and precision curves.
  17. Source: https://github.com/rafaelpadilla/Object-Detection-Metrics.
  18. # Arguments
  19. tp: True positives (nparray, nx1 or nx10).
  20. conf: Objectness value from 0-1 (nparray).
  21. pred_cls: Predicted object classes (nparray).
  22. target_cls: True object classes (nparray).
  23. plot: Plot precision-recall curve at mAP@0.5
  24. save_dir: Plot save directory
  25. # Returns
  26. The average precision as computed in py-faster-rcnn.
  27. """
  28. # Sort by objectness
  29. i = np.argsort(-conf)
  30. tp, conf, pred_cls = tp[i], conf[i], pred_cls[i]
  31. # Find unique classes
  32. unique_classes, nt = np.unique(target_cls, return_counts=True)
  33. nc = unique_classes.shape[0] # number of classes, number of detections
  34. # Create Precision-Recall curve and compute AP for each class
  35. px, py = np.linspace(0, 1, 1000), [] # for plotting
  36. ap, p, r = np.zeros((nc, tp.shape[1])), np.zeros((nc, 1000)), np.zeros((nc, 1000))
  37. for ci, c in enumerate(unique_classes):
  38. i = pred_cls == c
  39. n_l = nt[ci] # number of labels
  40. n_p = i.sum() # number of predictions
  41. if n_p == 0 or n_l == 0:
  42. continue
  43. else:
  44. # Accumulate FPs and TPs
  45. fpc = (1 - tp[i]).cumsum(0)
  46. tpc = tp[i].cumsum(0)
  47. # Recall
  48. recall = tpc / (n_l + eps) # recall curve
  49. r[ci] = np.interp(-px, -conf[i], recall[:, 0], left=0) # negative x, xp because xp decreases
  50. # Precision
  51. precision = tpc / (tpc + fpc) # precision curve
  52. p[ci] = np.interp(-px, -conf[i], precision[:, 0], left=1) # p at pr_score
  53. # AP from recall-precision curve
  54. for j in range(tp.shape[1]):
  55. ap[ci, j], mpre, mrec = compute_ap(recall[:, j], precision[:, j])
  56. if plot and j == 0:
  57. py.append(np.interp(px, mrec, mpre)) # precision at mAP@0.5
  58. # Compute F1 (harmonic mean of precision and recall)
  59. f1 = 2 * p * r / (p + r + eps)
  60. names = [v for k, v in names.items() if k in unique_classes] # list: only classes that have data
  61. names = {i: v for i, v in enumerate(names)} # to dict
  62. if plot:
  63. plot_pr_curve(px, py, ap, Path(save_dir) / 'PR_curve.png', names)
  64. plot_mc_curve(px, f1, Path(save_dir) / 'F1_curve.png', names, ylabel='F1')
  65. plot_mc_curve(px, p, Path(save_dir) / 'P_curve.png', names, ylabel='Precision')
  66. plot_mc_curve(px, r, Path(save_dir) / 'R_curve.png', names, ylabel='Recall')
  67. i = f1.mean(0).argmax() # max F1 index
  68. p, r, f1 = p[:, i], r[:, i], f1[:, i]
  69. tp = (r * nt).round() # true positives
  70. fp = (tp / (p + eps) - tp).round() # false positives
  71. return tp, fp, p, r, f1, ap, unique_classes.astype('int32')
  72. def compute_ap(recall, precision):
  73. """ Compute the average precision, given the recall and precision curves
  74. # Arguments
  75. recall: The recall curve (list)
  76. precision: The precision curve (list)
  77. # Returns
  78. Average precision, precision curve, recall curve
  79. """
  80. # Append sentinel values to beginning and end
  81. mrec = np.concatenate(([0.0], recall, [1.0]))
  82. mpre = np.concatenate(([1.0], precision, [0.0]))
  83. # Compute the precision envelope
  84. mpre = np.flip(np.maximum.accumulate(np.flip(mpre)))
  85. # Integrate area under curve
  86. method = 'interp' # methods: 'continuous', 'interp'
  87. if method == 'interp':
  88. x = np.linspace(0, 1, 101) # 101-point interp (COCO)
  89. ap = np.trapz(np.interp(x, mrec, mpre), x) # integrate
  90. else: # 'continuous'
  91. i = np.where(mrec[1:] != mrec[:-1])[0] # points where x axis (recall) changes
  92. ap = np.sum((mrec[i + 1] - mrec[i]) * mpre[i + 1]) # area under curve
  93. return ap, mpre, mrec
  94. class ConfusionMatrix:
  95. # Updated version of https://github.com/kaanakan/object_detection_confusion_matrix
  96. def __init__(self, nc, conf=0.25, iou_thres=0.45):
  97. self.matrix = np.zeros((nc + 1, nc + 1))
  98. self.nc = nc # number of classes
  99. self.conf = conf
  100. self.iou_thres = iou_thres
  101. def process_batch(self, detections, labels):
  102. """
  103. Return intersection-over-union (Jaccard index) of boxes.
  104. Both sets of boxes are expected to be in (x1, y1, x2, y2) format.
  105. Arguments:
  106. detections (Array[N, 6]), x1, y1, x2, y2, conf, class
  107. labels (Array[M, 5]), class, x1, y1, x2, y2
  108. Returns:
  109. None, updates confusion matrix accordingly
  110. """
  111. detections = detections[detections[:, 4] > self.conf]
  112. gt_classes = labels[:, 0].int()
  113. detection_classes = detections[:, 5].int()
  114. iou = box_iou(labels[:, 1:], detections[:, :4])
  115. x = torch.where(iou > self.iou_thres)
  116. if x[0].shape[0]:
  117. matches = torch.cat((torch.stack(x, 1), iou[x[0], x[1]][:, None]), 1).cpu().numpy()
  118. if x[0].shape[0] > 1:
  119. matches = matches[matches[:, 2].argsort()[::-1]]
  120. matches = matches[np.unique(matches[:, 1], return_index=True)[1]]
  121. matches = matches[matches[:, 2].argsort()[::-1]]
  122. matches = matches[np.unique(matches[:, 0], return_index=True)[1]]
  123. else:
  124. matches = np.zeros((0, 3))
  125. n = matches.shape[0] > 0
  126. m0, m1, _ = matches.transpose().astype(np.int16)
  127. for i, gc in enumerate(gt_classes):
  128. j = m0 == i
  129. if n and sum(j) == 1:
  130. self.matrix[detection_classes[m1[j]], gc] += 1 # correct
  131. else:
  132. self.matrix[self.nc, gc] += 1 # background FP
  133. if n:
  134. for i, dc in enumerate(detection_classes):
  135. if not any(m1 == i):
  136. self.matrix[dc, self.nc] += 1 # background FN
  137. def matrix(self):
  138. return self.matrix
  139. def tp_fp(self):
  140. tp = self.matrix.diagonal() # true positives
  141. fp = self.matrix.sum(1) - tp # false positives
  142. # fn = self.matrix.sum(0) - tp # false negatives (missed detections)
  143. return tp[:-1], fp[:-1] # remove background class
  144. def plot(self, normalize=True, save_dir='', names=()):
  145. try:
  146. import seaborn as sn
  147. array = self.matrix / ((self.matrix.sum(0).reshape(1, -1) + 1E-9) if normalize else 1) # normalize columns
  148. array[array < 0.005] = np.nan # don't annotate (would appear as 0.00)
  149. fig = plt.figure(figsize=(12, 9), tight_layout=True)
  150. nc, nn = self.nc, len(names) # number of classes, names
  151. sn.set(font_scale=1.0 if nc < 50 else 0.8) # for label size
  152. labels = (0 < nn < 99) and (nn == nc) # apply names to ticklabels
  153. with warnings.catch_warnings():
  154. warnings.simplefilter('ignore') # suppress empty matrix RuntimeWarning: All-NaN slice encountered
  155. sn.heatmap(array, annot=nc < 30, annot_kws={"size": 8}, cmap='Blues', fmt='.2f', square=True, vmin=0.0,
  156. xticklabels=names + ['background FP'] if labels else "auto",
  157. yticklabels=names + ['background FN'] if labels else "auto").set_facecolor((1, 1, 1))
  158. fig.axes[0].set_xlabel('True')
  159. fig.axes[0].set_ylabel('Predicted')
  160. fig.savefig(Path(save_dir) / 'confusion_matrix.png', dpi=250)
  161. plt.close()
  162. except Exception as e:
  163. print(f'WARNING: ConfusionMatrix plot failure: {e}')
  164. def print(self):
  165. for i in range(self.nc + 1):
  166. print(' '.join(map(str, self.matrix[i])))
  167. def bbox_iou(box1, box2, x1y1x2y2=True, GIoU=False, DIoU=False, CIoU=False, eps=1e-7):
  168. # Returns the IoU of box1 to box2. box1 is 4, box2 is nx4
  169. box2 = box2.T
  170. # Get the coordinates of bounding boxes
  171. if x1y1x2y2: # x1, y1, x2, y2 = box1
  172. b1_x1, b1_y1, b1_x2, b1_y2 = box1[0], box1[1], box1[2], box1[3]
  173. b2_x1, b2_y1, b2_x2, b2_y2 = box2[0], box2[1], box2[2], box2[3]
  174. else: # transform from xywh to xyxy
  175. b1_x1, b1_x2 = box1[0] - box1[2] / 2, box1[0] + box1[2] / 2
  176. b1_y1, b1_y2 = box1[1] - box1[3] / 2, box1[1] + box1[3] / 2
  177. b2_x1, b2_x2 = box2[0] - box2[2] / 2, box2[0] + box2[2] / 2
  178. b2_y1, b2_y2 = box2[1] - box2[3] / 2, box2[1] + box2[3] / 2
  179. # Intersection area
  180. inter = (torch.min(b1_x2, b2_x2) - torch.max(b1_x1, b2_x1)).clamp(0) * \
  181. (torch.min(b1_y2, b2_y2) - torch.max(b1_y1, b2_y1)).clamp(0)
  182. # Union Area
  183. w1, h1 = b1_x2 - b1_x1, b1_y2 - b1_y1 + eps
  184. w2, h2 = b2_x2 - b2_x1, b2_y2 - b2_y1 + eps
  185. union = w1 * h1 + w2 * h2 - inter + eps
  186. iou = inter / union
  187. if CIoU or DIoU or GIoU:
  188. cw = torch.max(b1_x2, b2_x2) - torch.min(b1_x1, b2_x1) # convex (smallest enclosing box) width
  189. ch = torch.max(b1_y2, b2_y2) - torch.min(b1_y1, b2_y1) # convex height
  190. if CIoU or DIoU: # Distance or Complete IoU https://arxiv.org/abs/1911.08287v1
  191. c2 = cw ** 2 + ch ** 2 + eps # convex diagonal squared
  192. rho2 = ((b2_x1 + b2_x2 - b1_x1 - b1_x2) ** 2 +
  193. (b2_y1 + b2_y2 - b1_y1 - b1_y2) ** 2) / 4 # center distance squared
  194. if CIoU: # https://github.com/Zzh-tju/DIoU-SSD-pytorch/blob/master/utils/box/box_utils.py#L47
  195. v = (4 / math.pi ** 2) * torch.pow(torch.atan(w2 / h2) - torch.atan(w1 / h1), 2)
  196. with torch.no_grad():
  197. alpha = v / (v - iou + (1 + eps))
  198. return iou - (rho2 / c2 + v * alpha) # CIoU
  199. return iou - rho2 / c2 # DIoU
  200. c_area = cw * ch + eps # convex area
  201. return iou - (c_area - union) / c_area # GIoU https://arxiv.org/pdf/1902.09630.pdf
  202. return iou # IoU
  203. def box_iou(box1, box2):
  204. # https://github.com/pytorch/vision/blob/master/torchvision/ops/boxes.py
  205. """
  206. Return intersection-over-union (Jaccard index) of boxes.
  207. Both sets of boxes are expected to be in (x1, y1, x2, y2) format.
  208. Arguments:
  209. box1 (Tensor[N, 4])
  210. box2 (Tensor[M, 4])
  211. Returns:
  212. iou (Tensor[N, M]): the NxM matrix containing the pairwise
  213. IoU values for every element in boxes1 and boxes2
  214. """
  215. def box_area(box):
  216. # box = 4xn
  217. return (box[2] - box[0]) * (box[3] - box[1])
  218. area1 = box_area(box1.T)
  219. area2 = box_area(box2.T)
  220. # inter(N,M) = (rb(N,M,2) - lt(N,M,2)).clamp(0).prod(2)
  221. inter = (torch.min(box1[:, None, 2:], box2[:, 2:]) - torch.max(box1[:, None, :2], box2[:, :2])).clamp(0).prod(2)
  222. return inter / (area1[:, None] + area2 - inter) # iou = inter / (area1 + area2 - inter)
  223. def bbox_ioa(box1, box2, eps=1E-7):
  224. """ Returns the intersection over box2 area given box1, box2. Boxes are x1y1x2y2
  225. box1: np.array of shape(4)
  226. box2: np.array of shape(nx4)
  227. returns: np.array of shape(n)
  228. """
  229. box2 = box2.transpose()
  230. # Get the coordinates of bounding boxes
  231. b1_x1, b1_y1, b1_x2, b1_y2 = box1[0], box1[1], box1[2], box1[3]
  232. b2_x1, b2_y1, b2_x2, b2_y2 = box2[0], box2[1], box2[2], box2[3]
  233. # Intersection area
  234. inter_area = (np.minimum(b1_x2, b2_x2) - np.maximum(b1_x1, b2_x1)).clip(0) * \
  235. (np.minimum(b1_y2, b2_y2) - np.maximum(b1_y1, b2_y1)).clip(0)
  236. # box2 area
  237. box2_area = (b2_x2 - b2_x1) * (b2_y2 - b2_y1) + eps
  238. # Intersection over box2 area
  239. return inter_area / box2_area
  240. def wh_iou(wh1, wh2):
  241. # Returns the nxm IoU matrix. wh1 is nx2, wh2 is mx2
  242. wh1 = wh1[:, None] # [N,1,2]
  243. wh2 = wh2[None] # [1,M,2]
  244. inter = torch.min(wh1, wh2).prod(2) # [N,M]
  245. return inter / (wh1.prod(2) + wh2.prod(2) - inter) # iou = inter / (area1 + area2 - inter)
  246. # Plots ----------------------------------------------------------------------------------------------------------------
  247. def plot_pr_curve(px, py, ap, save_dir='pr_curve.png', names=()):
  248. # Precision-recall curve
  249. fig, ax = plt.subplots(1, 1, figsize=(9, 6), tight_layout=True)
  250. py = np.stack(py, axis=1)
  251. if 0 < len(names) < 21: # display per-class legend if < 21 classes
  252. for i, y in enumerate(py.T):
  253. ax.plot(px, y, linewidth=1, label=f'{names[i]} {ap[i, 0]:.3f}') # plot(recall, precision)
  254. else:
  255. ax.plot(px, py, linewidth=1, color='grey') # plot(recall, precision)
  256. ax.plot(px, py.mean(1), linewidth=3, color='blue', label='all classes %.3f mAP@0.5' % ap[:, 0].mean())
  257. ax.set_xlabel('Recall')
  258. ax.set_ylabel('Precision')
  259. ax.set_xlim(0, 1)
  260. ax.set_ylim(0, 1)
  261. plt.legend(bbox_to_anchor=(1.04, 1), loc="upper left")
  262. fig.savefig(Path(save_dir), dpi=250)
  263. plt.close()
  264. def plot_mc_curve(px, py, save_dir='mc_curve.png', names=(), xlabel='Confidence', ylabel='Metric'):
  265. # Metric-confidence curve
  266. fig, ax = plt.subplots(1, 1, figsize=(9, 6), tight_layout=True)
  267. if 0 < len(names) < 21: # display per-class legend if < 21 classes
  268. for i, y in enumerate(py):
  269. ax.plot(px, y, linewidth=1, label=f'{names[i]}') # plot(confidence, metric)
  270. else:
  271. ax.plot(px, py.T, linewidth=1, color='grey') # plot(confidence, metric)
  272. y = py.mean(0)
  273. ax.plot(px, y, linewidth=3, color='blue', label=f'all classes {y.max():.2f} at {px[y.argmax()]:.3f}')
  274. ax.set_xlabel(xlabel)
  275. ax.set_ylabel(ylabel)
  276. ax.set_xlim(0, 1)
  277. ax.set_ylim(0, 1)
  278. plt.legend(bbox_to_anchor=(1.04, 1), loc="upper left")
  279. fig.savefig(Path(save_dir), dpi=250)
  280. plt.close()