• (24)语义分割--BiSeNetV1 和 BiSeNetV2


    1、主要参考

      (1)github的地址

    https://github.com/CoinCheung/BiSeNet

    (2)华科还真是不错的学校

    2、 测试模型

    (1)下载github代码

    (2)下载权重

     (3)测试一下

    (1)bisenetV1

    python tools/demo.py --config configs/bisenetv1_city.py --weight-path D:/pytorch_learning2022/5chen_segement_test2022/BiSeNet/weight/model_final_v1_city_new.pth  --img-path D:/pytorch_learning2022/5chen_segement_test2022/BiSeNet/example.png 

    (2)bisenetV2

    python tools/demo.py --config configs/bisenetv2_city.py --weight-path D:/pytorch_learning2022/5chen_segement_test2022/BiSeNet/weight/model_final_v2_city.pth  --img-path D:/pytorch_learning2022/5chen_segement_test2022/BiSeNet/chen_test1.png

    3、BiSeNetV1 的原理

    3.1 论文题目

     (1)论文下载地址

    https://arxiv.org/abs/1808.00897

    (2)题目

    BiSeNet: Bilateral Segmentation Network for Real-time Semantic Segmentation

    (3)中文翻译(哈哈,能看出点东西)

    BiSeNet:用于实时语义分割的双边分割网络

    3.2 论文的思想

     陈简单整理,20221023

    (一)语义分割面对两个主要问题:需要足够的空间信息(浅层网络),需要较好的语义信息(深层网络,或者说大的感受野)。

     (二)传统的方法如何如何,本文采用了两个分支网络:(1)其中一个分支网络使用较浅的卷积获得了大的空间信息(Spatial Path)下采样1/8,(2)其中另一个卷积网络使用快速下采样(各类轻量网络都可以)获得了较好的感受野(Context Path),下采样1/32;(3)最后两个网络融合起来。

     (三)该方法实现了空间信息和语义信息(感受野)的解耦!

    思想如下:

     3.3  语义分割面临的问题和传统解决方法

    ps:语义分割的速度当然很重要,抛开速度讲精度是耍......

    论文中总结了三种语义分割的加速方法

    (一)通过裁剪输入图像尺寸的方法降低运算量来加速。该方法简单有效,但是很丢失空间信息,特别是边缘。

     (二)通过对神经网络剪枝来加速推理。尤其是在网络的早期阶段剪枝,该方法会丢失空间信息。

      (三)丢弃最后的网络模块来获得极致精巧的网络,比如ENet。然而放弃了最后阶段的操作中的下采样,模型的接受范围不足以覆盖大物体,导致辨别能力差。

     上述三个方法都是为了速度对精度进行了妥协。

    3.4 传统U形网络的问题

    为了弥补上述空间细节的缺失,研究人员广泛利用U形结构。(ps:比如说我们熟悉的Unet和Unet2)。通过融合骨干网络的分层特征,U形结构逐渐提高了空间分辨率,并填补了一些缺失的细节,然后该技术也有两个弱点:

    (1)由于额外的引入了高分辨率特征,计算速度会下降。

    (2)在剪枝过程中丢失的大部分空间信息无法通过浅层网络来轻松恢复。如下图所示。

    下面这句翻译真不靠谱啊。

    3.5 我们(本文)的语义分割bisenet的方法

    (一)网络结构如下图所示:

    (二)本论文的三个卖点:

    (1)提出了一种创新的方法,使用2个通道(空间通道Spatial Path,语义通道Context Path)来解耦空间信息和大的感受野。

     (2)设计了两个特殊的模块,特征融合模块FFM和注意力增强模块ARM,在增加适度开销(运算量)的情况下改进了精度。

     (3)在三个数据集上获得了很好的结果。

    (三)网络整体结构如下:

    3.6 空间通道Spatial path的实现

    (1)当前研究中为了保持输入图像分辨率的方法一些研究采用了空洞卷积(dilated convolution),另外一些研究为了获得足够的感受野使用了金字塔池模块(pyramid pooling module),ASPP(atrous spatial pyramid pooling)或者大的卷积核(large kernel)。(PS应该对应deeplab的v1、v2和v3版本)。

           这些研究也表明空间信息和感受野对实现高精度检测的重要性,但是要同时满足他们太难了,特别是要求实现实时语义分割的情况下。

           该论文提出的空间通道包括三个卷积层,每个卷积层的stride=2,然后跟着BN和Relu,因而该通道实现了原图的1/8采样,因而获得了丰富的空间信息(PS:1/8下采样应该还算是大的)

    (2)论文中对应的图如下所示:

    (3)陈根据模型自己画了一遍,20221024,PS:发现是4层卷积

    PS:第一层卷积和deeplabv3的是一样的

     (4)陈根据源码导出,20221024

    (5)作者对应的代码实现部分,ps:包含了我测试的导出代码

    1. import torch
    2. import torch.nn as nn
    3. import torch.nn.functional as F
    4. import torchvision
    5. # from resnet import Resnet18
    6. from torch.nn import BatchNorm2d
    7. #清晰打印网络结构
    8. from torchinfo import summary
    9. #保存为onnx
    10. import torch
    11. import torch.onnx
    12. from torch.autograd import Variable
    13. #导出有尺寸
    14. import onnx
    15. # from onnx import shape_inference
    16. class ConvBNReLU(nn.Module):
    17. def __init__(self, in_chan, out_chan, ks=3, stride=1, padding=1, *args, **kwargs):
    18. super(ConvBNReLU, self).__init__()
    19. self.conv = nn.Conv2d(in_chan,
    20. out_chan,
    21. kernel_size = ks,
    22. stride = stride,
    23. padding = padding,
    24. bias = False)
    25. self.bn = BatchNorm2d(out_chan)
    26. self.relu = nn.ReLU(inplace=True)
    27. self.init_weight()
    28. def forward(self, x):
    29. x = self.conv(x)
    30. x = self.bn(x)
    31. x = self.relu(x)
    32. return x
    33. def init_weight(self):
    34. for ly in self.children():
    35. if isinstance(ly, nn.Conv2d):
    36. nn.init.kaiming_normal_(ly.weight, a=1)
    37. if not ly.bias is None: nn.init.constant_(ly.bias, 0)
    38. class SpatialPath(nn.Module):
    39. def __init__(self, *args, **kwargs):
    40. super(SpatialPath, self).__init__()
    41. self.conv1 = ConvBNReLU(3, 64, ks=7, stride=2, padding=3)
    42. self.conv2 = ConvBNReLU(64, 64, ks=3, stride=2, padding=1)
    43. self.conv3 = ConvBNReLU(64, 64, ks=3, stride=2, padding=1)
    44. self.conv_out = ConvBNReLU(64, 128, ks=1, stride=1, padding=0)
    45. self.init_weight()
    46. def forward(self, x):
    47. feat = self.conv1(x)
    48. feat = self.conv2(feat)
    49. feat = self.conv3(feat)
    50. feat = self.conv_out(feat)
    51. return feat
    52. def init_weight(self):
    53. for ly in self.children():
    54. if isinstance(ly, nn.Conv2d):
    55. nn.init.kaiming_normal_(ly.weight, a=1)
    56. if not ly.bias is None: nn.init.constant_(ly.bias, 0)
    57. def get_params(self):
    58. wd_params, nowd_params = [], []
    59. for name, module in self.named_modules():
    60. if isinstance(module, nn.Linear) or isinstance(module, nn.Conv2d):
    61. wd_params.append(module.weight)
    62. if not module.bias is None:
    63. nowd_params.append(module.bias)
    64. elif isinstance(module, nn.modules.batchnorm._BatchNorm):
    65. nowd_params += list(module.parameters())
    66. return wd_params, nowd_params
    67. def save_onnx(model,x,model_file_name):
    68. torch_out = torch.onnx.export(model, x,
    69. model_file_name,
    70. export_params=True,
    71. verbose=True)
    72. def save_scale_onnx(model_file_name):
    73. model = model_file_name
    74. onnx.save(onnx.shape_inference.infer_shapes(onnx.load(model)), model)
    75. if __name__ == "__main__":
    76. sp_net = SpatialPath()
    77. x = torch.randn(16, 3, 640, 480)
    78. sp_out = sp_net(x)
    79. print(sp_out.shape)
    80. sp_net.get_params()
    81. model_file_name = "D:/pytorch_learning2022/5chen_segement_test2022/BiSeNet/chentest_print_mode/chen_sp.onnx"
    82. #打印网络结构
    83. summary(sp_net, input_size=(16, 3, 640, 480))
    84. #保存为onnx
    85. save_onnx(sp_net,x,model_file_name)
    86. #保存为onnx 有尺寸
    87. save_scale_onnx(model_file_name)

    3.7 语义通道Context path的内容

            语义通道旨在提供足够的感受野,本采用的语义通道使用了轻量化网络(lightweight model)和全局平均池化技术(global average pooling)。

     (1)轻量化网络比如说xception都能提供快速的下采样从而获得大的感受野,ps:实际上代码你用了resnet18。

    (2)然后本文在轻量级模型的尾部添加了一个全局平均池,它可以为语义通道提供最大的感受野信息。

     (3)最后通过ARM模块和FFM模块融合输出

    3.8   所使用的Resnet18网络

    Resnet18的网络详见

    (26)到处都可能用到的基础网络resnet18和resnet50_chencaw的博客-CSDN博客

    (1)本文所使用的Resnet模块如下,要修改

     

     (2)resnet18的图如下所示,PS:手绘

      (3)resnet18的图导出如下

    (4)对应测试代码

    1. #!/usr/bin/python
    2. # -*- encoding: utf-8 -*-
    3. import torch
    4. import torch.nn as nn
    5. import torch.nn.functional as F
    6. import torch.utils.model_zoo as modelzoo
    7. resnet18_url = 'https://download.pytorch.org/models/resnet18-5c106cde.pth'
    8. from torch.nn import BatchNorm2d
    9. #清晰打印网络结构
    10. from torchinfo import summary
    11. #保存为onnx
    12. import torch
    13. import torch.onnx
    14. from torch.autograd import Variable
    15. #导出有尺寸
    16. import onnx
    17. # from onnx import shape_inference
    18. def conv3x3(in_planes, out_planes, stride=1):
    19. """3x3 convolution with padding"""
    20. return nn.Conv2d(in_planes, out_planes, kernel_size=3, stride=stride,
    21. padding=1, bias=False)
    22. class BasicBlock(nn.Module):
    23. def __init__(self, in_chan, out_chan, stride=1):
    24. super(BasicBlock, self).__init__()
    25. self.conv1 = conv3x3(in_chan, out_chan, stride)
    26. self.bn1 = BatchNorm2d(out_chan)
    27. self.conv2 = conv3x3(out_chan, out_chan)
    28. self.bn2 = BatchNorm2d(out_chan)
    29. self.relu = nn.ReLU(inplace=True)
    30. self.downsample = None
    31. if in_chan != out_chan or stride != 1:
    32. self.downsample = nn.Sequential(
    33. nn.Conv2d(in_chan, out_chan,
    34. kernel_size=1, stride=stride, bias=False),
    35. BatchNorm2d(out_chan),
    36. )
    37. def forward(self, x):
    38. residual = self.conv1(x)
    39. residual = self.bn1(residual)
    40. residual = self.relu(residual)
    41. residual = self.conv2(residual)
    42. residual = self.bn2(residual)
    43. shortcut = x
    44. if self.downsample is not None:
    45. shortcut = self.downsample(x)
    46. out = shortcut + residual
    47. out = self.relu(out)
    48. return out
    49. def create_layer_basic(in_chan, out_chan, bnum, stride=1):
    50. layers = [BasicBlock(in_chan, out_chan, stride=stride)]
    51. for i in range(bnum-1):
    52. layers.append(BasicBlock(out_chan, out_chan, stride=1))
    53. return nn.Sequential(*layers)
    54. class Resnet18(nn.Module):
    55. def __init__(self):
    56. super(Resnet18, self).__init__()
    57. self.conv1 = nn.Conv2d(3, 64, kernel_size=7, stride=2, padding=3,
    58. bias=False)
    59. self.bn1 = BatchNorm2d(64)
    60. self.relu = nn.ReLU(inplace=True)
    61. self.maxpool = nn.MaxPool2d(kernel_size=3, stride=2, padding=1)
    62. self.layer1 = create_layer_basic(64, 64, bnum=2, stride=1)
    63. self.layer2 = create_layer_basic(64, 128, bnum=2, stride=2)
    64. self.layer3 = create_layer_basic(128, 256, bnum=2, stride=2)
    65. self.layer4 = create_layer_basic(256, 512, bnum=2, stride=2)
    66. self.init_weight()
    67. def forward(self, x):
    68. x = self.conv1(x)
    69. x = self.bn1(x)
    70. x = self.relu(x)
    71. x = self.maxpool(x)
    72. x = self.layer1(x)
    73. feat8 = self.layer2(x) # 1/8
    74. feat16 = self.layer3(feat8) # 1/16
    75. feat32 = self.layer4(feat16) # 1/32
    76. return feat8, feat16, feat32
    77. def init_weight(self):
    78. state_dict = modelzoo.load_url(resnet18_url)
    79. self_state_dict = self.state_dict()
    80. for k, v in state_dict.items():
    81. if 'fc' in k: continue
    82. self_state_dict.update({k: v})
    83. self.load_state_dict(self_state_dict)
    84. def get_params(self):
    85. wd_params, nowd_params = [], []
    86. for name, module in self.named_modules():
    87. if isinstance(module, (nn.Linear, nn.Conv2d)):
    88. wd_params.append(module.weight)
    89. if not module.bias is None:
    90. nowd_params.append(module.bias)
    91. elif isinstance(module, nn.modules.batchnorm._BatchNorm):
    92. nowd_params += list(module.parameters())
    93. return wd_params, nowd_params
    94. def save_onnx(model,x,model_file_name):
    95. torch_out = torch.onnx.export(model, x,
    96. model_file_name,
    97. export_params=True,
    98. verbose=True)
    99. def save_scale_onnx(model_file_name):
    100. model = model_file_name
  • 相关阅读:
    3ds Max渲染太慢?创意云“一键云渲染”提升3ds Max渲染体验
    行人检测综述 之 精华提取——图表与挑战
    Vue2.0 —— 运用算法实现 AST 抽象语法树
    leetcode每日一题第三十一天-剑指 Offer 56 - I. 数组中数字出现的次数(middle)
    软考高级系统架构设计师系列案例考点专题二:系统开发基础考点梳理及精讲
    八、Linux中的用户与文件权限
    [E::hts_idx_push] Unsorted positions on sequence tbx_index_build failed:
    【科技1】
    Springboot整合常见日志框架
    Linux 学习之路 -- 进程篇 -- 进程控制
  • 原文地址:https://blog.csdn.net/chencaw/article/details/127456996