当前位置:   article > 正文

YOLOV5单目测距+车辆检测+车道线检测+行人检测(教程-代码)_yolo+车辆识别+测距

yolo+车辆识别+测距
YOLOv5是一种高效的目标检测算法,结合其在单目测距、车辆检测、车道线检测和行人检测等领域的应用,可以实现多个重要任务的精确识别和定位。
首先,YOLOv5可以用于单目测距。

通过分析图像中的目标位置和尺寸信息,结合相机参数和几何关系,可以推断出目标与相机之间的距离。这对于智能驾驶、机器人导航等领域至关重要,可以帮助车辆或机器人感知周围环境的远近,并做出相应的决策。

其次,YOLOv5可以用于车辆检测。

它可以快速而准确地检测图像中的车辆,并给出其边界框和类别信息。这对于交通监控、智能交通管理等应用非常有用,可以帮助实时监测道路上的车辆情况,并进行车辆计数、违规检测等任务。

此外,YOLOv5还可以用于车道线检测。

通过分析道路图像中的特征,如边缘、颜色等,结合YOLOv5的目标检测能力,可以有效地检测出车道线的位置和形状。这对于自动驾驶、车道保持等任务至关重要,可以帮助车辆实时判断自己在道路上的位置,并做出相应的控制动作。

最后,YOLOv5还可以用于行人检测。

它可以准确地检测图像中的行人,并给出其边界框和类别信息。这对于行人安全、城市规划等领域非常有用,可以帮助监测行人的数量和分布情况,并进行行人流量统计、行人路径规划等任务。

总之,YOLOv5作为一种高效的目标检测算法,在单目测距、车辆检测、车道线检测和行人检测等领域具有重要的应用价值。它的快速和精确性能使其成为实时场景中的首选算法,并在智能交通、自动驾驶等领域发挥着重要的作用。

1、论文流程的简介

项目的主题框架使用为yolo和opencv的形式实现,而模型的选择为基于深度学习的YOLO V5模型,权重为基于COCO2014训练的数据集,而车道线的检测是基于OpenCV的传统方法实现的。

2、论文主体部分

2.1、YOLO V5模型

