• PPLiteSeg训练自己的数据集实现自动驾驶并爆改制作成API可供其他Python程序调用实时语义分割(超低延时)


    一、前言

    PPLiteSeg是百度飞浆研发的一种兼具高精度和低延时的实时语义分割算法,目前已经开源。

    github地址:GitHub - PaddlePaddle/PaddleSeg: Easy-to-use image segmentation library with awesome pre-trained model zoo, supporting wide-range of practical tasks in Semantic Segmentation, Interactive Segmentation, Panoptic Segmentation, Image Matting, 3D Segmentation, etc.

    实时语义分割领域更讲究运行流程性和分割准确度之间的平衡。

    PP-LiteSeg 是一个同时兼顾精度与速度的 SOTA(业界最佳)语义分割模型。它基于 Cityscapes 数据集,在 1080ti 上精度为 mIoU 72.0 时,速度高达273.6 FPS(mIoU 77.5 时,FPS 为102.6),超越现有 CVPR SOTA 模型 STDC,真正实现了精度和速度的 SOTA 均衡。

     更值得令人惊喜的是,PP-LiteSeg 不仅在开源数据集评测效果优秀,在产业数据集也表现出了惊人的实力!例如在质检、遥感场景,PP-LiteSeg 的精度与高精度、大体积的 OCRNet 持平,而速度却快了近7倍!!!

    本人使用PP-LiteSeg 的目的是尝试将语义分割和目标检测相结合,来实现自动驾驶的视觉部分。

    由于PP-LiteSeg 在实时语义分割领域的实时检测流程性和分割准确率都是SOTA,故选择其进行训练与部署。

    二、训练

    1.环境的搭建

    开始使用_飞桨-源于产业实践的开源深度学习平台

    根据你电脑的显卡类型、安装的显卡驱动来安装  paddlepaddle-gpu  ,比如我的电脑显卡是英伟达的 RTX 2060,CUDA是11.1,CUDNN是8.1,选择对应的版本进行命令行下载。

    使用如下命令验证PaddlePaddle是否安装成功,并且查看版本。

    1. # 在Python解释器中顺利执行如下命令
    2. >>> import paddle
    3. >>> paddle.utils.run_check()
    4. # 如果命令行出现以下提示,说明PaddlePaddle安装成功
    5. # PaddlePaddle is installed successfully! Let's start deep learning with PaddlePaddle now.
    6. # 查看PaddlePaddle版本
    7. >>> print(paddle.__version__)

     安装完成后,安装 PaddleSeg

    pip install paddleseg

    2.数据集

    首先,我使用的数据集是Kaggle上获取的CARLA自动驾驶汽车模拟器的数据集,后续会尝试使用真实环境下的数据集进行训练与分割。

    Semantic Segmentation for Self Driving Cars | Kaggle

    CARLA Simulator

    它的原始数据集分成了A、B、C、D、E五个部分,每个部分含有1000张image和1000张对应的mask。

    数据集处理的官方教程:

    https://github.com/PaddlePaddle/PaddleSeg/blob/release/2.6/docs/data/marker/marker_cn.md

    本人自制的数据集处理与标注教程:

    百度飞浆EISeg高效交互式标注分割软件的使用教程_Leonard2021的博客-CSDN博客

    可能需要用到的代码, change_channel.py  :

    1. # 将三通道变成单通道。
    2. import os
    3. import os.path as osp
    4. import sys
    5. import numpy as np
    6. from PIL import Image
    7. input = 'data/dataA_B/annotations'
    8. # os.walk()方法用于通过在目录树中游走输出在目录中的文件名
    9. for fpath, dirs, fs in os.walk(input):
    10. print(fpath)
    11. for f in fs:
    12. try:
    13. path = osp.join(fpath, f)
    14. # _output_dir = fpath.replace(input, '')
    15. # _output_dir = _output_dir.lstrip(os.path.sep)
    16. image = Image.open(path)
    17. image,_,_ = image.split()
    18. image.save(path)
    19. except:
    20. continue
    21. print("已变为单通道!")

    可能用到的命令行:

    1. # 变成伪彩色图
    2. python gray2pseudo_color.py /CARLA_data/annotations /CARLA_data/annotations
    1. # 数据划分
    2. python split_dataset_list.py CARLA_data images annotations --split 0.9 0.1 0 --format png png

    我将原始数据集整理到一起,并且进行了重命名和数据集划分,方便操作。免费提供给大家:

    链接:https://pan.baidu.com/s/1dzQw8XD-URdBiEq8XArDdw
    提取码:8888

    整体架构:

    1. CARLA_data-
    2. -annotations
    3. ---000000.png
    4. ---000001.png
    5. ---**********
    6. -images
    7. ---000000.png
    8. ---000001.png
    9. ---**********
    10. -test.txt
    11. -train.txt
    12. -val.txt

    3.训练实战

    百度飞浆官方教程:https://github.com/PaddlePaddle/PaddleSeg/blob/release/2.6/docs/whole_process_cn.md

    PaddleSeg动态图API使用教程 - 飞桨AI Studio

    我使用的是API的简易版本,具体如下:

    建立一个   train.py  文件

    1. from paddleseg.models import PPLiteSeg
    2. from paddleseg.models.backbones import STDC1
    3. import paddleseg.transforms as T
    4. from paddleseg.datasets import Dataset
    5. from paddleseg.models.losses import CrossEntropyLoss
    6. import paddle
    7. from paddleseg.core import train
    8. backbone = STDC1()
    9. #构建模型
    10. model = PPLiteSeg(num_classes=13,
    11. backbone= backbone,
    12. arm_out_chs = [32, 64, 128],
    13. seg_head_inter_chs = [32, 64, 64],
    14. pretrained=None)
    15. # 构建训练用的transforms
    16. transforms = [
    17. T.ResizeStepScaling(min_scale_factor=0.5,max_scale_factor=2.5,scale_step_size=0.25),
    18. T.RandomPaddingCrop(crop_size=[960,720]),
    19. T.RandomHorizontalFlip(),
    20. T.RandomDistort(brightness_range=0.5,contrast_range=0.5,saturation_prob=0.5),
    21. T.Normalize()
    22. ]
    23. # 构建训练集
    24. train_dataset = Dataset(
    25. transforms = transforms,
    26. dataset_root = 'CARLA_data',
    27. num_classes= 13,
    28. train_path = 'CARLA_data/train.txt',
    29. mode='train'
    30. )
    31. # 构建验证用的transforms
    32. transforms = [
    33. T.Normalize()
    34. ]
    35. # 构建验证集
    36. val_dataset = Dataset(
    37. transforms = transforms,
    38. dataset_root = 'CARLA_data',
    39. num_classes= 13,
    40. val_path = 'CARLA_data/val.txt',
    41. mode='val'
    42. )
    43. # 设置学习率
    44. base_lr = 0.01
    45. lr = paddle.optimizer.lr.PolynomialDecay(base_lr, power=0.9, decay_steps=1000, end_lr=0)
    46. optimizer = paddle.optimizer.Momentum(lr, parameters=model.parameters(), momentum=0.9, weight_decay=4.0e-5)
    47. #构建损失函数
    48. losses = {}
    49. losses['types'] = [CrossEntropyLoss()] * 3
    50. losses['coef'] = [1]* 3
    51. #设置训练函数
    52. train(
    53. model=model,
    54. train_dataset=train_dataset,
    55. val_dataset=val_dataset,
    56. optimizer=optimizer,
    57. save_dir='output',
    58. iters=10000,
    59. batch_size=4,
    60. save_interval=200,
    61. log_iters=10,
    62. num_workers=0,
    63. losses=losses,
    64. use_vdl=True)

    训练完成后会在根目录下的output文件夹中生成训练好的模型以及训练过程的日志。

     对图像文件或者文件夹内的图像文件进行识别与保存:建立  predict.py  文件

    1. from paddleseg.models import PPLiteSeg
    2. from paddleseg.models.backbones import STDC1
    3. import paddleseg.transforms as T
    4. import os
    5. from paddleseg.core import predict
    6. backbone = STDC1()
    7. model = PPLiteSeg(num_classes=13,
    8. backbone= backbone,
    9. arm_out_chs = [32, 64, 128],
    10. seg_head_inter_chs = [32, 64, 64],
    11. pretrained=None)
    12. transforms = T.Compose([
    13. T.Resize(target_size=(512, 512)),
    14. T.RandomHorizontalFlip(),
    15. T.Normalize()
    16. ])
    17. def get_image_list(image_path):
    18. """Get image list"""
    19. valid_suffix = [
    20. '.JPEG', '.jpeg', '.JPG', '.jpg', '.BMP', '.bmp', '.PNG', '.png'
    21. ]
    22. image_list = []
    23. image_dir = None
    24. if os.path.isfile(image_path):
    25. if os.path.splitext(image_path)[-1] in valid_suffix:
    26. image_list.append(image_path)
    27. elif os.path.isdir(image_path):
    28. image_dir = image_path
    29. for root, dirs, files in os.walk(image_path):
    30. for f in files:
    31. if os.path.splitext(f)[-1] in valid_suffix:
    32. image_list.append(os.path.join(root, f))
    33. else:
    34. raise FileNotFoundError(
    35. '`--image_path` is not found. it should be an image file or a directory including images'
    36. )
    37. if len(image_list) == 0:
    38. raise RuntimeError('There are not image file in `--image_path`')
    39. return image_list, image_dir
    40. if __name__ == '__main__':
    41. image_path = 'CARLA_data/image/000658.png' # 也可以输入一个包含图像的目录
    42. image_list, image_dir = get_image_list(image_path)
    43. predict(
    44. model,
    45. model_path='output/best_model/model.pdparams',
    46. transforms=transforms,
    47. image_list=image_list,
    48. image_dir=image_dir,
    49. save_dir='output/results'
    50. )

    识别结果将保存到根目录下output文件夹内的 result文件夹内,这种预测方式只能针对图像,无法做到实时检测,非常地不人性化。

    原始图像:

     

    三、爆改  predict.py  制作成实时检测的可低延时调用的API

    1.思路

    原始的paddleseg.core.py下的predict函数输入端要求是文件的地址,即要求:string格式的输入,故直接改成 0 来调用摄像头来获取图像是完全不可行的,且输出端只有保存到指定地址的代码,没有实时识别与显示的代码,中间还夹杂了很多用于记录训练过程的代码和写入文件的代码。我的整体思路是将输入端改成:由调用端的程序获取摄像头图像后输入到predict函数中,predict函数再进行实时预测并且显示到屏幕上,删去其他用于记录的代码,提高运行流畅性。

    2.代码

    根目录下新建 visualize_myself.py :

    1. # Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
    2. #
    3. # Licensed under the Apache License, Version 2.0 (the "License");
    4. # you may not use this file except in compliance with the License.
    5. # You may obtain a copy of the License at
    6. #
    7. # http://www.apache.org/licenses/LICENSE-2.0
    8. #
    9. # Unless required by applicable law or agreed to in writing, software
    10. # distributed under the License is distributed on an "AS IS" BASIS,
    11. # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
    12. # See the License for the specific language governing permissions and
    13. # limitations under the License.
    14. import os
    15. import cv2
    16. import numpy as np
    17. from PIL import Image as PILImage
    18. def visualize(image, result, color_map, save_dir=None, weight=0.6):
    19. """
    20. Convert predict result to color image, and save added image.
    21. Args:
    22. image (str): The path of origin image.
    23. result (np.ndarray): The predict result of image.
    24. color_map (list): The color used to save the prediction results.
    25. save_dir (str): The directory for saving visual image. Default: None.
    26. weight (float): The image weight of visual image, and the result weight is (1 - weight). Default: 0.6
    27. Returns:
    28. vis_result (np.ndarray): If `save_dir` is None, return the visualized result.
    29. """
    30. color_map = [color_map[i:i + 3] for i in range(0, len(color_map), 3)]
    31. color_map = np.array(color_map).astype("uint8")
    32. # Use OpenCV LUT for color mapping
    33. c1 = cv2.LUT(result, color_map[:, 0])
    34. c2 = cv2.LUT(result, color_map[:, 1])
    35. c3 = cv2.LUT(result, color_map[:, 2])
    36. pseudo_img = np.dstack((c3, c2, c1))
    37. #im = cv2.imread(image)
    38. im = image.copy()
    39. vis_result = cv2.addWeighted(im, weight, pseudo_img, 1 - weight, 0)
    40. if save_dir is not None:
    41. if not os.path.exists(save_dir):
    42. os.makedirs(save_dir)
    43. image_name = os.path.split(image)[-1]
    44. out_path = os.path.join(save_dir, image_name)
    45. cv2.imwrite(out_path, vis_result)
    46. else:
    47. return vis_result
    48. def get_pseudo_color_map(pred, color_map=None):
    49. """
    50. Get the pseudo color image.
    51. Args:
    52. pred (numpy.ndarray): the origin predicted image.
    53. color_map (list, optional): the palette color map. Default: None,
    54. use paddleseg's default color map.
    55. Returns:
    56. (numpy.ndarray): the pseduo image.
    57. """
    58. pred_mask = PILImage.fromarray(pred.astype(np.uint8), mode='P')
    59. if color_map is None:
    60. color_map = get_color_map_list(256)
    61. pred_mask.putpalette(color_map)
    62. return pred_mask
    63. def get_color_map_list(num_classes, custom_color=None):
    64. """
    65. Returns the color map for visualizing the segmentation mask,
    66. which can support arbitrary number of classes.
    67. Args:
    68. num_classes (int): Number of classes.
    69. custom_color (list, optional): Save images with a custom color map. Default: None, use paddleseg's default color map.
    70. Returns:
    71. (list). The color map.
    72. """
    73. num_classes += 1
    74. color_map = num_classes * [0, 0, 0]
    75. for i in range(0, num_classes):
    76. j = 0
    77. lab = i
    78. while lab:
    79. color_map[i * 3] |= (((lab >> 0) & 1) << (7 - j))
    80. color_map[i * 3 + 1] |= (((lab >> 1) & 1) << (7 - j))
    81. color_map[i * 3 + 2] |= (((lab >> 2) & 1) << (7 - j))
    82. j += 1
    83. lab >>= 3
    84. color_map = color_map[3:]
    85. if custom_color:
    86. color_map[:len(custom_color)] = custom_color
    87. return color_map
    88. def paste_images(image_list):
    89. """
    90. Paste all image to a image.
    91. Args:
    92. image_list (List or Tuple): The images to be pasted and their size are the same.
    93. Returns:
    94. result_img (PIL.Image): The pasted image.
    95. """
    96. assert isinstance(image_list,
    97. (list, tuple)), "image_list should be a list or tuple"
    98. assert len(
    99. image_list) > 1, "The length of image_list should be greater than 1"
    100. pil_img_list = []
    101. for img in image_list:
    102. if isinstance(img, str):
    103. assert os.path.exists(img), "The image is not existed: {}".format(
    104. img)
    105. img = PILImage.open(img)
    106. img = np.array(img)
    107. elif isinstance(img, np.ndarray):
    108. img = PILImage.fromarray(img)
    109. pil_img_list.append(img)
    110. sample_img = pil_img_list[0]
    111. size = sample_img.size
    112. for img in pil_img_list:
    113. assert size == img.size, "The image size in image_list should be the same"
    114. width, height = sample_img.size
    115. result_img = PILImage.new(sample_img.mode,
    116. (width * len(pil_img_list), height))
    117. for i, img in enumerate(pil_img_list):
    118. result_img.paste(img, box=(width * i, 0))
    119. return result_img

    根目录下新建  predict_with_api.py  :

    1. import cv2
    2. import numpy as np
    3. import paddle
    4. from paddleseg.core import infer
    5. from paddleseg.utils import visualize
    6. import visualize_myself
    7. def preprocess(im_path, transforms):
    8. data = {}
    9. data['img'] = im_path
    10. data = transforms(data)
    11. data['img'] = data['img'][np.newaxis, ...]
    12. data['img'] = paddle.to_tensor(data['img'])
    13. return data
    14. def predict(model,
    15. model_path,
    16. transforms,
    17. image_list,
    18. aug_pred=False,
    19. scales=1.0,
    20. flip_horizontal=True,
    21. flip_vertical=False,
    22. is_slide=False,
    23. stride=None,
    24. crop_size=None,
    25. custom_color=None
    26. ):
    27. # 加载模型权重
    28. para_state_dict = paddle.load(model_path)
    29. model.set_dict(para_state_dict)
    30. # 设置模型为评估模式
    31. model.eval()
    32. # 读取图像
    33. im = image_list.copy()
    34. color_map = visualize.get_color_map_list(256, custom_color=custom_color)
    35. with paddle.no_grad():
    36. data = preprocess(im, transforms)
    37. # 是否开启多尺度翻转预测
    38. if aug_pred:
    39. pred, _ = infer.aug_inference(
    40. model,
    41. data['img'],
    42. trans_info=data['trans_info'],
    43. scales=scales,
    44. flip_horizontal=flip_horizontal,
    45. flip_vertical=flip_vertical,
    46. is_slide=is_slide,
    47. stride=stride,
    48. crop_size=crop_size)
    49. else:
    50. pred, _ = infer.inference(
    51. model,
    52. data['img'],
    53. trans_info=data['trans_info'],
    54. is_slide=is_slide,
    55. stride=stride,
    56. crop_size=crop_size)
    57. # 将返回数据去除多余的通道,并转为uint8类型,方便保存为图片
    58. #pred_org =pred.clone()
    59. pred = paddle.squeeze(pred)
    60. pred = pred.numpy().astype('uint8')
    61. # 保存结果
    62. added_image = visualize_myself.visualize(image= im,result= pred,color_map=color_map, weight=0.6)
    63. cv2.imshow('image_predict', added_image)
    64. #cv2.waitKey(0)
    65. #cv2.destroyAllWindows()
    66. #return pred_org

    根目录下新建 detect_with_API.py,调用制作好的API来尝试使用摄像头图像实时预测分割:

    1. import cv2
    2. from predict_with_api import predict
    3. from paddleseg.models import PPLiteSeg
    4. from paddleseg.models.backbones import STDC1
    5. import paddleseg.transforms as T
    6. backbone = STDC1()
    7. model = PPLiteSeg(num_classes=13,
    8. backbone= backbone,
    9. arm_out_chs = [32, 64, 128],
    10. seg_head_inter_chs = [32, 64, 64],
    11. pretrained=None)
    12. transforms = T.Compose([
    13. T.Resize(target_size=(512, 512)),
    14. T.RandomHorizontalFlip(),
    15. T.Normalize()
    16. ])
    17. model_path = 'output/best_model/model.pdparams'
    18. cap=cv2.VideoCapture(0)# 0
    19. if __name__ == '__main__':
    20. while True:
    21. rec,img = cap.read()
    22. predict(model=model,model_path=model_path, transforms=transforms,image_list=img)
    23. #print("pred_org:", type(list), list)
    24. if cv2.waitKey(1)==ord('q'):
    25. break

    配置完成后,运行 detect_with_API.py即可实现调用摄像头输入到训练好的模型框架中进行预测分割并输出到屏幕上。

    由于我使用的是仿真数据集,使用摄像头识别的话没有对应的识别环境,故这里我就简单展示实时识别的状态,识别效果不作评价。

     我的整体项目框架:

    PPLiteSeg_CARLA.zip-深度学习文档类资源-CSDN下载

    后续在对真实环境下的道路数据集进行收集与训练后,通过摄像头获取实时图像并输出对应的mask预测结果,比如:对车道线和道路的语义分割,再通过霍夫线变换找到车道线的位置和角度来控制无人车的转向,实现沿道路自动驾驶。后续可能会加更,敬请期待。

    再与目标检测相结合,实现对道路上的目标进行识别,返回目标的二维坐标、目标种类、置信度,目标可以通过自己收集数据进行训练,比如:车、红绿灯、人、动物、绿植等,通过返回的信息设置相应的逻辑,比如:红灯停、绿灯行、遇行人停等。

    爆改YOLOV7的detect.py制作成API接口供其他python程序调用(超低延时)_Leonard2021的博客-CSDN博客

    这样以后整体上就完成了无人驾驶的视觉识别部分。

    后续再加上ROS的激光雷达实现避障和SLAM,就形成了一个简易自制版的无人驾驶系统。

    我的初步想法是 上位机使用Jeston Nano,下位机使用Arduino,以python为主要编程语言,pyserial库来实现上位机与下位机之间的通讯。

    python与arduino通讯(windows和linux)_Leonard2021的博客-CSDN博客_python与arduino通信

    后续看情况更新,如本文对你有帮助,欢迎一键三连!!!

    ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~

  • 相关阅读:
    mac环境使用pkgbuild命令打pkg包的几个小细节
    【Java网络编程】二
    RecyclerView使用GridLayoutManager 设置间距一致大小
    数学建模比赛心得
    Python算法于强化学习库之rlax使用详解
    JVM内存模型与类加载机制
    RecycleView缓存复用详细解析
    数据库2-mysql环境搭建
    数据库实验报告(一)
    Kafka (三) --------- Kafka 生产者
  • 原文地址:https://blog.csdn.net/weixin_51331359/article/details/126137279