[OpenCV实战]33 使用OpenCV进行Hough变换

54 篇文章 33 订阅
52 篇文章 193 订阅

目录

1 什么是霍夫变换

1.1 应用霍夫变换以检测图像中的线条

1.2 累加器

1.3 线条检测

1.4 圆环的检测

2 代码

3 参考


1 什么是霍夫变换

霍夫变换是用于检测图像中的简单形状(诸如圆形,线条等)的特征提取方法。“简单”形状是可以仅由几个参数表示的形状。例如,一条线可以用两个参数(斜率,截距)表示,一个圆有三个参数:中心坐标和半径(x,y,r)。霍夫变换在图像中找到这样的形状方面做得很好。使用Hough变换的主要优点是它对遮挡不敏感。让我们通过一个例子来看看霍夫变换是如何工作的。

1.1 应用霍夫变换以检测图像中的线条

极坐标中的线条方程如下:

这里表示线与原点的垂直距离(以像素为单位),是以弧度为单位测量的角度,如下图所示。

您可能会想问我们为什么不使用下面给出的熟悉的等式:

原因是斜率m可以取-到+之间的值。对于Hough变换,参数需要有界限。您可能还有一个后续问题。在形式上,是有界的,但是能取0到+之间的值吗?这在理论上可能是正确的,但在实践中,也是有限的,因为图像本身是有限的。

1.2 累加器

当我们说二维空间中的一条线用参数化表达时,意味着如果我们选择一个,它就对应一条线。想象一个二维数组, 想象一个二维数组,其中x轴具有所有可能的值,y轴具有所有可能的值。该2D阵列中的任何点坐标对应于一条线。

这个2D数组称为累加器,因为我们将使用此数组的bin来收集有关图像中存在哪些线条的信息。左上角的单元格对应于(-R,0),右下角对应于(R,)。稍后我们将看到bin()内的值随着参数而改变。

1.3 线条检测

执行以下步骤以检测图像中的线。

(1) 首先,我们需要创建一个累加器数组。您选择的单元格数量是一个设计决策。假设您选择了10×10累加器。这意味着获取10个不同的值。因此您将能够检测100种完全不同的线条。累加器的大小也取决于图像的分辨率。但如果你刚刚开始,不要担心完全正确。选择一个20×20的数字,看看你得到了什么结果。

(2) 检测边缘

现在我们已经设置了累加器,我们希望收集累加器的每个单元的信息,因为累加器的每个单元对应于一行。我们如何通过获取单元的信息,如果图像中有一条可见的线,边缘检测器应该在这条线的边界检测到边缘像素点。这些边缘像素为线条的存在提供了证据。边缘检测的输出是边缘像素的阵列 

(3) 边缘像素投票

对于上述数组中的每个边缘像素(x,y),我们改变从0到的值,并根据线条极坐标公式计算。我们改变三个像素点的(由三条彩色曲线表示),并获得对应的值。如下图所示。下图中三条线代表三个像素点不同的取值,其中横坐标为值,纵坐标为值(r值)。如果三个点在一条直线上,那么三个点的曲线就会相交于一点。

 

通常,我们有数百个边缘像素,越多的曲线交于一点就意味着这个交点表示的直线由更多的点组成,通过累加器统计交于一点的曲线数,并设定阈值来决定是否检测到一条直线。

更多霍夫曼变换说明见:

https://blog.csdn.net/u013263891/article/details/82867251

在OpenCV中,使用Hough变换的线检测在函数HoughLines和HoughLinesP中实现。此函数采用以下参数:

  • edge:边缘检测器的输出(灰度图)。
  • lines:用于存储行开头和结尾坐标的向量。
  • rho:图像单位分辨率参数,以像素为单位。我们选择2像素点
  • theta以弧度表示的参数单位分辨率。我们选择2度
  • 阈值:检测线的最小交叉点数。

下面我们展示了使用霍夫变换进行线检测的结果。请记住,检测到的线条的质量在很大程度上取决于边缘图的质量。因此,在现实世界中,当您可以控制环境并因此获得一致的边缘图时,或者当您可以为您正在寻找的特定类型的边缘训练边缘检测器时,使用Hough变换。

1.4 圆环的检测

在线Hough变换的情况下,我们需要两个参数,()但是为了检测圆,我们需要三个参数

  • 圆心的坐标。
  • 半径。

可以想象,圆形探测器需要一个3D累加器,每个参数一个。