YoloV2的结构是比较简单的,这里要注意的地方有两个:

  1. 1.输出的是batchsize x (5+20*5 x W x H的feature map;
  2. 2.这里为了提取细节,加了一个 Fine-Grained connection layer,将前面的细节信息汇聚到了后面的层当中。

YOLOv2结构示意图

2.1.1、DarkNet19模型
YOLOv2采用了一个新的基础模型(特征提取器),称为Darknet-19,包括19个卷积层和5个maxpooling层;Darknet-19与VGG16模型设计原则是一致的,主要采用33卷积,采用 22的maxpooling层之后,特征图维度降低2倍,而同时将特征图的channles增加两倍。

与NIN(Network in Network)类似,Darknet-19最终采用global avgpooling做预测,并且在33卷积之间使用11卷积来压缩特征图channles以降低模型计算量和参数。

Darknet-19每个卷积层后面同样使用了batch norm层以加快收敛速度,降低模型过拟合。在ImageNet分类数据集上,Darknet-19的top-1准确度为72.9%,top-5准确度为91.2%,但是模型参数相对小一些。使用Darknet-19之后,YOLOv2的mAP值没有显著提升,但是计算量却可以减少约33%。
 

  1. """Darknet19 Model Defined in Keras."""
  2. import functools
  3. from functools import partial
  4. from keras.layers import Conv2D, MaxPooling2D
  5. from keras.layers.advanced_activations import LeakyReLU
  6. from keras.layers.normalization import BatchNormalization
  7. from keras.models import Model
  8. from keras.regularizers import l2
  9. from ..utils import compose
  10. # Partial wrapper for Convolution2D with static default argument.
  11. _DarknetConv2D = partial(Conv2D, padding='same')
  12. @functools.wraps(Conv2D)
  13. def DarknetConv2D(*args, **kwargs):
  14. """Wrapper to set Darknet weight regularizer for Convolution2D."""
  15. darknet_conv_kwargs = {'kernel_regularizer': l2(5e-4)}
  16. darknet_conv_kwargs.update(kwargs)
  17. return _DarknetConv2D(*args, **darknet_conv_kwargs)
  18. def DarknetConv2D_BN_Leaky(*args, **kwargs):
  19. """Darknet Convolution2D followed by BatchNormalization and LeakyReLU."""
  20. no_bias_kwargs = {'use_bias': False}
  21. no_bias_kwargs.update(kwargs)
  22. return compose(
  23. DarknetConv2D(*args, **no_bias_kwargs),
  24. BatchNormalization(),
  25. LeakyReLU(alpha=0.1))
  26. def bottleneck_block(outer_filters, bottleneck_filters):
  27. """Bottleneck block of 3x3, 1x1, 3x3 convolutions."""
  28. return compose(
  29. DarknetConv2D_BN_Leaky(outer_filters, (3, 3)),
  30. DarknetConv2D_BN_Leaky(bottleneck_filters, (1, 1)),
  31. DarknetConv2D_BN_Leaky(outer_filters, (3, 3)))
  32. def bottleneck_x2_block(outer_filters, bottleneck_filters):
  33. """Bottleneck block of 3x3, 1x1, 3x3, 1x1, 3x3 convolutions."""
  34. return compose(
  35. bottleneck_block(outer_filters, bottleneck_filters),
  36. DarknetConv2D_BN_Leaky(bottleneck_filters, (1, 1)),
  37. DarknetConv2D_BN_Leaky(outer_filters, (3, 3)))
  38. def darknet_body():
  39. """Generate first 18 conv layers of Darknet-19."""
  40. return compose(
  41. DarknetConv2D_BN_Leaky(32, (3, 3)),
  42. MaxPooling2D(),
  43. DarknetConv2D_BN_Leaky(64, (3, 3)),
  44. MaxPooling2D(),
  45. bottleneck_block(128, 64),
  46. MaxPooling2D(),
  47. bottleneck_block(256, 128),
  48. MaxPooling2D(),
  49. bottleneck_x2_block(512, 256),
  50. MaxPooling2D(),
  51. bottleneck_x2_block(1024, 512))
  52. def darknet19(inputs):
  53. """Generate Darknet-19 model for Imagenet classification."""
  54. body = darknet_body()(inputs)
  55. logits = DarknetConv2D(1000, (1, 1), activation='softmax')(body)
  56. return Model(inputs, logits)

2.1.2、Fine-Grained Features
YOLOv2的输入图片大小为416416,经过5次maxpooling之后得到1313大小的特征图,并以此特征图采用卷积做预测。13*13大小的特征图对检测大物体是足够了,但是对于小物体还需要更精细的特征图(Fine-Grained Features)。因此SSD使用了多尺度的特征图来分别检测不同大小的物体,前面更精细的特征图可以用来预测小物体

YOLOv2提出了一种passthrough层来利用更精细的特征图。YOLOv2所利用的Fine-Grained Features是2626大小的特征图(最后一个maxpooling层的输入),对于Darknet-19模型来说就是大小为 2626512的特征图。passthrough层与ResNet网络的shortcut类似,以前面更高分辨率的特征图为输入,然后将其连接到后面的低分辨率特征图上。前面的特征图维度是后面的特征图的2倍,passthrough层抽取前面层的每个22的局部区域,然后将其转化为channel维度,对于2626512的特征图,经passthrough层处理之后就变成了13132048的新特征图(特征图大小降低4倍,而channles增加4倍,图6为一个实例),这样就可以与后面的13131024特征图连接在一起形成13133072大小的特征图,然后在此特征图基础上卷积做预测。

2.1.3、YOLOv5的训练

YOLOv2的训练主要包括三个阶段。第一阶段就是先在coco分类数据集上预训练Darknet-19,此时模型输入为224*224,共训练160个epochs。然后第二阶段将网络的输入调整为448*448,继续在ImageNet数据集上finetune分类模型,训练10个epochs,此时分类模型的top-1准确度为76.5%,而top-5准确度为93.3%。第三个阶段就是修改Darknet-19分类模型为检测模型,并在检测数据集上继续finetune网络

  1. def yolo_loss(args,
  2. anchors,
  3. num_classes,
  4. rescore_confidence=False,
  5. print_loss=False):
  6. """YOLO localization loss function.
  7. Parameters
  8. ----------
  9. yolo_output : tensor
  10. Final convolutional layer features.
  11. true_boxes : tensor
  12. Ground truth boxes tensor with shape [batch, num_true_boxes, 5]
  13. containing box x_center, y_center, width, height, and class.
  14. detectors_mask : array
  15. 0/1 mask for detector positions where there is a matching ground truth.
  16. matching_true_boxes : array
  17. Corresponding ground truth boxes for positive detector positions.
  18. Already adjusted for conv height and width.
  19. anchors : tensor
  20. Anchor boxes for model.
  21. num_classes : int
  22. Number of object classes.
  23. rescore_confidence : bool, default=False
  24. If true then set confidence target to IOU of best predicted box with
  25. the closest matching ground truth box.
  26. print_loss : bool, default=False
  27. If True then use a tf.Print() to print the loss components.
  28. Returns
  29. -------
  30. mean_loss : float
  31. mean localization loss across minibatch
  32. """
  33. (yolo_output, true_boxes, detectors_mask, matching_true_boxes) = args
  34. num_anchors = len(anchors)
  35. object_scale = 5
  36. no_object_scale = 1
  37. class_scale = 1
  38. coordinates_scale = 1
  39. pred_xy, pred_wh, pred_confidence, pred_class_prob = yolo_head(
  40. yolo_output, anchors, num_classes)
  41. # Unadjusted box predictions for loss.
  42. # TODO: Remove extra computation shared with yolo_head.
  43. yolo_output_shape = K.shape(yolo_output)
  44. feats = K.reshape(yolo_output, [
  45. -1, yolo_output_shape[1], yolo_output_shape[2], num_anchors,
  46. num_classes + 5
  47. ])
  48. pred_boxes = K.concatenate(
  49. (K.sigmoid(feats[..., 0:2]), feats[..., 2:4]), axis=-1)
  50. # TODO: Adjust predictions by image width/height for non-square images?
  51. # IOUs may be off due to different aspect ratio.
  52. # Expand pred x,y,w,h to allow comparison with ground truth.
  53. # batch, conv_height, conv_width, num_anchors, num_true_boxes, box_params
  54. pred_xy = K.expand_dims(pred_xy, 4)
  55. pred_wh = K.expand_dims(pred_wh, 4)
  56. pred_wh_half = pred_wh / 2.
  57. pred_mins = pred_xy - pred_wh_half
  58. pred_maxes = pred_xy + pred_wh_half
  59. true_boxes_shape = K.shape(true_boxes)
  60. # batch, conv_height, conv_width, num_anchors, num_true_boxes, box_params
  61. true_boxes = K.reshape(true_boxes, [
  62. true_boxes_shape[0], 1, 1, 1, true_boxes_shape[1], true_boxes_shape[2]
  63. ])
  64. true_xy = true_boxes[..., 0:2]
  65. true_wh = true_boxes[..., 2:4]
  66. # Find IOU of each predicted box with each ground truth box.
  67. true_wh_half = true_wh / 2.
  68. true_mins = true_xy - true_wh_half
  69. true_maxes = true_xy + true_wh_half
  70. intersect_mins = K.maximum(pred_mins, true_mins)
  71. intersect_maxes = K.minimum(pred_maxes, true_maxes)
  72. intersect_wh = K.maximum(intersect_maxes - intersect_mins, 0.)
  73. intersect_areas = intersect_wh[..., 0] * intersect_wh[..., 1]
  74. pred_areas = pred_wh[..., 0] * pred_wh[..., 1]
  75. true_areas = true_wh[..., 0] * true_wh[..., 1]
  76. union_areas = pred_areas + true_areas - intersect_areas
  77. iou_scores = intersect_areas / union_areas
  78. # Best IOUs for each location.
  79. best_ious = K.max(iou_scores, axis=4) # Best IOU scores.
  80. best_ious = K.expand_dims(best_ious)
  81. # A detector has found an object if IOU > thresh for some true box.
  82. object_detections = K.cast(best_ious > 0.6, K.dtype(best_ious))
  83. # TODO: Darknet region training includes extra coordinate loss for early
  84. # training steps to encourage predictions to match anchor priors.
  85. # Determine confidence weights from object and no_object weights.
  86. # NOTE: YOLO does not use binary cross-entropy here.
  87. no_object_weights = (no_object_scale * (1 - object_detections) *
  88. (1 - detectors_mask))
  89. no_objects_loss = no_object_weights * K.square(-pred_confidence)
  90. if rescore_confidence:
  91. objects_loss = (object_scale * detectors_mask *
  92. K.square(best_ious - pred_confidence))
  93. else:
  94. objects_loss = (object_scale * detectors_mask *
  95. K.square(1 - pred_confidence))
  96. confidence_loss = objects_loss + no_objects_loss
  97. # Classification loss for matching detections.
  98. # NOTE: YOLO does not use categorical cross-entropy loss here.
  99. matching_classes = K.cast(matching_true_boxes[..., 4], 'int32')
  100. matching_classes = K.one_hot(matching_classes, num_classes)
  101. classification_loss = (class_scale * detectors_mask *
  102. K.square(matching_classes - pred_class_prob))
  103. # Coordinate loss for matching detection boxes.
  104. matching_boxes = matching_true_boxes[..., 0:4]
  105. coordinates_loss = (coordinates_scale * detectors_mask *
  106. K.square(matching_boxes - pred_boxes))
  107. confidence_loss_sum = K.sum(confidence_loss)
  108. classification_loss_sum = K.sum(classification_loss)
  109. coordinates_loss_sum = K.sum(coordinates_loss)
  110. total_loss = 0.5 * (
  111. confidence_loss_sum + classification_loss_sum + coordinates_loss_sum)
  112. if print_loss:
  113. total_loss = tf.Print(
  114. total_loss, [
  115. total_loss, confidence_loss_sum, classification_loss_sum,
  116. coordinates_loss_sum
  117. ],
  118. message='yolo_loss, conf_loss, class_loss, box_coord_loss:')
  119. return total_loss

2.2、车距的计算

过YOLO进行检测车量,然后返回的车辆检测框的坐标与当前坐标进行透视变换获取大约的距离作为车辆之间的距离。

所使用的函数API接口为:

cv2.perspectiveTransform(src, m[, dst]) → dst

参数解释

  1. •src:输入的2通道或者3通道的图片
  2. •m:变换矩阵
  3. 返回距离

2.3、车道线的分割
实现步骤

1.图片校正(对于相机畸变较大的需要先计算相机的畸变矩阵和失真系数,对图片进行校正);

2.截取感兴趣区域,仅对包含车道线信息的图像区域进行处理;

3.使用透视变换,将感兴趣区域图片转换成鸟瞰图;

4.针对不同颜色的车道线,不同光照条件下的车道线,不同清晰度的车道线,根据不同的颜色空间使用不同的梯度阈值,颜色阈值进行不同的处理。并将每一种处理方式进行融合,得到车道线的二进制图;

5.提取二进制图中属于车道线的像素;

6.对二进制图片的像素进行直方图统计,统计左右两侧的峰值点作为左右车道线的起始点坐标进行曲线拟合;

7.使用二次多项式分别拟合左右车道线的像素点(对于噪声较大的像素点,可以进行滤波处理,或者使用随机采样一致性算法进行曲线拟合);

8.计算车道曲率及车辆相对车道中央的偏离位置;

9.效果显示(可行域显示,曲率和位置显示)。

class that finds the whole lane
class LaneFinder:
def init(self, img_size, warped_size, cam_matrix, dist_coeffs, transform_matrix, pixels_per_meter,
warning_icon):
self.found = False
self.cam_matrix = cam_matrix
self.dist_coeffs = dist_coeffs
self.img_size = img_size
self.warped_size = warped_size
self.mask = np.zeros((warped_size[1], warped_size[0], 3), dtype=np.uint8)
self.roi_mask = np.ones((warped_size[1], warped_size[0], 3), dtype=np.uint8)
self.total_mask = np.zeros_like(self.roi_mask)
self.warped_mask = np.zeros((self.warped_size[1], self.warped_size[0]), dtype=np.uint8)
self.M = transform_matrix
self.count = 0
self.left_line = LaneLineFinder(warped_size, pixels_per_meter, -1.8288) # 6 feet in meters
self.right_line = LaneLineFinder(warped_size, pixels_per_meter, 1.8288)
if (warning_icon is not None):
self.warning_icon = np.array(mpimg.imread(warning_icon) * 255, dtype=np.uint8)
else:
self.warning_icon = None
 

  1. def undistort(self, img):
  2. return cv2.undistort(img, self.cam_matrix, self.dist_coeffs)
  3. def warp(self, img):
  4. return cv2.warpPerspective(img, self.M, self.warped_size, flags=cv2.WARP_FILL_OUTLIERS + cv2.INTER_CUBIC)
  5. def unwarp(self, img):
  6. return cv2.warpPerspective(img, self.M, self.img_size, flags=cv2.WARP_FILL_OUTLIERS +
  7. cv2.INTER_CUBIC + cv2.WARP_INVERSE_MAP)
  8. def equalize_lines(self, alpha=0.9):
  9. mean = 0.5 * (self.left_line.coeff_history[:, 0] + self.right_line.coeff_history[:, 0])
  10. self.left_line.coeff_history[:, 0] = alpha * self.left_line.coeff_history[:, 0] + \
  11. (1 - alpha) * (mean - np.array([0, 0, 1.8288], dtype=np.uint8))
  12. self.right_line.coeff_history[:, 0] = alpha * self.right_line.coeff_history[:, 0] + \
  13. (1 - alpha) * (mean + np.array([0, 0, 1.8288], dtype=np.uint8))
  14. def find_lane(self, img, distorted=True, reset=False):
  15. # undistort, warp, change space, filter
  16. if distorted:
  17. img = self.undistort(img)
  18. if reset:
  19. self.left_line.reset_lane_line()
  20. self.right_line.reset_lane_line()
  21. img = self.warp(img)
  22. img_hls = cv2.cvtColor(img, cv2.COLOR_RGB2HLS)
  23. img_hls = cv2.medianBlur(img_hls, 5)
  24. img_lab = cv2.cvtColor(img, cv2.COLOR_RGB2LAB)
  25. img_lab = cv2.medianBlur(img_lab, 5)
  26. big_kernel = cv2.getStructuringElement(cv2.MORPH_ELLIPSE, (31, 31))
  27. small_kernel = cv2.getStructuringElement(cv2.MORPH_RECT, (7, 7))
  28. greenery = (img_lab[:, :, 2].astype(np.uint8) > 130) & cv2.inRange(img_hls, (0, 0, 50), (138, 43, 226))
  29. road_mask = np.logical_not(greenery).astype(np.uint8) & (img_hls[:, :, 1] < 250)
  30. road_mask = cv2.morphologyEx(road_mask, cv2.MORPH_OPEN, small_kernel)
  31. road_mask = cv2.dilate(road_mask, big_kernel)
  32. img2, contours, hierarchy = cv2.findContours(road_mask, cv2.RETR_LIST, cv2.CHAIN_APPROX_NONE)
  33. biggest_area = 0
  34. for contour in contours:
  35. area = cv2.contourArea(contour)
  36. if area > biggest_area:
  37. biggest_area = area
  38. biggest_contour = contour
  39. road_mask = np.zeros_like(road_mask)
  40. cv2.fillPoly(road_mask, [biggest_contour], 1)
  41. self.roi_mask[:, :, 0] = (self.left_line.line_mask | self.right_line.line_mask) & road_mask
  42. self.roi_mask[:, :, 1] = self.roi_mask[:, :, 0]
  43. self.roi_mask[:, :, 2] = self.roi_mask[:, :, 0]
  44. kernel = cv2.getStructuringElement(cv2.MORPH_ELLIPSE, (7, 3))
  45. black = cv2.morphologyEx(img_lab[:, :, 0], cv2.MORPH_TOPHAT, kernel)
  46. lanes = cv2.morphologyEx(img_hls[:, :, 1], cv2.MORPH_TOPHAT, kernel)
  47. kernel = cv2.getStructuringElement(cv2.MORPH_RECT, (13, 13))
  48. lanes_yellow = cv2.morphologyEx(img_lab[:, :, 2], cv2.MORPH_TOPHAT, kernel)
  49. self.mask[:, :, 0] = cv2.adaptiveThreshold(black, 1, cv2.ADAPTIVE_THRESH_MEAN_C, cv2.THRESH_BINARY, 13, -6)
  50. self.mask[:, :, 1] = cv2.adaptiveThreshold(lanes, 1, cv2.ADAPTIVE_THRESH_MEAN_C, cv2.THRESH_BINARY, 13, -4)
 2.4、测试过程和结果

总结与效果展示


单目测距(Monocular Depth Estimation):
单目测距是指通过使用单个摄像头来估计场景中物体的距离。YOLOv5可以通过训练一个深度估计模型,从图像中预测每个像素的深度信息,并据此计算物体距离。在YOLOv5中,可以使用深度学习框架如PyTorch进行模型的训练和推断。

车辆检测(Vehicle Detection):

车辆检测是指从图像或视频中检测和识别出车辆的位置和边界框。YOLOv5可以通过训练一个车辆检测模型,对图像中的车辆进行准确的定位和分类。车辆检测可以应用于交通监控、自动驾驶等领域。

车道线检测(Lane Detection):

车道线检测是指从图像或视频中检测和提取出道路上的车道线信息。YOLOv5可以通过训练一个车道线检测模型,从图像中识别出车道线的位置和形状。车道线检测在自动驾驶、驾驶辅助系统等方面具有重要应用。

行人检测(Pedestrian Detection):
行人检测是指从图像或视频中检测和识别出行人的位置和边界框。YOLOv5可以通过训练一个行人检测模型,对场景中的行人进行准确的定位和分类。行人检测可应用于安防监控、智能交通等领域。

 交流学习QQ767172261

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/我家小花儿/article/detail/467678
推荐阅读
相关标签
  

闽ICP备14008679号