OpenCV 4.11.0
开源计算机视觉库
加载中…
搜索中…
无匹配项
图像几何变换

目标

  • 学习将不同的几何变换应用于图像,例如平移、旋转、仿射变换等。
  • 你将看到这些函数:cv.getPerspectiveTransform

变换

OpenCV 提供了两个变换函数,cv.warpAffinecv.warpPerspective,你可以用它们执行各种变换。cv.warpAffine 使用一个 2x3 变换矩阵,而 cv.warpPerspective 使用一个 3x3 变换矩阵作为输入。

缩放

缩放只是调整图像大小。OpenCV 提供了函数 cv.resize() 用于此目的。可以手动指定图像大小,或者可以指定缩放比例。使用了不同的插值方法。首选的插值方法是缩小图像使用cv.INTER_AREA,放大图像使用cv.INTER_CUBIC(慢)和cv.INTER_LINEAR。默认情况下,所有调整大小操作都使用插值方法cv.INTER_LINEAR。你可以使用以下任一方法调整输入图像的大小

import numpy as np
import cv2 as cv
img = cv.imread('messi5.jpg')
assert img is not None, "文件无法读取,请使用 os.path.exists() 检查"
res = cv.resize(img,None,fx=2, fy=2, interpolation = cv.INTER_CUBIC)
# 或
height, width = img.shape[:2]
res = cv.resize(img,(2*width, 2*height), interpolation = cv.INTER_CUBIC)
CV_EXPORTS_W Mat imread(const String &filename, int flags=IMREAD_COLOR_BGR)
从文件中加载图像。
void resize(InputArray src, OutputArray dst, Size dsize, double fx=0, double fy=0, int interpolation=INTER_LINEAR)
调整图像大小。

平移

平移是对象位置的移动。如果你知道 (x,y) 方向的位移,并将其设为 \((t_x,t_y)\),你可以创建如下所示的变换矩阵 \(\textbf{M}\)

\[M = \begin{bmatrix} 1 & 0 & t_x \\ 0 & 1 & t_y \end{bmatrix}\]

你可以将其转换为 np.float32 类型的 NumPy 数组,并将其传递到 cv.warpAffine() 函数中。请参阅下面的示例,该示例将 (100,50) 进行位移。

import numpy as np
import cv2 as cv
img = cv.imread('messi5.jpg', cv.IMREAD_GRAYSCALE)
assert img is not None, "文件无法读取,请使用 os.path.exists() 检查"
rows,cols = img.shape
M = np.float32([[1,0,100],[0,1,50]])
dst = cv.warpAffine(img,M,(cols,rows))
cv.imshow('img',dst)
void imshow(const String &winname, InputArray mat)
在指定的窗口中显示图像。
int waitKey(int delay=0)
等待按键按下。
void destroyAllWindows()
销毁所有 HighGUI 窗口。
void warpAffine(InputArray src, OutputArray dst, InputArray M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar())
将仿射变换应用于图像。

警告

cv.warpAffine() 函数的第三个参数是输出图像的大小,应为 (宽度, 高度) 的形式。记住宽度 = 列数,高度 = 行数。

请参见下面的结果

图像

旋转

图像以角度 \(\theta\) 旋转是通过以下形式的变换矩阵实现的

\[M = \begin{bmatrix} cos\theta & -sin\theta \\ sin\theta & cos\theta \end{bmatrix}\]

但是 OpenCV 提供了带可调旋转中心的缩放旋转,以便你可以在任何你偏好的位置旋转。修改后的变换矩阵由下式给出

\[\begin{bmatrix} \alpha & \beta & (1- \alpha ) \cdot center.x - \beta \cdot center.y \\ - \beta & \alpha & \beta \cdot center.x + (1- \alpha ) \cdot center.y \end{bmatrix}\]

其中

\[\begin{array}{l} \alpha = scale \cdot \cos \theta , \\ \beta = scale \cdot \sin \theta \end{array}\]

为了找到这个变换矩阵,OpenCV 提供了一个函数,cv.getRotationMatrix2D。查看下面的示例,该示例在不进行任何缩放的情况下,相对于中心将图像旋转 90 度。

img = cv.imread('messi5.jpg', cv.IMREAD_GRAYSCALE)
assert img is not None, "文件无法读取,请使用 os.path.exists() 检查"
rows,cols = img.shape
# cols-1 和 rows-1 是坐标限制。
M = cv.getRotationMatrix2D(((cols-1)/2.0,(rows-1)/2.0),90,1)
dst = cv.warpAffine(img,M,(cols,rows))
Mat getRotationMatrix2D(Point2f center, double angle, double scale)
计算二维旋转的仿射矩阵。
定义 imgproc.hpp:2589

查看结果

图像

仿射变换

在仿射变换中,原始图像中的所有平行线在输出图像中仍然是平行的。为了找到变换矩阵,我们需要输入图像中的三个点及其在输出图像中的对应位置。然后 cv.getAffineTransform 将创建一个 2x3 矩阵,该矩阵将传递到 cv.warpAffine

查看下面的示例,并查看我选择的点(以绿色标记)

img = cv.imread('drawing.png')
assert img is not None, "文件无法读取,请使用 os.path.exists() 检查"
rows,cols,ch = img.shape
pts1 = np.float32([[50,50],[200,50],[50,200]])
pts2 = np.float32([[10,100],[200,50],[100,250]])
M = cv.getAffineTransform(pts1,pts2)
dst = cv.warpAffine(img,M,(cols,rows))
plt.subplot(121),plt.imshow(img),plt.title('输入')
plt.subplot(122),plt.imshow(dst),plt.title('输出')
plt.show()
Mat getAffineTransform(const Point2f src[], const Point2f dst[])
根据三对对应点计算仿射变换。

查看结果

图像

透视变换

透视变换需要一个 3x3 的变换矩阵。直线在变换后仍然保持直线。要找到这个变换矩阵,需要输入图像上的 4 个点及其在输出图像上对应的 4 个点。这 4 个点中,任意 3 个点不能共线。然后可以通过函数 **cv.getPerspectiveTransform** 找到变换矩阵。然后使用这个 3x3 变换矩阵应用 **cv.warpPerspective**。

参见下面的代码

img = cv.imread('sudoku.png')
assert img is not None, "文件无法读取,请使用 os.path.exists() 检查"
rows,cols,ch = img.shape
pts1 = np.float32([[56,65],[368,52],[28,387],[389,390]])
pts2 = np.float32([[0,0],[300,0],[0,300],[300,300]])
dst = cv.warpPerspective(img,M,(300,300))
plt.subplot(121),plt.imshow(img),plt.title('输入')
plt.subplot(122),plt.imshow(dst),plt.title('输出')
plt.show()
Mat getPerspectiveTransform(InputArray src, InputArray dst, int solveMethod=DECOMP_LU)
从四对对应点计算透视变换。
void warpPerspective(InputArray src, OutputArray dst, InputArray M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar())
将透视变换应用于图像。

结果

图像

附加资源

  1. “计算机视觉:算法与应用”,Richard Szeliski