圆的方程由下式给出:

按照以下步骤检测图像中的圆圈:

1.借助边缘检测器(Canny)找到给定图像中的边缘。

2.为了检测图像中的圆,我们设置半径的最大值和最小值的阈值。

3.信息收集在3D累加器阵列中,以确定是否存在具有不同中心和半径的圆。

在OpenCV中使用HoughCircles函数来检测图像中的圆圈。它需要以下参数:

image:输入图像。

methods:检测方法。

dp:累加器分辨率和图像分辨率的反比。

mindst:检测到圆圈的中心之间的最小距离。

param_1和param_2:这些是特定于方法的参数。

min_Radius:要检测的圆的最小半径(以像素为单位)。

max_Radius:要检测的最大半径(以像素为单位)。

使用Hough变换的圆检测结果如下所示。结果的质量在很大程度上取决于您可以找到的边缘质量,以及您对要检测的圆的大小有多少先验知识。

2 代码

所有代码见:

https://github.com/luohenyueji/OpenCV-Practical-Exercise

线条检测:

C++:

#include "pch.h"
#include <opencv2/opencv.hpp>
#include <stdio.h>
#include <iostream>

using namespace cv;
using namespace std;

// variables to store images
Mat dst, cimg, gray, img, edges;

int initThresh;
const int maxThresh = 1000;
double th1, th2;

// create a vector to store points of line
vector<Vec4i> lines;

void onTrackbarChange(int, void*)
{
	//复制目标图像
	cimg = img.clone();
	//结果图像
	dst = img.clone();

	th1 = initThresh;
	th2 = th1 * 0.4;
	//canny边缘检测
	Canny(img, edges, th1, th2);

	// apply hough line transform 霍夫曼变换
	HoughLinesP(edges, lines, 2, CV_PI / 180, 50, 10, 100);

	// draw lines on the detected points 画线
	for (size_t i = 0; i < lines.size(); i++)
	{
		//提取线条坐标点
		Vec4i l = lines[i];
		line(dst, Point(l[0], l[1]), Point(l[2], l[3]), Scalar(0, 0, 255), 1, LINE_AA);
	}

	// show the resultant image
	imshow("Result Image", dst);
	imshow("Edges", edges);
}

int main()
{
	// Read image (color mode) 读图
	img = imread("./image/lanes.jpg", 1);
	dst = img.clone();

	if (img.empty())
	{
		cout << "Error in reading image" << endl;
		return -1;
	}

	// Convert to gray-scale 转换为灰度图像
	cvtColor(img, gray, COLOR_BGR2GRAY);

	// Detect edges using Canny Edge Detector
	// Canny(gray, dst, 50, 200, 3);

	// Make a copy of original image
	// cimg = img.clone();

	// Will hold the results of the detection
	namedWindow("Edges", 1);
	namedWindow("Result Image", 1);

	// Declare thresh to vary the max_radius of circles to be detected in hough transform
	// 霍夫曼变换阈值
	initThresh = 500;

	// Create trackbar to change threshold values
	//滑动条
	createTrackbar("threshold", "Result Image", &initThresh, maxThresh, onTrackbarChange);
	onTrackbarChange(initThresh, 0);

	while (true)
	{
		int key;
		key = waitKey(1);
		if ((char)key == 27)
		{
			break;
		}
	}
	destroyAllWindows();
	return 0;
}

Python:

import cv2
import numpy as np

def onTrackbarChange(max_slider):
	global img
	global dst
	global gray

	dst = np.copy(img)

	th1 = max_slider 
	th2 = th1 * 0.4
	edges = cv2.Canny(img, th1, th2)
	
	# Apply probabilistic hough line transform
	lines = cv2.HoughLinesP(edges, 2, np.pi/180.0, 50, minLineLength=10, maxLineGap=100)

	# Draw lines on the detected points
	for line in lines:
		x1, y1, x2, y2 = line[0]
		cv2.line(dst, (x1, y1), (x2, y2), (0,0,255), 1)

	cv2.imshow("Result Image", dst)	
	cv2.imshow("Edges",edges)

if __name__ == "__main__":
	
	# Read image
	img = cv2.imread('./image/lanes.jpg')
	
	# Create a copy for later usage
	dst = np.copy(img)

	# Convert image to gray
	gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)

	# Create display windows
	cv2.namedWindow("Edges")
	cv2.namedWindow("Result Image")
	  

	# Initialize threshold value
	initThresh = 500

	# Maximum threshold value
	maxThresh = 1000

	cv2.createTrackbar("threshold", "Result Image", initThresh, maxThresh, onTrackbarChange)
	onTrackbarChange(initThresh)

	while True:
		key = cv2.waitKey(1)
		if key == 27:
			break

	cv2.destroyAllWindows()

