首页 > 编程语言 >【python】OpenCV—Extract Horizontal and Vertical Lines—Morphology

【python】OpenCV—Extract Horizontal and Vertical Lines—Morphology

时间:2025-01-14 20:29:19浏览次数:3  
标签:gray vertical Vertical python Lines jpg edges horizontal cv

在这里插入图片描述

文章目录


更多有趣的代码示例,可参考【Programming】


1、功能描述

基于 opencv-python 库,利用形态学的腐蚀和膨胀,提取图片中的水平或者竖直线条

2、代码实现

导入基本的库函数

import numpy as np
import cv2 as cv

读入图片(https://raw.githubusercontent.com/opencv/opencv/5.x/doc/tutorials/imgproc/morph_lines_detection/images/src.png),增加读错图片的判断机制

1.jpg

在这里插入图片描述

def main(save=False):
    # Load the image
    src = cv.imread("./1.jpg", cv.IMREAD_COLOR)

    # Check if image is loaded fine
    if src is None:
        print('Error opening image')
        return -1

可视化图片,并将其转化为灰度图

    # Show source image
    cv.imshow("src", src)
    # [load_image]

    # [gray]
    # Transform source image to gray if it is not already
    if len(src.shape) != 2:
        gray = cv.cvtColor(src, cv.COLOR_BGR2GRAY)
    else:
        gray = src

    if save:
        cv.imwrite("gray.jpg", gray)
        
    # Show gray image
    show_wait_destroy("gray", gray)
    # [gray]

gray.jpg
在这里插入图片描述

show_wait_destroy 实现如下 ,关闭图片后才运行后续代码

def show_wait_destroy(winname, img):
    cv.imshow(winname, img)
    cv.moveWindow(winname, 500, 0)
    cv.waitKey(0)
    cv.destroyWindow(winname)

二进制求反灰度图, 并自适应阈值二值化

    # [bin]
    # Apply adaptiveThreshold at the bitwise_not of gray, notice the ~ symbol
    gray = cv.bitwise_not(gray)
    if save:
        cv.imwrite("bitwise_not_gray.jpg", gray)

    bw = cv.adaptiveThreshold(gray, 255, cv.ADAPTIVE_THRESH_MEAN_C, \
                              cv.THRESH_BINARY, 15, -2)
    if save:
        cv.imwrite("adaptiveThreshold.jpg", bw)
        
    # Show binary image
    show_wait_destroy("binary", bw)
    # [bin]

bitwise_not_gray.jpg
在这里插入图片描述
adaptiveThreshold.jpg

在这里插入图片描述

复制图片 adaptiveThreshold.jpg ,准备提取水平线和竖直线

    # [init]
    # Create the images that will use to extract the horizontal and vertical lines
    horizontal = np.copy(bw)
    vertical = np.copy(bw)
    # [init]

提取水平线

    # [horiz]
    # Specify size on horizontal axis
    cols = horizontal.shape[1]  # 1024 cols
    horizontal_size = cols // 30  # 34

    # Create structure element for extracting horizontal lines through morphology operations
    horizontalStructure = cv.getStructuringElement(cv.MORPH_RECT, (horizontal_size, 1))

    # Apply morphology operations
    horizontal = cv.erode(horizontal, horizontalStructure)
    if save:
        cv.imwrite("erode-horizontal.jpg", horizontal)

    horizontal = cv.dilate(horizontal, horizontalStructure)
    if save:
        cv.imwrite("dilate-horizontal.jpg", horizontal)

    # Show extracted horizontal lines
    show_wait_destroy("horizontal", horizontal)
    # [horiz]

首先会构建结构元素 horizontalStructure(定义了形态学操作的邻域形状和大小)

图片列数 // 30 得到全为 1 的数组

array([[1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
        1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1]], dtype=uint8)

接着腐蚀操作 erode-horizontal.jpg

在这里插入图片描述

最后膨胀操作 dilate-horizontal.jpg

在这里插入图片描述

至此我们就提取到了图片中的水平方向的线条

接下来我们提取竖直方向的线条

 	# [vert]
    # Specify size on vertical axis
    rows = vertical.shape[0]  # 134
    verticalsize = rows // 30  # 4

    # Create structure element for extracting vertical lines through morphology operations
    verticalStructure = cv.getStructuringElement(cv.MORPH_RECT, (1, verticalsize))

    # Apply morphology operations
    vertical = cv.erode(vertical, verticalStructure)
    if save:
        cv.imwrite("erode-vertical.jpg", vertical)

    vertical = cv.dilate(vertical, verticalStructure)
    if save:
        cv.imwrite("dilate-vertical.jpg", vertical)

    # Show extracted vertical lines
    show_wait_destroy("vertical", vertical)
    # [vert]

同理,也是先构建一个结构元素 verticalStructure

array([[1],
       [1],
       [1],
       [1]], dtype=uint8)

腐蚀 erode-vertical.jpg

在这里插入图片描述

膨胀 dilate-vertical.jpg

在这里插入图片描述
至此我们提取出了竖直方向的线条


可以拓展一下,

As you can see we are almost there. However, at that point you will notice that the edges of the notes are a bit rough. For that reason we need to refine the edges in order to obtain a smoother result

    '''
    Extract edges and smooth image according to the logic
    1. extract edges
    2. dilate(edges)
    3. src.copyTo(smooth)
    4. blur smooth img
    5. smooth.copyTo(src, edges)
    '''

dilate-vertical.jpg 二进制求反,

    # [smooth]
    # Inverse vertical image
    vertical = cv.bitwise_not(vertical)
    if save:
        cv.imwrite("bitwise_not_vertical.jpg", vertical)

    show_wait_destroy("vertical_bit", vertical)

bitwise_not_vertical.jpg
在这里插入图片描述
cv2.adaptiveThreshold 适应性阈值二值化

    # Step 1
    edges = cv.adaptiveThreshold(vertical, 255, cv.ADAPTIVE_THRESH_MEAN_C, \
                                 cv.THRESH_BINARY, 3, -2)
    if save:
        cv.imwrite("step1_edges.jpg", edges)
    show_wait_destroy("edges", edges)

得到 step1_edges.jpg,实现了边缘检测

在这里插入图片描述

看看 cv2.adaptiveThreshold 的介绍仔细分析下实现过程

dst = cv2.adaptiveThreshold(src, maxValue, adaptiveMethod, thresholdType, blockSize, C)

在这里插入图片描述

形参 C 从邻域像素的平均值或加权平均值中减去的常数,配置的为负数,附近颜色相近的变黑(eg 纯白区域,像素 255,阈值 255-(-2)=257,都变黑,再 eg,纯黑区域,像素 0,阈值 0-(-2)=2,也是黑),附近颜色变动的变白(黑白交替,白色的部分保留,黑色的部分变黑),可以实现边缘提取,妙

膨胀强化边缘

    # Step 2
    kernel = np.ones((2, 2), np.uint8)
    edges = cv.dilate(edges, kernel)
    if save:
        cv.imwrite("step2_edges.jpg", edges)
    show_wait_destroy("dilate", edges)

kernel

array([[1, 1],
       [1, 1]], dtype=uint8)

step2_edges.jpg

在这里插入图片描述

复制 bitwise_not_vertical.jpg

    # Step 3
    smooth = np.copy(vertical)

模糊处理 step4_smooth.jpg

    # Step 4
    smooth = cv.blur(smooth, (2, 2))
    if save:
        cv.imwrite("step4_smooth.jpg", smooth)

在这里插入图片描述

记录下 step2_edges.jpg 中像素不为零的部分的坐标,也即边缘部分坐标

边缘部分用平滑后的像素替换原来的像素

    # Step 5
    (rows, cols) = np.where(edges != 0)
    vertical[rows, cols] = smooth[rows, cols]

    # Show final result
    show_wait_destroy("smooth - final", vertical)
    if save:
        cv.imwrite("smooth_final.jpg", vertical)
    # [smooth]

在这里插入图片描述

3、效果展示

输入
在这里插入图片描述

水平线条

在这里插入图片描述

竖直线条

在这里插入图片描述

平滑竖直线条后的结果

在这里插入图片描述

输入图片

在这里插入图片描述

水平线

在这里插入图片描述

竖直线

在这里插入图片描述

平滑竖直线条后的结果

在这里插入图片描述

4、完整代码

"""
@brief Use morphology transformations for extracting horizontal and vertical lines sample code
"""
import numpy as np
import cv2 as cv


def show_wait_destroy(winname, img):
    cv.imshow(winname, img)
    cv.moveWindow(winname, 500, 0)
    cv.waitKey(0)
    cv.destroyWindow(winname)


def main(save=False):
    # Load the image
    src = cv.imread("./1.jpg", cv.IMREAD_COLOR)

    # Check if image is loaded fine
    if src is None:
        print('Error opening image')
        return -1

    # Show source image
    cv.imshow("src", src)
    # [load_image]

    # [gray]
    # Transform source image to gray if it is not already
    if len(src.shape) != 2:
        gray = cv.cvtColor(src, cv.COLOR_BGR2GRAY)
    else:
        gray = src

    if save:
        cv.imwrite("gray.jpg", gray)

    # Show gray image
    show_wait_destroy("gray", gray)
    # [gray]

    # [bin]
    # Apply adaptiveThreshold at the bitwise_not of gray, notice the ~ symbol
    gray = cv.bitwise_not(gray)  # (134, 1024)
    if save:
        cv.imwrite("bitwise_not_gray.jpg", gray)

    bw = cv.adaptiveThreshold(gray, 255, cv.ADAPTIVE_THRESH_MEAN_C, \
                              cv.THRESH_BINARY, 15, -2)
    if save:
        cv.imwrite("adaptiveThreshold.jpg", bw)

    # Show binary image
    show_wait_destroy("binary", bw)
    # [bin]

    # [init]
    # Create the images that will use to extract the horizontal and vertical lines
    horizontal = np.copy(bw)
    vertical = np.copy(bw)
    # [init]

    # [horiz]
    # Specify size on horizontal axis
    cols = horizontal.shape[1]  # 1024 cols
    horizontal_size = cols // 30  # 34

    # Create structure element for extracting horizontal lines through morphology operations
    horizontalStructure = cv.getStructuringElement(cv.MORPH_RECT, (horizontal_size, 1))

    # Apply morphology operations
    horizontal = cv.erode(horizontal, horizontalStructure)
    if save:
        cv.imwrite("erode-horizontal.jpg", horizontal)

    horizontal = cv.dilate(horizontal, horizontalStructure)
    if save:
        cv.imwrite("dilate-horizontal.jpg", horizontal)

    # Show extracted horizontal lines
    show_wait_destroy("horizontal", horizontal)
    # [horiz]

    # [vert]
    # Specify size on vertical axis
    rows = vertical.shape[0]  # 134
    verticalsize = rows // 30  # 4

    # Create structure element for extracting vertical lines through morphology operations
    verticalStructure = cv.getStructuringElement(cv.MORPH_RECT, (1, verticalsize))

    # Apply morphology operations
    vertical = cv.erode(vertical, verticalStructure)
    if save:
        cv.imwrite("erode-vertical.jpg", vertical)

    vertical = cv.dilate(vertical, verticalStructure)
    if save:
        cv.imwrite("dilate-vertical.jpg", vertical)

    # Show extracted vertical lines
    show_wait_destroy("vertical", vertical)
    # [vert]

    # [smooth]
    # Inverse vertical image
    vertical = cv.bitwise_not(vertical)
    if save:
        cv.imwrite("bitwise_not_vertical.jpg", vertical)

    show_wait_destroy("vertical_bit", vertical)

    '''
    Extract edges and smooth image according to the logic
    1. extract edges
    2. dilate(edges)
    3. src.copyTo(smooth)
    4. blur smooth img
    5. smooth.copyTo(src, edges)
    '''

    # Step 1
    edges = cv.adaptiveThreshold(vertical, 255, cv.ADAPTIVE_THRESH_MEAN_C, \
                                 cv.THRESH_BINARY, 3, -2)
    if save:
        cv.imwrite("step1_edges.jpg", edges)
    show_wait_destroy("edges", edges)

    # Step 2
    kernel = np.ones((2, 2), np.uint8)
    edges = cv.dilate(edges, kernel)
    if save:
        cv.imwrite("step2_edges.jpg", edges)
    show_wait_destroy("dilate", edges)

    # Step 3
    smooth = np.copy(vertical)

    # Step 4
    smooth = cv.blur(smooth, (2, 2))
    if save:
        cv.imwrite("step4_smooth.jpg", smooth)

    # Step 5
    (rows, cols) = np.where(edges != 0)
    vertical[rows, cols] = smooth[rows, cols]

    # Show final result
    show_wait_destroy("smooth - final", vertical)
    if save:
        cv.imwrite("smooth_final.jpg", vertical)
    # [smooth]

    return 0


if __name__ == "__main__":
    main(save=True)

5、参考


更多有趣的代码示例,可参考【Programming】

标签:gray,vertical,Vertical,python,Lines,jpg,edges,horizontal,cv
From: https://blog.csdn.net/bryant_meng/article/details/145138285

相关文章

  • 【python游戏】最经典的五个小游戏(完整代码)
    文章目录前言案例1:猜数字游戏案例2:石头剪刀布游戏案例3:使用pygame的简单打砖块游戏案例4:井字棋(Tic-Tac-Toe)案例5:贪吃蛇游戏(使用pygame)前言当然,我可以为你提供五个简单的Python游戏案例。这些游戏涵盖了不同的难度和类型,从文本冒险到简单的图形界面游戏。......
  • python 更新pip镜像源
    前言默认情况下pip使用的是国外的镜像,在下载的时候速度非常慢,下载速度是几kb或者几十kb,花费的时间比较长。解决办法国内目前有些机构或者公司整理了对应的镜像源,使得通过内网就能访问即可,下载速度达到几百kb或者几M,速度对比而言简直一个天上,一个地下。国内源:阿里云:http://m......
  • 用 Python 从零开始创建神经网络(二十二):预测(Prediction)/推理(Inference)(完结)
    预测(Prediction)/推理(Inference)(完结)引言完整代码:引言虽然我们经常将大部分时间花在训练和测试模型上,但我们这样做的核心原因是希望有一个能够接受新输入并生成期望输出的模型。这通常需要多次尝试训练最优模型,保存该模型,并加载已保存的模型进行推断或预测。以Fashion......
  • python+django/flask的大学生心理咨询平台java+nodejs+php-计算机毕业设计
    目录技术介绍具体实现截图微信开发者工具HBuilderXuniapp系统设计java类核心代码部分展示登录的业务流程的顺序是:可行性论证详细视频演示技术可行性系统测试系统安全性数据完整性实现思路系统实现源码获取技术介绍如今微信小程序有以下发展优势(1)无须下载,无须注......
  • spring boot基于大数据技术的李宁京东自营店数据分析系统python+nodejs+php-计算机毕
    目录功能和技术介绍具体实现截图开发核心技术:开发环境开发步骤编译运行核心代码部分展示系统设计详细视频演示可行性论证软件测试源码获取功能和技术介绍该系统基于浏览器的方式进行访问,采用springboot集成快速开发框架,前端使用vue方式,基于es5的语法,开发工具Intelli......
  • python+django/flask的影视观享系统(影视评论与评分系统)java+nodejs+php-计算机毕业设
    目录技术栈和环境说明具体实现截图预期达到的目标系统设计详细视频演示技术路线解决的思路性能/安全/负载方面可行性分析论证python-flask核心代码部分展示python-django核心代码部分展示研究方法感恩大学老师和同学源码获取技术栈和环境说明本系统以Python开发语言......
  • python与WRF模型联合应用技术、WRF模式前后处理
    当今从事气象及其周边相关领域的人员,常会涉及气象数值模式及其数据处理,无论是作为业务预报的手段、还是作为科研工具,掌握气象数值模式与高效前后处理语言是一件非常重要的技能。WRF作为中尺度气象数值模式的佼佼者,模式功能齐全,是大部分人的第一选择。而掌握模式还只是第一步,将......
  • 使用Python Matplotlib库实现简单散点图的绘制
     一、内容概述本文主要讲述使用Python的Matplotlib绘图库绘制一个简单的散点图Matplot绘制过程如下:导入matplotlib.pyplot库创建图形和子图形对象准备绘制散点图的数据(通常有两个参数,即x轴、y轴的坐标数据)调用子图形的scatter()方法并传入主要参数(x轴,y轴上的两个坐标数据......
  • 使用Python实现基于矩阵分解的长期事件(MFLEs)时间序列分析
    在现代数据分析领域,时间序列数据的处理和预测一直是一个具有挑战性的问题。随着物联网设备、金融交易系统和工业传感器的普及,我们面临着越来越多的高维时间序列数据。这些数据不仅维度高,而且往往包含复杂的时间依赖关系和潜在模式。传统的时间序列分析方法如移动平均等,在处理此类......
  • python+django/flask的OA管理系统java+nodejs+php-计算机毕业设计
    目录技术栈和环境说明具体实现截图预期达到的目标系统设计详细视频演示技术路线解决的思路性能/安全/负载方面可行性分析论证python-flask核心代码部分展示python-django核心代码部分展示研究方法感恩大学老师和同学源码获取技术栈和环境说明本系统以Python开发语言......