car-detection-bayes/utils/utils.py

974 lines
39 KiB
Python
Raw Normal View History

2019-02-27 13:19:57 +00:00
import glob
2019-12-03 02:22:21 +00:00
import math
2019-07-25 11:19:26 +00:00
import os
2018-08-26 08:51:39 +00:00
import random
2019-08-03 20:51:19 +00:00
import shutil
2019-07-25 11:19:26 +00:00
from pathlib import Path
2018-08-26 08:51:39 +00:00
import cv2
2019-04-06 14:13:11 +00:00
import matplotlib
2019-02-27 13:19:57 +00:00
import matplotlib.pyplot as plt
2018-08-26 08:51:39 +00:00
import numpy as np
import torch
import torch.nn as nn
2019-12-03 02:22:21 +00:00
import torchvision
2019-05-29 16:04:11 +00:00
from tqdm import tqdm
2018-08-26 08:51:39 +00:00
2019-07-08 10:43:15 +00:00
from . import torch_utils # , google_utils
2019-06-21 11:19:23 +00:00
matplotlib.rc('font', **{'size': 11})
2019-04-06 14:13:11 +00:00
2018-09-02 09:15:39 +00:00
# Set printoptions
2019-08-23 10:57:26 +00:00
torch.set_printoptions(linewidth=320, precision=5, profile='long')
2018-10-03 11:55:56 +00:00
np.set_printoptions(linewidth=320, formatter={'float_kind': '{:11.5g}'.format}) # format short g, %precision=5
2018-08-26 08:51:39 +00:00
2019-03-21 20:41:12 +00:00
# Prevent OpenCV from multithreading (to use PyTorch DataLoader)
cv2.setNumThreads(0)
2018-08-26 08:51:39 +00:00
2019-07-20 15:14:07 +00:00
def floatn(x, n=3): # format floats to n decimals
return float(format(x, '.%gf' % n))
2019-02-26 13:57:28 +00:00
def init_seeds(seed=0):
random.seed(seed)
np.random.seed(seed)
torch_utils.init_seeds(seed=seed)
2018-08-26 08:51:39 +00:00
def load_classes(path):
2019-05-14 10:59:12 +00:00
# Loads *.names file at 'path'
with open(path, 'r') as f:
names = f.read().split('\n')
2018-12-28 20:12:31 +00:00
return list(filter(None, names)) # filter removes empty strings (such as last line)
2018-08-26 08:51:39 +00:00
2019-04-27 15:51:59 +00:00
def labels_to_class_weights(labels, nc=80):
2019-04-27 15:44:26 +00:00
# Get class weights (inverse frequency) from training labels
2019-11-20 21:36:15 +00:00
if labels[0] is None: # no labels loaded
2019-11-20 21:40:24 +00:00
return torch.Tensor()
2019-11-20 21:36:15 +00:00
2019-04-27 15:44:26 +00:00
labels = np.concatenate(labels, 0) # labels.shape = (866643, 5) for COCO
2019-04-27 19:38:20 +00:00
classes = labels[:, 0].astype(np.int) # labels = [class xywh]
weights = np.bincount(classes, minlength=nc) # occurences per class
2019-08-17 12:09:38 +00:00
# Prepend gridpoint count (for uCE trianing)
2019-11-20 20:05:40 +00:00
# gpi = ((320 / 32 * np.array([1, 2, 4])) ** 2 * 3).sum() # gridpoints per image
2019-11-20 21:36:15 +00:00
# weights = np.hstack([gpi * len(labels) - weights.sum() * 9, weights * 9]) ** 0.5 # prepend gridpoints to start
2019-08-17 12:09:38 +00:00
2019-04-27 19:38:20 +00:00
weights[weights == 0] = 1 # replace empty bins with 1
weights = 1 / weights # number of targets per class
weights /= weights.sum() # normalize
2019-08-17 12:08:10 +00:00
return torch.from_numpy(weights)
2019-04-27 15:44:26 +00:00
2019-05-10 12:15:09 +00:00
def labels_to_image_weights(labels, nc=80, class_weights=np.ones(80)):
# Produces image weights based on class mAPs
n = len(labels)
class_counts = np.array([np.bincount(labels[i][:, 0].astype(np.int), minlength=nc) for i in range(n)])
image_weights = (class_weights.reshape(1, nc) * class_counts).sum(1)
# index = random.choices(range(n), weights=image_weights, k=1) # weight image sample
return image_weights
2019-02-19 18:00:44 +00:00
def coco_class_weights(): # frequency of each class in coco train2014
2019-05-05 11:44:12 +00:00
n = [187437, 4955, 30920, 6033, 3838, 4332, 3160, 7051, 7677, 9167, 1316, 1372, 833, 6757, 7355, 3302, 3776, 4671,
2018-10-10 14:16:17 +00:00
6769, 5706, 3908, 903, 3686, 3596, 6200, 7920, 8779, 4505, 4272, 1862, 4698, 1962, 4403, 6659, 2402, 2689,
4012, 4175, 3411, 17048, 5637, 14553, 3923, 5539, 4289, 10084, 7018, 4314, 3099, 4638, 4939, 5543, 2038, 4004,
5053, 4578, 27292, 4113, 5931, 2905, 11174, 2873, 4036, 3415, 1517, 4122, 1980, 4464, 1190, 2302, 156, 3933,
2019-05-05 11:44:12 +00:00
1877, 17630, 4337, 4624, 1075, 3468, 135, 1380]
weights = 1 / torch.Tensor(n)
2018-08-26 08:51:39 +00:00
weights /= weights.sum()
2019-09-11 19:24:22 +00:00
# with open('data/coco.names', 'r') as f:
# for k, v in zip(f.read().splitlines(), n):
# print('%20s: %g' % (k, v))
2018-10-10 14:16:17 +00:00
return weights
2018-08-26 08:51:39 +00:00
2019-02-27 12:21:39 +00:00
def coco80_to_coco91_class(): # converts 80-index (val2014) to 91-index (paper)
2019-02-26 01:53:11 +00:00
# https://tech.amikelive.com/node-718/what-object-categories-labels-are-in-coco-dataset/
2019-02-27 12:21:39 +00:00
# a = np.loadtxt('data/coco.names', dtype='str', delimiter='\n')
# b = np.loadtxt('data/coco_paper.names', dtype='str', delimiter='\n')
# x = [list(a[i] == b).index(True) + 1 for i in range(80)] # darknet to coco
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,
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,
64, 65, 67, 70, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 84, 85, 86, 87, 88, 89, 90]
2019-02-26 13:57:28 +00:00
return x
2019-02-26 01:53:11 +00:00
2018-08-26 08:51:39 +00:00
def weights_init_normal(m):
classname = m.__class__.__name__
if classname.find('Conv') != -1:
torch.nn.init.normal_(m.weight.data, 0.0, 0.03)
elif classname.find('BatchNorm2d') != -1:
torch.nn.init.normal_(m.weight.data, 1.0, 0.03)
torch.nn.init.constant_(m.bias.data, 0.0)
2019-02-10 20:01:49 +00:00
def xyxy2xywh(x):
# Convert bounding box format from [x1, y1, x2, y2] to [x, y, w, h]
y = torch.zeros_like(x) if isinstance(x, torch.Tensor) else np.zeros_like(x)
2018-09-02 09:15:39 +00:00
y[:, 0] = (x[:, 0] + x[:, 2]) / 2
y[:, 1] = (x[:, 1] + x[:, 3]) / 2
y[:, 2] = x[:, 2] - x[:, 0]
y[:, 3] = x[:, 3] - x[:, 1]
return y
2019-02-10 20:01:49 +00:00
def xywh2xyxy(x):
# Convert bounding box format from [x, y, w, h] to [x1, y1, x2, y2]
y = torch.zeros_like(x) if isinstance(x, torch.Tensor) else np.zeros_like(x)
y[:, 0] = x[:, 0] - x[:, 2] / 2
y[:, 1] = x[:, 1] - x[:, 3] / 2
y[:, 2] = x[:, 0] + x[:, 2] / 2
y[:, 3] = x[:, 1] + x[:, 3] / 2
2018-09-02 09:15:39 +00:00
return y
2018-08-26 08:51:39 +00:00
2019-12-01 02:19:17 +00:00
def scale_coords(img1_shape, coords, img0_shape, ratio_pad=None):
2019-07-15 14:27:13 +00:00
# Rescale coords (xyxy) from img1_shape to img0_shape
2019-12-01 02:45:43 +00:00
if ratio_pad is None: # calculate from img0_shape
2019-12-01 02:19:17 +00:00
gain = max(img1_shape) / max(img0_shape) # gain = old / new
pad = (img1_shape[1] - img0_shape[1] * gain) / 2, (img1_shape[0] - img0_shape[0] * gain) / 2 # wh padding
else:
gain = ratio_pad[0][0]
pad = ratio_pad[1]
coords[:, [0, 2]] -= pad[0] # x padding
coords[:, [1, 3]] -= pad[1] # y padding
2019-02-10 20:01:49 +00:00
coords[:, :4] /= gain
2019-07-15 14:48:02 +00:00
clip_coords(coords, img0_shape)
2019-02-10 20:01:49 +00:00
return coords
2019-07-15 14:27:13 +00:00
def clip_coords(boxes, img_shape):
# Clip bounding xyxy bounding boxes to image shape (height, width)
boxes[:, [0, 2]] = boxes[:, [0, 2]].clamp(min=0, max=img_shape[1]) # clip x
boxes[:, [1, 3]] = boxes[:, [1, 3]].clamp(min=0, max=img_shape[0]) # clip y
2018-09-10 13:12:13 +00:00
def ap_per_class(tp, conf, pred_cls, target_cls):
""" Compute the average precision, given the recall and precision curves.
Source: https://github.com/rafaelpadilla/Object-Detection-Metrics.
2018-09-10 13:12:13 +00:00
# Arguments
tp: True positives (list).
conf: Objectness value from 0-1 (list).
pred_cls: Predicted object classes (list).
target_cls: True object classes (list).
# Returns
The average precision as computed in py-faster-rcnn.
"""
# Sort by objectness
i = np.argsort(-conf)
tp, conf, pred_cls = tp[i], conf[i], pred_cls[i]
# Find unique classes
unique_classes = np.unique(target_cls)
2018-09-10 13:12:13 +00:00
# Create Precision-Recall curve and compute AP for each class
2018-11-22 12:52:22 +00:00
ap, p, r = [], [], []
2018-09-10 13:12:13 +00:00
for c in unique_classes:
i = pred_cls == c
n_gt = (target_cls == c).sum() # Number of ground truth objects
n_p = i.sum() # Number of predicted objects
2018-09-10 13:12:13 +00:00
if n_p == 0 and n_gt == 0:
2018-09-10 14:31:56 +00:00
continue
elif n_p == 0 or n_gt == 0:
2018-09-10 13:12:13 +00:00
ap.append(0)
2018-11-22 12:52:22 +00:00
r.append(0)
p.append(0)
2018-09-10 13:12:13 +00:00
else:
# Accumulate FPs and TPs
fpc = (1 - tp[i]).cumsum()
tpc = (tp[i]).cumsum()
2018-09-10 13:12:13 +00:00
# Recall
2019-08-06 12:57:12 +00:00
recall = tpc / (n_gt + 1e-16) # recall curve
r.append(recall[-1])
2018-09-10 13:12:13 +00:00
# Precision
2019-08-06 12:57:12 +00:00
precision = tpc / (tpc + fpc) # precision curve
p.append(precision[-1])
2018-09-10 13:12:13 +00:00
# AP from recall-precision curve
2019-08-06 12:57:12 +00:00
ap.append(compute_ap(recall, precision))
2018-09-10 13:12:13 +00:00
2019-04-02 11:43:18 +00:00
# Plot
2019-08-06 12:57:12 +00:00
# fig, ax = plt.subplots(1, 1, figsize=(4, 4))
# ax.plot(np.concatenate(([0.], recall)), np.concatenate(([0.], precision)))
# ax.set_xlabel('YOLOv3-SPP')
# ax.set_xlabel('Recall')
# ax.set_ylabel('Precision')
# ax.set_xlim(0, 1)
# fig.tight_layout()
# fig.savefig('PR_curve.png', dpi=300)
2019-04-02 11:43:18 +00:00
2019-04-05 13:34:42 +00:00
# Compute F1 score (harmonic mean of precision and recall)
p, r, ap = np.array(p), np.array(r), np.array(ap)
f1 = 2 * p * r / (p + r + 1e-16)
return p, r, ap, f1, unique_classes.astype('int32')
2018-09-10 13:12:13 +00:00
2018-08-26 08:51:39 +00:00
def compute_ap(recall, precision):
""" Compute the average precision, given the recall and precision curves.
Source: https://github.com/rbgirshick/py-faster-rcnn.
2018-08-26 08:51:39 +00:00
# Arguments
recall: The recall curve (list).
precision: The precision curve (list).
# Returns
The average precision as computed in py-faster-rcnn.
"""
2019-10-01 14:04:56 +00:00
2019-08-06 12:57:12 +00:00
# Append sentinel values to beginning and end
2019-10-01 15:24:33 +00:00
mrec = np.concatenate(([0.], recall, [min(recall[-1] + 1E-3, 1.)]))
2018-08-26 08:51:39 +00:00
mpre = np.concatenate(([0.], precision, [0.]))
2019-08-06 12:57:12 +00:00
# Compute the precision envelope
2018-08-26 08:51:39 +00:00
for i in range(mpre.size - 1, 0, -1):
mpre[i - 1] = np.maximum(mpre[i - 1], mpre[i])
2019-10-01 14:04:56 +00:00
# Integrate area under curve
method = 'interp' # methods: 'continuous', 'interp'
if method == 'interp':
x = np.linspace(0, 1, 101) # 101-point interp (COCO)
ap = np.trapz(np.interp(x, mrec, mpre), x) # integrate
else: # 'continuous'
i = np.where(mrec[1:] != mrec[:-1])[0] # points where x axis (recall) changes
ap = np.sum((mrec[i + 1] - mrec[i]) * mpre[i + 1]) # area under curve
2018-08-26 08:51:39 +00:00
return ap
2019-11-24 05:23:31 +00:00
def bbox_iou(box1, box2, x1y1x2y2=True, GIoU=False, DIoU=False, CIoU=False):
# Returns the IoU of box1 to box2. box1 is 4, box2 is nx4
2019-03-15 18:40:37 +00:00
box2 = box2.t()
# Get the coordinates of bounding boxes
2019-11-25 18:26:26 +00:00
if x1y1x2y2: # x1, y1, x2, y2 = box1
2019-03-15 18:40:37 +00:00
b1_x1, b1_y1, b1_x2, b1_y2 = box1[0], box1[1], box1[2], box1[3]
b2_x1, b2_y1, b2_x2, b2_y2 = box2[0], box2[1], box2[2], box2[3]
2019-11-25 18:26:26 +00:00
else: # x, y, w, h = box1
2019-03-15 18:40:37 +00:00
b1_x1, b1_x2 = box1[0] - box1[2] / 2, box1[0] + box1[2] / 2
b1_y1, b1_y2 = box1[1] - box1[3] / 2, box1[1] + box1[3] / 2
b2_x1, b2_x2 = box2[0] - box2[2] / 2, box2[0] + box2[2] / 2
b2_y1, b2_y2 = box2[1] - box2[3] / 2, box2[1] + box2[3] / 2
2018-08-26 08:51:39 +00:00
# Intersection area
inter_area = (torch.min(b1_x2, b2_x2) - torch.max(b1_x1, b2_x1)).clamp(0) * \
(torch.min(b1_y2, b2_y2) - torch.max(b1_y1, b2_y1)).clamp(0)
2018-08-26 08:51:39 +00:00
# Union Area
2019-11-24 05:23:31 +00:00
w1, h1 = b1_x2 - b1_x1, b1_y2 - b1_y1
w2, h2 = b2_x2 - b2_x1, b2_y2 - b2_y1
union_area = (w1 * h1 + 1e-16) + w2 * h2 - inter_area
2018-08-26 08:51:39 +00:00
2019-06-12 12:30:40 +00:00
iou = inter_area / union_area # iou
2019-11-24 05:23:31 +00:00
if GIoU or DIoU or CIoU:
cw = torch.max(b1_x2, b2_x2) - torch.min(b1_x1, b2_x1) # convex (smallest enclosing box) width
ch = torch.max(b1_y2, b2_y2) - torch.min(b1_y1, b2_y1) # convex height
if GIoU: # Generalized IoU https://arxiv.org/pdf/1902.09630.pdf
c_area = cw * ch + 1e-16 # convex area
return iou - (c_area - union_area) / c_area # GIoU
2019-11-25 06:08:24 +00:00
if DIoU or CIoU: # Distance or Complete IoU https://arxiv.org/abs/1911.08287v1
# convex diagonal squared
c2 = cw ** 2 + ch ** 2 + 1e-16
# centerpoint distance squared
2019-11-24 05:23:31 +00:00
rho2 = ((b2_x1 + b2_x2) - (b1_x1 + b1_x2)) ** 2 / 4 + ((b2_y1 + b2_y2) - (b1_y1 + b1_y2)) ** 2 / 4
if DIoU:
return iou - rho2 / c2 # DIoU
2019-11-30 02:20:57 +00:00
elif CIoU: # https://github.com/Zzh-tju/DIoU-SSD-pytorch/blob/master/utils/box/box_utils.py#L47
2019-11-25 06:08:24 +00:00
v = (4 / math.pi ** 2) * torch.pow(torch.atan(w2 / h2) - torch.atan(w1 / h1), 2)
2019-11-30 02:20:57 +00:00
with torch.no_grad():
alpha = v / (1 - iou + v)
return iou - (rho2 / c2 + v * alpha) # CIoU
2019-06-12 12:30:40 +00:00
return iou
2018-08-26 08:51:39 +00:00
2018-09-09 14:14:24 +00:00
def wh_iou(box1, box2):
# Returns the IoU of wh1 to wh2. wh1 is 2, wh2 is nx2
box2 = box2.t()
2018-09-09 14:14:24 +00:00
# w, h = box1
w1, h1 = box1[0], box1[1]
w2, h2 = box2[0], box2[1]
2018-08-26 08:51:39 +00:00
# Intersection area
inter_area = torch.min(w1, w2) * torch.min(h1, h2)
2018-08-26 08:51:39 +00:00
# Union Area
union_area = (w1 * h1 + 1e-16) + w2 * h2 - inter_area
return inter_area / union_area # iou
2019-08-17 23:58:35 +00:00
class FocalLoss(nn.Module):
# Wraps focal loss around existing loss_fcn() https://arxiv.org/pdf/1708.02002.pdf
# i.e. criteria = FocalLoss(nn.BCEWithLogitsLoss(), gamma=2.5)
2019-09-10 09:35:46 +00:00
def __init__(self, loss_fcn, gamma=0.5, alpha=1, reduction='mean'):
2019-08-17 23:58:35 +00:00
super(FocalLoss, self).__init__()
2019-08-18 00:02:04 +00:00
loss_fcn.reduction = 'none' # required to apply FL to each element
2019-08-17 23:58:35 +00:00
self.loss_fcn = loss_fcn
self.gamma = gamma
2019-09-10 09:35:46 +00:00
self.alpha = alpha
2019-08-17 23:58:35 +00:00
self.reduction = reduction
def forward(self, input, target):
2019-08-18 00:02:04 +00:00
loss = self.loss_fcn(input, target)
loss *= self.alpha * (1.000001 - torch.exp(-loss)) ** self.gamma # non-zero power for gradient stability
2019-08-17 23:58:35 +00:00
if self.reduction == 'mean':
return loss.mean()
elif self.reduction == 'sum':
return loss.sum()
else: # 'none'
return loss
2019-08-23 15:37:29 +00:00
def compute_loss(p, targets, model): # predictions, targets, model
2019-04-16 10:49:34 +00:00
ft = torch.cuda.FloatTensor if p[0].is_cuda else torch.Tensor
2019-08-17 17:20:39 +00:00
lcls, lbox, lobj = ft([0]), ft([0]), ft([0])
tcls, tbox, indices, anchor_vec = build_targets(model, targets)
2019-06-12 17:40:21 +00:00
h = model.hyp # hyperparameters
2019-08-23 15:37:29 +00:00
arc = model.arc # # (default, uCE, uBCE) detection architectures
2019-04-17 13:52:51 +00:00
# Define criteria
2019-07-12 10:23:17 +00:00
BCEcls = nn.BCEWithLogitsLoss(pos_weight=ft([h['cls_pw']]))
BCEobj = nn.BCEWithLogitsLoss(pos_weight=ft([h['obj_pw']]))
2019-08-25 18:19:53 +00:00
BCE = nn.BCEWithLogitsLoss()
CE = nn.CrossEntropyLoss() # weight=model.class_weights
if 'F' in arc: # add focal loss
2019-09-10 09:35:46 +00:00
g = h['fl_gamma']
BCEcls, BCEobj, BCE, CE = FocalLoss(BCEcls, g), FocalLoss(BCEobj, g), FocalLoss(BCE, g), FocalLoss(CE, g)
# Compute losses
2019-08-18 19:28:49 +00:00
for i, pi in enumerate(p): # layer index, layer predictions
2019-04-26 11:28:00 +00:00
b, a, gj, gi = indices[i] # image, anchor, gridy, gridx
2019-08-18 19:24:48 +00:00
tobj = torch.zeros_like(pi[..., 0]) # target obj
# Compute losses
2019-07-12 10:24:43 +00:00
nb = len(b)
if nb: # number of targets
2019-08-18 19:24:48 +00:00
ps = pi[b, a, gj, gi] # prediction subset corresponding to targets
2019-07-04 20:10:46 +00:00
tobj[b, a, gj, gi] = 1.0 # obj
2019-08-18 19:24:48 +00:00
# ps[:, 2:4] = torch.sigmoid(ps[:, 2:4]) # wh power loss (uncomment)
2019-08-17 17:20:39 +00:00
# GIoU
2019-08-18 19:24:48 +00:00
pxy = torch.sigmoid(ps[:, 0:2]) # pxy = pxy * s - (s - 1) / 2, s = 1.5 (scale_xy)
2019-12-06 04:24:42 +00:00
pbox = torch.cat((pxy, torch.exp(ps[:, 2:4]).clamp(max=1E3) * anchor_vec[i]), 1) # predicted box
2019-08-17 17:20:39 +00:00
giou = bbox_iou(pbox.t(), tbox[i], x1y1x2y2=False, GIoU=True) # giou computation
2019-08-18 12:20:46 +00:00
lbox += (1.0 - giou).mean() # giou loss
2019-08-17 17:20:39 +00:00
2019-08-25 18:19:53 +00:00
if 'default' in arc and model.nc > 1: # cls loss (only if multiple classes)
2019-08-18 19:24:48 +00:00
t = torch.zeros_like(ps[:, 5:]) # targets
2019-08-18 12:20:46 +00:00
t[range(nb), tcls[i]] = 1.0
2019-08-18 19:24:48 +00:00
lcls += BCEcls(ps[:, 5:], t) # BCE
# lcls += CE(ps[:, 5:], tcls[i]) # CE
2019-09-16 21:09:58 +00:00
# Instance-class weighting (use with reduction='none')
# nt = t.sum(0) + 1 # number of targets per class
# lcls += (BCEcls(ps[:, 5:], t) / nt).mean() * nt.mean() # v1
# lcls += (BCEcls(ps[:, 5:], t) / nt[tcls[i]].view(-1,1)).mean() * nt.mean() # v2
2019-06-30 15:34:29 +00:00
# Append targets to text file
2019-06-22 17:21:05 +00:00
# with open('targets.txt', 'a') as file:
# [file.write('%11.5g ' * 4 % tuple(x) + '\n') for x in torch.cat((txy[i], twh[i]), 1)]
2019-10-12 09:22:50 +00:00
if 'default' in arc: # separate obj and cls
2019-08-18 19:24:48 +00:00
lobj += BCEobj(pi[..., 4], tobj) # obj loss
2019-08-17 17:20:39 +00:00
2019-08-25 18:19:53 +00:00
elif 'BCE' in arc: # unified BCE (80 classes)
2019-08-18 19:24:48 +00:00
t = torch.zeros_like(pi[..., 5:]) # targets
2019-08-17 17:20:39 +00:00
if nb:
2019-08-18 12:20:46 +00:00
t[b, a, gj, gi, tcls[i]] = 1.0
2019-08-25 18:19:53 +00:00
lobj += BCE(pi[..., 5:], t)
elif 'CE' in arc: # unified CE (1 background + 80 classes)
t = torch.zeros_like(pi[..., 0], dtype=torch.long) # targets
if nb:
t[b, a, gj, gi] = tcls[i] + 1
lcls += CE(pi[..., 4:].view(-1, model.nc + 1), t.view(-1))
2019-08-17 17:20:39 +00:00
2019-08-24 21:58:08 +00:00
lbox *= h['giou']
lobj *= h['obj']
lcls *= h['cls']
2019-08-17 17:20:39 +00:00
loss = lbox + lobj + lcls
2019-08-24 14:43:43 +00:00
return loss, torch.cat((lbox, lobj, lcls, loss)).detach()
def build_targets(model, targets):
# targets = [image, class, x, y, w, h]
nt = len(targets)
2019-08-17 17:20:39 +00:00
tcls, tbox, indices, av = [], [], [], []
2019-08-05 15:45:32 +00:00
multi_gpu = type(model) in (nn.parallel.DataParallel, nn.parallel.DistributedDataParallel)
2019-04-11 10:41:07 +00:00
for i in model.yolo_layers:
2019-08-05 15:41:25 +00:00
# get number of grid points and anchor vec for this yolo layer
if multi_gpu:
ng, anchor_vec = model.module.module_list[i].ng, model.module.module_list[i].anchor_vec
else:
ng, anchor_vec = model.module_list[i].ng, model.module_list[i].anchor_vec
# iou of targets-anchors
t, a = targets, []
2019-08-05 15:41:25 +00:00
gwh = t[:, 4:6] * ng
if nt:
2019-08-05 15:41:25 +00:00
iou = torch.stack([wh_iou(x, gwh) for x in anchor_vec], 0)
2019-07-04 20:50:03 +00:00
2019-07-04 22:36:37 +00:00
use_best_anchor = False
if use_best_anchor:
2019-07-04 20:50:03 +00:00
iou, a = iou.max(0) # best iou and anchor
2019-07-04 22:36:37 +00:00
else: # use all anchors
2019-08-05 15:41:25 +00:00
na = len(anchor_vec) # number of anchors
2019-07-04 20:50:03 +00:00
a = torch.arange(na).view((-1, 1)).repeat([1, nt]).view(-1)
t = targets.repeat([na, 1])
gwh = gwh.repeat([na, 1])
iou = iou.view(-1) # use all ious
2019-07-04 22:36:37 +00:00
# reject anchors below iou_thres (OPTIONAL, increases P, lowers R)
reject = True
if reject:
2019-08-05 15:45:32 +00:00
j = iou > model.hyp['iou_t'] # iou threshold hyperparameter
2019-07-04 20:50:03 +00:00
t, a, gwh = t[j], a[j], gwh[j]
# Indices
2019-03-31 17:57:44 +00:00
b, c = t[:, :2].long().t() # target image, class
2019-08-05 15:41:25 +00:00
gxy = t[:, 2:4] * ng # grid x, y
2019-04-26 11:28:00 +00:00
gi, gj = gxy.long().t() # grid x, y indices
indices.append((b, a, gj, gi))
2018-08-26 08:51:39 +00:00
2019-06-12 12:30:40 +00:00
# GIoU
2019-08-17 17:20:39 +00:00
gxy -= gxy.floor() # xy
2019-06-12 12:30:40 +00:00
tbox.append(torch.cat((gxy, gwh), 1)) # xywh (grids)
2019-08-05 15:41:25 +00:00
av.append(anchor_vec[a]) # anchor vec
2018-09-20 16:03:19 +00:00
# Class
tcls.append(c)
2019-08-05 14:59:32 +00:00
if c.shape[0]: # if any targets
2019-12-03 21:49:20 +00:00
assert c.max() < model.nc, 'Model accepts %g classes labeled from 0-%g, however you labelled a class %g. ' \
'See https://github.com/ultralytics/yolov3/wiki/Train-Custom-Data' % (
model.nc, model.nc - 1, c.max())
2018-08-26 08:51:39 +00:00
2019-08-17 17:20:39 +00:00
return tcls, tbox, indices, av
2018-08-26 08:51:39 +00:00
2019-04-09 14:28:14 +00:00
def non_max_suppression(prediction, conf_thres=0.5, nms_thres=0.5):
2018-08-26 08:51:39 +00:00
"""
2019-02-18 16:48:35 +00:00
Removes detections with lower object confidence score than 'conf_thres'
2018-08-26 08:51:39 +00:00
Non-Maximum Suppression to further filter detections.
Returns detections with shape:
(x1, y1, x2, y2, object_conf, class_conf, class)
2018-08-26 08:51:39 +00:00
"""
2019-11-21 03:10:36 +00:00
min_wh, max_wh = 2, 30000 # (pixels) minimum and maximium box width and height
output = [None] * len(prediction)
2019-09-27 21:40:14 +00:00
for image_i, pred in enumerate(prediction):
2019-01-02 15:32:38 +00:00
# Experiment: Prior class size rejection
# x, y, w, h = pred[:, 0], pred[:, 1], pred[:, 2], pred[:, 3]
# a = w * h # area
# ar = w / (h + 1e-16) # aspect ratio
2018-08-26 08:51:39 +00:00
# n = len(w)
2019-01-02 15:32:38 +00:00
# log_w, log_h, log_a, log_ar = torch.log(w), torch.log(h), torch.log(a), torch.log(ar)
2018-08-26 08:51:39 +00:00
# shape_likelihood = np.zeros((n, 60), dtype=np.float32)
# x = np.concatenate((log_w.reshape(-1, 1), log_h.reshape(-1, 1)), 1)
# from scipy.stats import multivariate_normal
# for c in range(60):
2019-02-11 17:15:51 +00:00
# shape_likelihood[:, c] =
# multivariate_normal.pdf(x, mean=mat['class_mu'][c, :2], cov=mat['class_cov'][c, :2, :2])
2018-08-26 08:51:39 +00:00
2019-04-13 18:11:08 +00:00
# Multiply conf by class conf to get combined confidence
class_conf, class_pred = pred[:, 5:].max(1)
2019-04-02 20:54:32 +00:00
pred[:, 4] *= class_conf
2018-08-26 08:51:39 +00:00
2019-10-08 16:13:04 +00:00
# # Merge classes (optional)
# class_pred[(class_pred.view(-1,1) == torch.LongTensor([2, 3, 5, 6, 7]).view(1,-1)).any(1)] = 2
#
# # Remove classes (optional)
# pred[class_pred != 2, 4] = 0.0
2019-04-13 18:11:08 +00:00
# Select only suitable predictions
2019-11-21 03:10:36 +00:00
i = (pred[:, 4] > conf_thres) & (pred[:, 2:4] > min_wh).all(1) & (pred[:, 2:4] < max_wh).all(1) & \
torch.isfinite(pred).all(1)
pred = pred[i]
2018-08-26 08:51:39 +00:00
# If none are remaining => process next image
if len(pred) == 0:
2018-08-26 08:51:39 +00:00
continue
# Select predicted classes
class_conf = class_conf[i]
2019-09-29 00:51:24 +00:00
class_pred = class_pred[i].unsqueeze(1).float()
# Box (center x, center y, width, height) to (x1, y1, x2, y2)
2018-12-19 22:48:52 +00:00
pred[:, :4] = xywh2xyxy(pred[:, :4])
# Detections ordered as (x1y1x2y2, obj_conf, class_conf, class_pred)
pred = torch.cat((pred[:, :5], class_conf.unsqueeze(1), class_pred), 1)
2018-08-26 08:51:39 +00:00
# Get detections sorted by decreasing confidence scores
pred = pred[(-pred[:, 4]).argsort()]
2019-12-03 02:22:21 +00:00
# Set NMS method https://github.com/ultralytics/yolov3/issues/679
# 'OR', 'AND', 'MERGE', 'VISION', 'VISION_BATCHED'
method = 'MERGE' if conf_thres <= 0.01 else 'VISION' # MERGE is highest mAP, VISION is fastest
# Batched NMS
if method == 'VISION_BATCHED':
i = torchvision.ops.boxes.batched_nms(boxes=pred[:, :4],
scores=pred[:, 4],
idxs=pred[:, 6],
iou_threshold=nms_thres)
output[image_i] = pred[i]
continue
# Non-maximum suppression
det_max = []
for c in pred[:, -1].unique():
dc = pred[pred[:, -1] == c] # select class c
2019-04-24 15:13:36 +00:00
n = len(dc)
if n == 1:
det_max.append(dc) # No NMS required if only 1 prediction
2019-04-12 12:00:16 +00:00
continue
2019-11-28 08:36:01 +00:00
elif n > 500:
2019-12-03 02:22:21 +00:00
dc = dc[:500] # limit to first 500 boxes: https://github.com/ultralytics/yolov3/issues/117
if method == 'VISION':
i = torchvision.ops.boxes.nms(dc[:, :4], dc[:, 4], nms_thres)
det_max.append(dc[i])
2019-04-12 12:00:16 +00:00
2019-12-03 02:22:21 +00:00
elif method == 'OR': # default
# METHOD1
# ind = list(range(len(dc)))
# while len(ind):
# j = ind[0]
# det_max.append(dc[j:j + 1]) # save highest conf detection
# reject = (bbox_iou(dc[j], dc[ind]) > nms_thres).nonzero()
# [ind.pop(i) for i in reversed(reject)]
# METHOD2
while dc.shape[0]:
det_max.append(dc[:1]) # save highest conf detection
if len(dc) == 1: # Stop if we're at the last detection
break
iou = bbox_iou(dc[0], dc[1:]) # iou with other boxes
dc = dc[1:][iou < nms_thres] # remove ious > threshold
2019-02-18 18:13:40 +00:00
2019-12-03 02:22:21 +00:00
elif method == 'AND': # requires overlap, single boxes erased
2019-02-18 17:32:31 +00:00
while len(dc) > 1:
iou = bbox_iou(dc[0], dc[1:]) # iou with other boxes
2019-02-18 17:32:31 +00:00
if iou.max() > 0.5:
det_max.append(dc[:1])
dc = dc[1:][iou < nms_thres] # remove ious > threshold
2019-12-03 02:22:21 +00:00
elif method == 'MERGE': # weighted mixture box
while len(dc):
2019-04-12 12:00:16 +00:00
if len(dc) == 1:
det_max.append(dc)
break
i = bbox_iou(dc[0], dc) > nms_thres # iou with other boxes
weights = dc[i, 4:5]
2019-02-18 18:13:40 +00:00
dc[0, :4] = (weights * dc[i, :4]).sum(0) / weights.sum()
det_max.append(dc[:1])
dc = dc[i == 0]
2018-08-26 08:51:39 +00:00
2019-12-03 02:22:21 +00:00
elif method == 'SOFT': # soft-NMS https://arxiv.org/abs/1704.04503
2019-05-02 22:26:26 +00:00
sigma = 0.5 # soft-nms sigma parameter
2019-05-02 21:56:58 +00:00
while len(dc):
if len(dc) == 1:
det_max.append(dc)
break
det_max.append(dc[:1])
iou = bbox_iou(dc[0], dc[1:]) # iou with other boxes
dc = dc[1:]
dc[:, 4] *= torch.exp(-iou ** 2 / sigma) # decay confidences
2019-12-03 03:44:10 +00:00
dc = dc[dc[:, 4] > conf_thres] # https://github.com/ultralytics/yolov3/issues/362
2019-05-02 21:56:58 +00:00
if len(det_max):
det_max = torch.cat(det_max) # concatenate
output[image_i] = det_max[(-det_max[:, 4]).argsort()] # sort
2018-08-26 08:51:39 +00:00
return output
def get_yolo_layers(model):
bool_vec = [x['type'] == 'yolo' for x in model.module_defs]
return [i for i, x in enumerate(bool_vec) if x] # [82, 94, 106] for yolov3
2019-08-22 14:39:55 +00:00
def print_model_biases(model):
# prints the bias neurons preceding each yolo layer
2019-08-24 19:50:33 +00:00
print('\nModel Bias Summary (per output layer):')
multi_gpu = type(model) in (nn.parallel.DataParallel, nn.parallel.DistributedDataParallel)
2019-08-22 14:39:55 +00:00
for l in model.yolo_layers: # print pretrained biases
if multi_gpu:
2019-10-07 09:31:22 +00:00
na = model.module.module_list[l].na # number of anchors
b = model.module.module_list[l - 1][0].bias.view(na, -1) # bias 3x85
else:
2019-10-07 09:31:22 +00:00
na = model.module_list[l].na
b = model.module_list[l - 1][0].bias.view(na, -1) # bias 3x85
2019-08-24 19:50:33 +00:00
print('regression: %5.2f+/-%-5.2f ' % (b[:, :4].mean(), b[:, :4].std()),
'objectness: %5.2f+/-%-5.2f ' % (b[:, 4].mean(), b[:, 4].std()),
'classification: %5.2f+/-%-5.2f' % (b[:, 5:].mean(), b[:, 5:].std()))
2019-08-22 14:39:55 +00:00
2019-08-24 18:55:01 +00:00
def strip_optimizer(f='weights/last.pt'): # from utils.utils import *; strip_optimizer()
2018-08-26 08:51:39 +00:00
# Strip optimizer from *.pt files for lighter files (reduced by 2/3 size)
2019-11-15 01:32:28 +00:00
x = torch.load(f, map_location=torch.device('cpu'))
2019-08-24 10:37:55 +00:00
x['optimizer'] = None
2019-11-15 03:14:00 +00:00
# x['training_results'] = None # uncomment to create a backbone
# x['epoch'] = -1 # uncomment to create a backbone
2019-08-24 10:37:55 +00:00
torch.save(x, f)
2018-08-26 08:51:39 +00:00
2019-08-24 18:55:01 +00:00
def create_backbone(f='weights/last.pt'): # from utils.utils import *; create_backbone()
# create a backbone from a *.pt file
2019-11-15 03:14:00 +00:00
x = torch.load(f, map_location=torch.device('cpu'))
2019-08-24 18:55:01 +00:00
x['optimizer'] = None
x['training_results'] = None
x['epoch'] = -1
for p in x['model'].values():
try:
p.requires_grad = True
except:
pass
torch.save(x, 'weights/backbone.pt')
2018-12-03 20:08:45 +00:00
def coco_class_count(path='../coco/labels/train2014/'):
# Histogram of occurrences per class
2019-04-19 18:41:18 +00:00
nc = 80 # number classes
x = np.zeros(nc, dtype='int32')
2018-10-10 14:16:17 +00:00
files = sorted(glob.glob('%s/*.*' % path))
for i, file in enumerate(files):
labels = np.loadtxt(file, dtype=np.float32).reshape(-1, 5)
2019-04-19 18:41:18 +00:00
x += np.bincount(labels[:, 0].astype('int32'), minlength=nc)
2018-10-10 14:16:17 +00:00
print(i, len(files))
2019-02-20 14:11:55 +00:00
def coco_only_people(path='../coco/labels/val2014/'):
# Find images with only people
2019-02-20 14:11:55 +00:00
files = sorted(glob.glob('%s/*.*' % path))
for i, file in enumerate(files):
labels = np.loadtxt(file, dtype=np.float32).reshape(-1, 5)
if all(labels[:, 0] == 0):
print(labels.shape[0], file)
2019-07-19 23:28:29 +00:00
def select_best_evolve(path='evolve*.txt'): # from utils.utils import *; select_best_evolve()
2019-05-31 11:53:09 +00:00
# Find best evolved mutation
for file in sorted(glob.glob(path)):
2019-08-24 10:20:43 +00:00
x = np.loadtxt(file, dtype=np.float32, ndmin=2)
2019-09-10 09:52:27 +00:00
print(file, x[fitness(x).argmax()])
2019-05-31 11:53:09 +00:00
2019-10-08 17:07:28 +00:00
def crop_images_random(path='../images/', scale=0.50): # from utils.utils import *; crop_images_random()
# crops images into random squares up to scale fraction
# WARNING: overwrites images!
for file in tqdm(sorted(glob.glob('%s/*.*' % path))):
img = cv2.imread(file) # BGR
if img is not None:
h, w = img.shape[:2]
# create random mask
a = 30 # minimum size (pixels)
mask_h = random.randint(a, int(max(a, h * scale))) # mask height
mask_w = mask_h # mask width
# box
xmin = max(0, random.randint(0, w) - mask_w // 2)
ymin = max(0, random.randint(0, h) - mask_h // 2)
xmax = min(w, xmin + mask_w)
ymax = min(h, ymin + mask_h)
# apply random color mask
cv2.imwrite(file, img[ymin:ymax, xmin:xmax])
2019-08-03 20:51:19 +00:00
def coco_single_class_labels(path='../coco/labels/train2014/', label_class=43):
# Makes single-class coco datasets. from utils.utils import *; coco_single_class_labels()
if os.path.exists('new/'):
shutil.rmtree('new/') # delete output folder
os.makedirs('new/') # make new output folder
os.makedirs('new/labels/')
os.makedirs('new/images/')
for file in tqdm(sorted(glob.glob('%s/*.*' % path))):
with open(file, 'r') as f:
labels = np.array([x.split() for x in f.read().splitlines()], dtype=np.float32)
i = labels[:, 0] == label_class
if any(i):
img_file = file.replace('labels', 'images').replace('txt', 'jpg')
labels[:, 0] = 0 # reset class to 0
with open('new/images.txt', 'a') as f: # add image to dataset list
f.write(img_file + '\n')
with open('new/labels/' + Path(file).name, 'a') as f: # write label
for l in labels[i]:
f.write('%g %.6f %.6f %.6f %.6f\n' % tuple(l))
shutil.copyfile(src=img_file, dst='new/images/' + Path(file).name.replace('txt', 'jpg')) # copy images
2019-11-20 20:51:05 +00:00
def kmeans_targets(path='../coco/trainvalno5k.txt', n=9, img_size=416): # from utils.utils import *; kmeans_targets()
2019-07-25 11:23:39 +00:00
# Produces a list of target kmeans suitable for use in *.cfg files
2019-08-15 14:09:36 +00:00
from utils.datasets import LoadImagesAndLabels
2019-05-29 16:04:11 +00:00
from scipy import cluster
2019-08-15 14:09:36 +00:00
# Get label wh
2019-10-05 16:36:48 +00:00
dataset = LoadImagesAndLabels(path, augment=True, rect=True, cache_labels=True)
2019-08-15 14:09:36 +00:00
for s, l in zip(dataset.shapes, dataset.labels):
2019-08-15 14:11:34 +00:00
l[:, [1, 3]] *= s[0] # normalized to pixels
2019-08-15 14:09:36 +00:00
l[:, [2, 4]] *= s[1]
2019-11-20 20:51:05 +00:00
l[:, 1:] *= img_size / max(s) * random.uniform(0.5, 1.5) # nominal img_size for training
2019-08-15 14:09:36 +00:00
wh = np.concatenate(dataset.labels, 0)[:, 3:5] # wh from cxywh
# Kmeans calculation
2019-11-22 23:03:29 +00:00
k, dist = cluster.vq.kmeans(wh, n) # points, mean distance
2019-08-15 14:09:36 +00:00
k = k[np.argsort(k.prod(1))] # sort small to large
2019-11-22 23:38:28 +00:00
# # Plot
# k, d = [None] * 20, [None] * 20
# for i in tqdm(range(1, 21)):
# k[i-1], d[i-1] = cluster.vq.kmeans(wh, i) # points, mean distance
# fig, ax = plt.subplots(1, 2, figsize=(14, 7))
# ax = ax.ravel()
# ax[0].plot(np.arange(1, 21), np.array(d) ** 2, marker='.')
2019-08-15 14:09:36 +00:00
# Measure IoUs
iou = torch.stack([wh_iou(torch.Tensor(wh).T, torch.Tensor(x).T) for x in k], 0)
2019-08-15 14:57:17 +00:00
biou = iou.max(0)[0] # closest anchor IoU
2019-10-05 16:36:48 +00:00
print('Best possible recall: %.3f' % (biou > 0.2635).float().mean()) # BPR (best possible recall)
2019-08-15 17:12:09 +00:00
2019-08-15 14:57:17 +00:00
# Print
print('kmeans anchors (n=%g, img_size=%g, IoU=%.2f/%.2f/%.2f-min/mean/best): ' %
(n, img_size, biou.min(), iou.mean(), biou.mean()), end='')
for i, x in enumerate(k):
print('%i,%i' % (round(x[0]), round(x[1])), end=', ' if i < len(k) - 1 else '\n') # use in *.cfg
# Plot
# plt.hist(biou.numpy().ravel(), 100)
2019-05-29 16:04:11 +00:00
2019-07-25 15:49:54 +00:00
def print_mutation(hyp, results, bucket=''):
# Print mutation results to evolve.txt (for use with train.py --evolve)
2019-08-24 14:43:43 +00:00
a = '%10s' * len(hyp) % tuple(hyp.keys()) # hyperparam keys
2019-09-10 11:17:05 +00:00
b = '%10.3g' * len(hyp) % tuple(hyp.values()) # hyperparam values
2019-08-24 14:43:43 +00:00
c = '%10.3g' * len(results) % results # results (P, R, mAP, F1, test_loss)
2019-07-25 15:49:54 +00:00
print('\n%s\n%s\nEvolved fitness: %s\n' % (a, b, c))
if bucket:
os.system('gsutil cp gs://%s/evolve.txt .' % bucket) # download evolve.txt
2019-08-11 17:16:54 +00:00
with open('evolve.txt', 'a') as f: # append result
f.write(c + b + '\n')
x = np.unique(np.loadtxt('evolve.txt', ndmin=2), axis=0) # load unique rows
2019-09-10 11:17:05 +00:00
np.savetxt('evolve.txt', x[np.argsort(-fitness(x))], '%10.3g') # save sort by fitness
2019-08-11 17:16:54 +00:00
if bucket:
2019-07-25 15:49:54 +00:00
os.system('gsutil cp evolve.txt gs://%s' % bucket) # upload evolve.txt
2019-10-10 20:54:20 +00:00
def apply_classifier(x, model, img, im0):
# applies a second stage classifier to yolo outputs
for i, d in enumerate(x): # per image
if d is not None and len(d):
d = d.clone()
# Reshape and pad cutouts
b = xyxy2xywh(d[:, :4]) # boxes
b[:, 2:] = b[:, 2:].max(1)[0].unsqueeze(1) # rectangle to square
2019-10-11 23:18:41 +00:00
b[:, 2:] = b[:, 2:] * 1.3 + 30 # pad
2019-10-10 20:54:20 +00:00
d[:, :4] = xywh2xyxy(b).long()
# Rescale boxes from img_size to im0 size
scale_coords(img.shape[2:], d[:, :4], im0.shape)
# Classes
pred_cls1 = d[:, 6].long()
ims = []
2019-10-12 11:59:07 +00:00
for j, a in enumerate(d): # per item
2019-10-10 20:54:20 +00:00
cutout = im0[int(a[1]):int(a[3]), int(a[0]):int(a[2])]
2019-10-11 23:18:41 +00:00
im = cv2.resize(cutout, (224, 224)) # BGR
2019-10-12 11:59:07 +00:00
# cv2.imwrite('test%i.jpg' % j, cutout)
2019-10-10 20:54:20 +00:00
im = im[:, :, ::-1].transpose(2, 0, 1) # BGR to RGB, to 3x416x416
im = np.ascontiguousarray(im, dtype=np.float32) # uint8 to float32
im /= 255.0 # 0 - 255 to 0.0 - 1.0
ims.append(im)
2019-10-12 11:59:07 +00:00
pred_cls2 = model(torch.Tensor(ims).to(d.device)).argmax(1) # classifier prediction
x[i] = x[i][pred_cls1 == pred_cls2] # retain matching class detections
2019-10-10 20:54:20 +00:00
return x
2019-07-25 15:49:54 +00:00
def fitness(x):
# Returns fitness (for use with results.txt or evolve.txt)
2019-09-12 13:02:59 +00:00
return x[:, 2] * 0.8 + x[:, 3] * 0.2 # weighted mAP and F1 combination
2019-07-25 15:49:54 +00:00
2019-04-09 11:39:17 +00:00
# Plotting functions ---------------------------------------------------------------------------------------------------
def plot_one_box(x, img, color=None, label=None, line_thickness=None):
# Plots one bounding box on image img
2019-07-15 14:27:13 +00:00
tl = line_thickness or round(0.002 * (img.shape[0] + img.shape[1]) / 2) + 1 # line thickness
2019-04-09 11:39:17 +00:00
color = color or [random.randint(0, 255) for _ in range(3)]
c1, c2 = (int(x[0]), int(x[1])), (int(x[2]), int(x[3]))
cv2.rectangle(img, c1, c2, color, thickness=tl)
if label:
tf = max(tl - 1, 1) # font thickness
t_size = cv2.getTextSize(label, 0, fontScale=tl / 3, thickness=tf)[0]
c2 = c1[0] + t_size[0], c1[1] - t_size[1] - 3
cv2.rectangle(img, c1, c2, color, -1) # filled
cv2.putText(img, label, (c1[0], c1[1] - 2), 0, tl / 3, [225, 255, 255], thickness=tf, lineType=cv2.LINE_AA)
def plot_wh_methods(): # from utils.utils import *; plot_wh_methods()
# Compares the two methods for width-height anchor multiplication
# https://github.com/ultralytics/yolov3/issues/168
x = np.arange(-4.0, 4.0, .1)
ya = np.exp(x)
2019-04-06 14:13:11 +00:00
yb = torch.sigmoid(torch.from_numpy(x)).numpy() * 2
fig = plt.figure(figsize=(6, 3), dpi=150)
plt.plot(x, ya, '.-', label='yolo method')
plt.plot(x, yb ** 2, '.-', label='^2 power method')
plt.plot(x, yb ** 2.5, '.-', label='^2.5 power method')
plt.xlim(left=-4, right=4)
plt.ylim(bottom=0, top=6)
plt.xlabel('input')
plt.ylabel('output')
plt.legend()
fig.tight_layout()
2019-07-23 15:03:09 +00:00
fig.savefig('comparison.png', dpi=200)
2019-07-07 21:24:34 +00:00
def plot_images(imgs, targets, paths=None, fname='images.jpg'):
2019-04-09 10:24:32 +00:00
# Plots training images overlaid with targets
2019-04-09 11:21:39 +00:00
imgs = imgs.cpu().numpy()
targets = targets.cpu().numpy()
2019-07-09 16:16:15 +00:00
# targets = targets[targets[:, 1] == 21] # plot only one class
2019-04-09 11:21:39 +00:00
2019-04-09 10:24:01 +00:00
fig = plt.figure(figsize=(10, 10))
2019-04-25 20:47:31 +00:00
bs, _, h, w = imgs.shape # batch size, _, height, width
2019-07-20 17:27:27 +00:00
bs = min(bs, 16) # limit plot to 16 images
2019-04-25 20:47:31 +00:00
ns = np.ceil(bs ** 0.5) # number of subplots
2019-04-09 10:24:01 +00:00
for i in range(bs):
2019-04-25 20:47:31 +00:00
boxes = xywh2xyxy(targets[targets[:, 0] == i, 2:6]).T
boxes[[0, 2]] *= w
boxes[[1, 3]] *= h
plt.subplot(ns, ns, i + 1).imshow(imgs[i].transpose(1, 2, 0))
2019-07-09 16:16:35 +00:00
plt.plot(boxes[[0, 2, 2, 0, 0]], boxes[[1, 1, 3, 3, 1]], '.-')
2019-04-09 10:24:01 +00:00
plt.axis('off')
2019-07-07 21:24:34 +00:00
if paths is not None:
2019-07-07 21:53:56 +00:00
s = Path(paths[i]).name
plt.title(s[:min(len(s), 40)], fontdict={'size': 8}) # limit to 40 characters
2019-04-09 10:24:01 +00:00
fig.tight_layout()
2019-07-23 15:03:09 +00:00
fig.savefig(fname, dpi=200)
2019-04-09 10:32:26 +00:00
plt.close()
2019-04-09 10:24:01 +00:00
2019-06-22 17:21:05 +00:00
def plot_test_txt(): # from utils.utils import *; plot_test()
2019-06-01 16:29:14 +00:00
# Plot test.txt histograms
x = np.loadtxt('test.txt', dtype=np.float32)
box = xyxy2xywh(x[:, :4])
cx, cy = box[:, 0], box[:, 1]
fig, ax = plt.subplots(1, 1, figsize=(6, 6))
ax.hist2d(cx, cy, bins=600, cmax=10, cmin=0)
ax.set_aspect('equal')
fig.tight_layout()
plt.savefig('hist2d.jpg', dpi=300)
fig, ax = plt.subplots(1, 2, figsize=(12, 6))
ax[0].hist(cx, bins=600)
ax[1].hist(cy, bins=600)
fig.tight_layout()
2019-07-23 15:03:09 +00:00
plt.savefig('hist1d.jpg', dpi=200)
2019-06-01 16:29:14 +00:00
2019-06-22 17:21:05 +00:00
def plot_targets_txt(): # from utils.utils import *; plot_targets_txt()
# Plot test.txt histograms
x = np.loadtxt('targets.txt', dtype=np.float32)
x = x.T
2019-06-23 20:01:11 +00:00
s = ['x targets', 'y targets', 'width targets', 'height targets']
2019-06-22 17:21:05 +00:00
fig, ax = plt.subplots(2, 2, figsize=(8, 8))
ax = ax.ravel()
for i in range(4):
ax[i].hist(x[i], bins=100, label='%.3g +/- %.3g' % (x[i].mean(), x[i].std()))
ax[i].legend()
ax[i].set_title(s[i])
fig.tight_layout()
2019-07-23 15:03:09 +00:00
plt.savefig('targets.jpg', dpi=200)
2019-06-22 17:21:05 +00:00
2019-07-25 16:09:24 +00:00
def plot_evolution_results(hyp): # from utils.utils import *; plot_evolution_results(hyp)
2019-07-25 15:49:54 +00:00
# Plot hyperparameter evolution results in evolve.txt
2019-08-24 10:20:43 +00:00
x = np.loadtxt('evolve.txt', ndmin=2)
2019-07-25 15:49:54 +00:00
f = fitness(x)
weights = (f - f.min()) ** 2 # for weighted results
fig = plt.figure(figsize=(12, 10))
matplotlib.rc('font', **{'size': 8})
for i, (k, v) in enumerate(hyp.items()):
2019-11-14 21:14:47 +00:00
y = x[:, i + 7]
2019-07-25 15:49:54 +00:00
# mu = (y * weights).sum() / weights.sum() # best weighted result
mu = y[f.argmax()] # best single result
plt.subplot(4, 5, i + 1)
plt.plot(mu, f.max(), 'o', markersize=10)
plt.plot(y, f, '.')
2019-07-25 16:09:24 +00:00
plt.title('%s = %.3g' % (k, mu), fontdict={'size': 9}) # limit to 40 characters
print('%15s: %.3g' % (k, mu))
2019-07-25 15:49:54 +00:00
fig.tight_layout()
plt.savefig('evolve.png', dpi=200)
2019-08-23 11:44:18 +00:00
def plot_results_overlay(start=0, stop=0): # from utils.utils import *; plot_results_overlay()
2019-08-05 11:32:48 +00:00
# Plot training results files 'results*.txt', overlaying train and val losses
2019-11-08 04:01:47 +00:00
s = ['train', 'train', 'train', 'Precision', 'mAP@0.5', 'val', 'val', 'val', 'Recall', 'F1'] # legends
2019-08-24 14:43:43 +00:00
t = ['GIoU', 'Objectness', 'Classification', 'P-R', 'mAP-F1'] # titles
2019-08-05 11:32:48 +00:00
for f in sorted(glob.glob('results*.txt') + glob.glob('../../Downloads/results*.txt')):
2019-08-24 14:43:43 +00:00
results = np.loadtxt(f, usecols=[2, 3, 4, 8, 9, 12, 13, 14, 10, 11], ndmin=2).T
2019-08-05 11:32:48 +00:00
n = results.shape[1] # number of rows
x = range(start, min(stop, n) if stop else n)
2019-08-05 13:40:40 +00:00
fig, ax = plt.subplots(1, 5, figsize=(14, 3.5))
ax = ax.ravel()
2019-08-05 11:32:48 +00:00
for i in range(5):
2019-08-05 14:59:32 +00:00
for j in [i, i + 5]:
2019-08-10 20:11:55 +00:00
y = results[j, x]
if i in [0, 1, 2]:
y[y == 0] = np.nan # dont show zero loss values
ax[i].plot(x, y, marker='.', label=s[j])
2019-08-05 11:32:48 +00:00
ax[i].set_title(t[i])
ax[i].legend()
2019-08-05 13:50:45 +00:00
ax[i].set_ylabel(f) if i == 0 else None # add filename
2019-08-05 13:40:40 +00:00
fig.tight_layout()
fig.savefig(f.replace('.txt', '.png'), dpi=200)
2019-08-05 11:32:48 +00:00
2019-11-25 06:10:39 +00:00
def plot_results(start=0, stop=0): # from utils.utils import *; plot_results()
# Plot training results files 'results*.txt'
fig, ax = plt.subplots(2, 5, figsize=(14, 7))
ax = ax.ravel()
s = ['GIoU', 'Objectness', 'Classification', 'Precision', 'Recall',
'val GIoU', 'val Objectness', 'val Classification', 'mAP@0.5', 'F1']
for f in sorted(glob.glob('results*.txt') + glob.glob('../../Downloads/results*.txt')):
results = np.loadtxt(f, usecols=[2, 3, 4, 8, 9, 12, 13, 14, 10, 11], ndmin=2).T
n = results.shape[1] # number of rows
x = range(start, min(stop, n) if stop else n)
for i in range(10):
y = results[i, x]
if i in [0, 1, 2, 5, 6, 7]:
y[y == 0] = np.nan # dont show zero loss values
ax[i].plot(x, y, marker='.', label=f.replace('.txt', ''))
ax[i].set_title(s[i])
if i in [5, 6, 7]: # share train and val loss y axes
ax[i].get_shared_y_axes().join(ax[i], ax[i - 5])
fig.tight_layout()
ax[1].legend()
fig.savefig('results.png', dpi=200)