边缘检测系列3:【HED】 Holistically-Nested 边缘检测
时间:2025-07-18 | 作者: | 阅读:0本文介绍经典论文《Holistically-Nested Edge Detection》中的HED模型,这是多尺度端到端边缘检测模型。给出其Paddle实现,包括HEDBlock构建、HED_Caffe模型(对齐Caffe预训练模型)及精简HED模型,还涉及预训练模型加载、预处理、后处理操作及推理过程。
引入
除了传统的边缘检测算法,当然也有基于深度学习的边缘检测模型
这次就介绍一篇比较经典的论文 Holistically-Nested Edge Detection
其中的 Holistically-Nested 表示此模型是一个多尺度的端到端边缘检测模型
相关资料
论文:Holistically-Nested Edge Detection
官方代码(Caffe):s9xie/hed
非官方实现(Pytorch):?xwjabc/hed
效果演示
论文中的效果对比图:
模型结构
HED 模型包含五个层级的特征提取架构,每个层级中:
使用 VGG Block 提取层级特征图
使用层级特征图计算层级输出
层级输出上采样
最后融合五个层级输出作为模型的最终输出:
通道维度拼接五个层级的输出
1x1 卷积对层级输出进行融合
模型总体架构图如下:
代码实现
导入必要的模块
In [1]import cv2import numpy as npfrom PIL import Imageimport paddleimport paddle.nn as nn登录后复制
构建 HED Block
由一个 VGG Block 和一个 score Conv2D 层组成
使用 VGG Block 提取图像特征信息
使用一个额外的 Conv2D 计算边缘得分
class HEDBlock(nn.Layer): def __init__(self, in_channels, out_channels, paddings, num_convs, with_pool=True): super().__init__() # VGG Block if with_pool: pool = nn.MaxPool2D(kernel_size=2, stride=2) self.add_sublayer('pool', pool) conv1 = nn.Conv2D(in_channels=in_channels, out_channels=out_channels, kernel_size=3, stride=1, padding=paddings[0]) relu = nn.ReLU() self.add_sublayer('conv1', conv1) self.add_sublayer('relu1', relu) for _ in range(num_convs-1): conv = nn.Conv2D(in_channels=out_channels, out_channels=out_channels, kernel_size=3, stride=1, padding=paddings[_+1]) self.add_sublayer(f'conv{_+2}', conv) self.add_sublayer(f'relu{_+2}', relu) self.layer_names = [name for name in self._sub_layers.keys()] # Socre Layer self.score = nn.Conv2D(in_channels=out_channels, out_channels=1, kernel_size=1, stride=1, padding=0) def forward(self, input): for name in self.layer_names: input = self._sub_layers[name](input) return input, self.score(input)登录后复制
构建 HED Caffe 模型
本模型基于官方开源的 Caffe 预训练模型实现,预测结果非常接近官方实现。
此代码会稍显冗余,主要是为了对齐官方提供的预训练模型,具体的原因请参考如下说明:
由于 Paddle 的 Bilinear Upsampling 与 Caffe 的 Bilinear DeConvolution 并不完全等价,所以这里使用 Transpose Convolution with Bilinear 进行替代以对齐模型输出。
因为官方开源的 Caffe 预训练模型中第一个 Conv 层的 padding 参数为 35,所以需要在前向计算时进行中心裁剪特征图以恢复其原始形状。
裁切所需要的参数参考自 XWJABC 的复现代码,代码链接
class HED_Caffe(nn.Layer): def __init__(self, channels=[3, 64, 128, 256, 512, 512], nums_convs=[2, 2, 3, 3, 3], paddings=[[35, 1], [1, 1], [1, 1, 1], [1, 1, 1], [1, 1, 1]], crops=[34, 35, 36, 38, 42], with_pools=[False, True, True, True, True]): super().__init__() ''' Caffe HED model re-implementation in Paddle. This model is based on the official Caffe pre-training model. The inference results of this model are very close to the official implementation in Caffe. Pytorch and Paddle's Bilinear Upsampling are not completely equivalent to Caffe's DeConvolution with Bilinear, so Transpose Convolution with Bilinear is used instead. In the official Caffe pre-training model, the padding parameter value of the first convolution layer is equal to 35, so the feature map needs to be cropped. The crop parameters refer to the code implementation by XWJABC. The code link: https://github.com/xwjabc/hed/blob/master/networks.py#L55. ''' assert (len(channels) - 1) == len(nums_convs), '(len(channels) -1) != len(nums_convs).' self.crops = crops # HED Blocks for index, num_convs in enumerate(nums_convs): block = HEDBlock(in_channels=channels[index], out_channels=channels[index+1], paddings=paddings[index], num_convs=num_convs, with_pool=with_pools[index]) self.add_sublayer(f'block{index+1}', block) self.layer_names = [name for name in self._sub_layers.keys()] # Upsamples for index in range(2, len(nums_convs)+1): upsample = nn.Conv2DTranspose(in_channels=1, out_channels=1, kernel_size=2**index, stride=2**(index-1), bias_attr=False) upsample.weight.set_value(self.bilinear_kernel(1, 1, 2**index)) upsample.weight.stop_gradient = True self.add_sublayer(f'upsample{index}', upsample) # Output Layers self.out = nn.Conv2D(in_channels=len(nums_convs), out_channels=1, kernel_size=1, stride=1, padding=0) self.sigmoid = nn.Sigmoid() def forward(self, input): h, w = input.shape[2:] scores = [] for index, name in enumerate(self.layer_names): input, score = self._sub_layers[name](input) if index > 0: score = self._sub_layers[f'upsample{index+1}'](score) score = score[:, :, self.crops[index]: self.crops[index] + h, self.crops[index]: self.crops[index] + w] scores.append(score) output = self.out(paddle.concat(scores, 1)) return self.sigmoid(output) @staticmethod def bilinear_kernel(in_channels, out_channels, kernel_size): ''' return a bilinear filter tensor ''' factor = (kernel_size + 1) // 2 if kernel_size % 2 == 1: center = factor - 1 else: center = factor - 0.5 og = np.ogrid[:kernel_size, :kernel_size] filt = (1 - abs(og[0] - center) / factor) * (1 - abs(og[1] - center) / factor) weight = np.zeros((in_channels, out_channels, kernel_size, kernel_size), dtype='float32') weight[range(in_channels), range(out_channels), :, :] = filt return paddle.to_tensor(weight, dtype='float32')登录后复制
构建 HED 模型
下面就是一个比较精简的 HED 模型实现
与此同时也意味着下面这个模型会与官方实现的模型有所差异,具体差异如下:
3 x 3 卷积采用 padding == 1
采用 Bilinear Upsampling 进行上采样
同样可以加载预训练模型,不过精度可能会略有下降
# class HEDBlock(nn.Layer):# def __init__(self, in_channels, out_channels, num_convs, with_pool=True):# super().__init__()# # VGG Block# if with_pool:# pool = nn.MaxPool2D(kernel_size=2, stride=2)# self.add_sublayer('pool', pool)# conv1 = nn.Conv2D(in_channels=in_channels, out_channels=out_channels, kernel_size=3, stride=1, padding=1)# relu = nn.ReLU()# self.add_sublayer('conv1', conv1)# self.add_sublayer('relu1', relu)# for _ in range(num_convs-1):# conv = nn.Conv2D(in_channels=out_channels, out_channels=out_channels, kernel_size=3, stride=1, padding=1)# self.add_sublayer(f'conv{_+2}', conv)# self.add_sublayer(f'relu{_+2}', relu)# self.layer_names = [name for name in self._sub_layers.keys()]# # Socre Layer# self.score = nn.Conv2D(# in_channels=out_channels, out_channels=1, kernel_size=1, stride=1, padding=0)# def forward(self, input):# for name in self.layer_names:# input = self._sub_layers[name](input)# return input, self.score(input)# class HED(nn.Layer):# def __init__(self,# channels=[3, 64, 128, 256, 512, 512],# nums_convs=[2, 2, 3, 3, 3],# with_pools=[False, True, True, True, True]):# super().__init__()# '''# HED model implementation in Paddle.# Fix the padding parameter and use simple Bilinear Upsampling.# '''# assert (len(channels) - 1) == len(nums_convs), '(len(channels) -1) != len(nums_convs).'# # HED Blocks# for index, num_convs in enumerate(nums_convs):# block = HEDBlock(in_channels=channels[index], out_channels=channels[index+1], num_convs=num_convs, with_pool=with_pools[index])# self.add_sublayer(f'block{index+1}', block)# self.layer_names = [name for name in self._sub_layers.keys()]# # Output Layers# self.out = nn.Conv2D(in_channels=len(nums_convs), out_channels=1, kernel_size=1, stride=1, padding=0)# self.sigmoid = nn.Sigmoid()# def forward(self, input):# h, w = input.shape[2:]# scores = []# for index, name in enumerate(self.layer_names):# input, score = self._sub_layers[name](input)# if index > 0:# score = nn.functional.upsample(score, size=[h, w], mode='bilinear')# scores.append(score)# output = self.out(paddle.concat(scores, 1))# return self.sigmoid(output)登录后复制
预训练模型
In [5]def hed_caffe(pretrained=True, **kwargs): model = HED_Caffe(**kwargs) if pretrained: pdparams = paddle.load('hed_pretrained_bsds.pdparams') model.set_dict(pdparams) return model登录后复制
预处理操作
类型转换
归一化
转置
增加维度
转换为 Paddle Tensor
def preprocess(img): img = img.astype('float32') img -= np.asarray([104.00698793, 116.66876762, 122.67891434], dtype='float32') img = img.transpose(2, 0, 1) img = img[None, ...] return paddle.to_tensor(img, dtype='float32')登录后复制
后处理操作
上下阈值限制
删除通道维度
反归一化
类型转换
转换为 Numpy NdArary
def postprocess(outputs): results = paddle.clip(outputs, 0, 1) results = paddle.squeeze(results, 1) results *= 255.0 results = results.cast('uint8') return results.numpy()登录后复制
模型推理
In [8]model = hed_caffe(pretrained=True)img = cv2.imread('sample.png')img_tensor = preprocess(img)outputs = model(img_tensor)results = postprocess(outputs)show_img = np.concatenate([cv2.cvtColor(img, cv2.COLOR_BGR2RGB), cv2.cvtColor(results[0], cv2.COLOR_GRAY2RGB)], 1)Image.fromarray(show_img)登录后复制
<PIL.Image.Image image mode=RGB size=960x320 at 0x7F3390C85090>登录后复制代码解释
福利游戏
相关文章
更多-
- 小米世界500强排名狂飙100位!雷军:向“全球新一代硬核科技引领者” 挺进
- 时间:2025-07-29
-
- 吧友热议索尼起诉腾讯:两大巨头强强对决!
- 时间:2025-07-29
-
- nef 格式图片降噪处理用什么工具 效果如何
- 时间:2025-07-29
-
- 美国汽车业界对日本车关税15%表示不满:日本人都不买我们的车
- 时间:2025-07-29
-
- 邮箱长时间未登录被注销了能恢复吗?
- 时间:2025-07-29
-
- 第6次霸气包馆!高通ChinaJoy节目单公布:11大品牌捧场
- 时间:2025-07-29
-
- Outlook收件箱邮件不同步怎么办?
- 时间:2025-07-29
-
- 撞头“卡卡西”的本田核心工程师发中文感谢:原来还是健身大佬
- 时间:2025-07-29
大家都在玩
热门话题
大家都在看
更多-
- 全链网:俄美领导人阿拉斯加峰会可能会提出乌克兰停火计划
- 时间:2025-08-10
-
- 某鲸鱼在休眠一个月后从币安提取274.22枚BTC,价值约3200万美元
- 时间:2025-08-10
-
- Solana – 这一水平如何帮助 SOL 价格上涨 40%
- 时间:2025-08-10
-
- Galaxy Digital两小时内向交易平台转入22.4万枚SOL,价值4112万美元
- 时间:2025-08-10
-
- 随着山寨币投机行为加剧,比特币的主导地位跌至 60% 以下
- 时间:2025-08-10
-
- Abraxas Capital两账户做空ETH等多币种,浮亏超1.9亿美元
- 时间:2025-08-10
-
- 萨尔瓦多过去7日共增持8枚比特币,总持仓为6,263.18枚
- 时间:2025-08-10
-
- 某鲸鱼过去2个月从币安提取超1万枚ETH用于质押,目前约获利1353万美元
- 时间:2025-08-10