圆环检测:

C++:

#include "pch.h"
#include <opencv2/opencv.hpp>
#include <stdio.h>
#include <iostream>
#include <string>

using namespace cv;
using namespace std;

// Declare variables to store images
Mat gray, cimg, img, edges;

int initThresh;
const int maxThresh = 200;
double p1, p2;

// Vector to store circle points
vector<Vec3f> circles;

void onTrackbarChange(int, void*)
{
	cimg = img.clone();

	p1 = initThresh;
	p2 = initThresh * 0.4;

	// Detect circles using HoughCircles transform 霍夫曼变换
	HoughCircles(gray, circles, HOUGH_GRADIENT, 1, cimg.rows / 64, p1, p2, 25, 50);

	//画圆
	for (size_t i = 0; i < circles.size(); i++)
	{
		Point center(cvRound(circles[i][0]), cvRound(circles[i][1]));
		int radius = cvRound(circles[i][2]);
		// Draw the outer circle
		circle(cimg, center, radius, Scalar(0, 255, 0), 2);
		// Draw the center of the circle
		circle(cimg, center, 2, Scalar(0, 0, 255), 3);
	}

	// Display output image
	imshow("Image", cimg);

	// Edge image for debugging
	Canny(gray, edges, p1, p2);
	imshow("Edges", edges);
}

int main()
{
	//读图
	img = imread("./image/brown-eyes.jpg", IMREAD_COLOR);

	if (img.empty())
	{
		cout << "Error reading image" << endl;
		return -1;
	}

	// Convert to gray-scale 转换为灰度图
	cvtColor(img, gray, COLOR_BGR2GRAY);

	// Will hold the results of the detection
	namedWindow("Edges", 1);
	namedWindow("Image", 1);

	//初始阈值
	initThresh = 105;
	//滑动条
	createTrackbar("Threshold", "Image", &initThresh, maxThresh, onTrackbarChange);
	onTrackbarChange(initThresh, 0);

	imshow("Image", img);
	while (true)
	{
		int key;
		key = waitKey(0);
		if ((char)key == 27)
		{
			break;
		}
	}

	destroyAllWindows();
	return 0;
}

Python:

import cv2
import numpy as np
import sys

def onTrackbarChange(max_slider):
    cimg = np.copy(img)

    p1 = max_slider
    p2 = max_slider * 0.4

    # Detect circles using HoughCircles transform
    circles = cv2.HoughCircles(gray, cv2.HOUGH_GRADIENT, 1, cimg.shape[0]/64, param1=p1, param2=p2, minRadius=25, maxRadius=50)

    # If at least 1 circle is detected
    if circles is not None:
        cir_len = circles.shape[1] # store length of circles found
        circles = np.uint16(np.around(circles))
        for i in circles[0, :]:
            # Draw the outer circle
            cv2.circle(cimg, (i[0], i[1]), i[2], (0, 255, 0), 2)
            # Draw the center of the circle
            cv2.circle(cimg, (i[0], i[1]), 2, (0, 0, 255), 3)
    else:
        cir_len = 0 # no circles detected
    
    # Display output image
    cv2.imshow('Image', cimg)    

    # Edge image for debugging
    edges = cv2.Canny(gray, p1, p2)
    cv2.imshow('Edges', edges)

    

    
if __name__ == "__main__":
    # Read image
    img = cv2.imread("./image/brown-eyes.jpg")

    # Convert to gray-scale
    gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)

    # Create display windows
    cv2.namedWindow("Edges")
    cv2.namedWindow("Image")
    

    # Trackbar will be used for changing threshold for edge 
    initThresh = 105 
    maxThresh = 200 

    # Create trackbar
    cv2.createTrackbar("Threshold", "Image", initThresh, maxThresh, onTrackbarChange)
    onTrackbarChange(initThresh)
    
    while True:
        key = cv2.waitKey(1)
        if key == 27:
            break

    cv2.destroyAllWindows()

3 参考

https://www.learnopencv.com/hough-transform-with-opencv-c-python/

https://blog.csdn.net/u013263891/article/details/82867251

  • 0
    点赞
  • 15
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值