OpenCV学习的第三天,目的性是学习的最大动力,欲望则是目的的起源,坚持
第四节 图像金字塔(特征提取)
一、高斯金字塔:向下采样方法(缩小)
data:image/s3,"s3://crabby-images/7e709/7e70906bbcf8fd366a9d19c926e4fdcb1226f70d" alt="在这里插入图片描述" img=cv2.imread(“AM.png”) cv_show(img,‘img’) print (img.shape) down=cv2.pyrDown(img) cv_show(down,‘down’) print (down.shape)
二、高斯金字塔:向上采样方法(放大)
data:image/s3,"s3://crabby-images/ba670/ba670c6f79c1131f36e1d81653b53fd26c7561be" alt="在这里插入图片描述" img=cv2.imread(“AM.png”) cv_show(img,‘img’) print (img.shape) up=cv2.pyrUp(img) cv_show(up,‘up’) print (up.shape)
第五节、拉普拉斯金字塔
data:image/s3,"s3://crabby-images/eb8bf/eb8bf130f0d74dc63515013bc51737ca4523107b" alt="在这里插入图片描述" down=cv2.pyrDown(img) down_up=cv2.pyrUp(down) l_1=img-down_up cv_show(l_1,‘l_1’)
第六节 图像轮廓(为了更高的准确率,使用二值图像。)
一、获取轮廓
cv2.findContours(img,mode,method) mode:轮廓检索模式
- RETR_EXTERNAL :只检索最外面的轮廓;
- RETR_LIST:检索所有的轮廓,并将其保存到一条链表当中;
- RETR_CCOMP:检索所有的轮廓,并将他们组织为两层:顶层是各部分的外部边界,第二层是空洞的边界;
- RETR_TREE:检索所有的轮廓,并重构嵌套轮廓的整个层次;
method:轮廓逼近方法
- CHAIN_APPROX_NONE:以Freeman链码的方式输出轮廓,所有其他方法输出多边形(顶点的序列)。
- CHAIN_APPROX_SIMPLE:压缩水平的、垂直的和斜的部分,也就是,函数只保留他们的终点部分。
data:image/s3,"s3://crabby-images/d36fc/d36fce2918da63a91172ae527667bf28965ac26a" alt="在这里插入图片描述" img = cv2.imread(‘contours.png’) gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) ret, thresh = cv2.threshold(gray, 127, 255, cv2.THRESH_BINARY) cv_show(thresh,‘thresh’) (二值图像) data:image/s3,"s3://crabby-images/6917f/6917fe11343ba0e3bf4507636523cf70f71f3649" alt="在这里插入图片描述"
contours, hierarchy = cv2.findContours(thresh, cv2.RETR_TREE, cv2.CHAIN_APPROX_NONE) np.array(contours).shape(保存的是轮廓信息)(11,) hierarchy :层级
draw_img = img.copy() #注意需要copy,要不原图会变。。。 res = cv2.drawContours(draw_img, contours, -1, (0, 0, 255), 2) #传入绘制图像,轮廓,轮廓索引(-1表示所有),颜色模式(BGR),线条厚度 cv_show(res,‘res’)
data:image/s3,"s3://crabby-images/7dd14/7dd14c306343daa0817f29621105f9b4b5c881fb" alt="在这里插入图片描述"
二、轮廓特征
cnt = contours[0](获取轮廓) cv2.contourArea(cnt)(计算轮廓面积) cv2.arcLength(cnt,True)(计算轮廓周长)
三、轮廓近似
data:image/s3,"s3://crabby-images/d666f/d666f70169e3ffbafa5ee6e69d316c42b2365be0" alt="在这里插入图片描述" img = cv2.imread(‘contours2.png’)
gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) ret, thresh = cv2.threshold(gray, 127, 255, cv2.THRESH_BINARY) binary, contours, hierarchy = cv2.findContours(thresh, cv2.RETR_TREE, cv2.CHAIN_APPROX_NONE) cnt = contours[0]
draw_img = img.copy() res = cv2.drawContours(draw_img, [cnt], -1, (0, 0, 255), 2) cv_show(res,‘res’) data:image/s3,"s3://crabby-images/67dfa/67dfab4072e1c2ae35e78e720ac5159846e43da0" alt="在这里插入图片描述"
epsilon = 0.15*cv2.arcLength(cnt,True) (周长设定近似阈值) approx = cv2.approxPolyDP(cnt,epsilon,True)
draw_img = img.copy() res = cv2.drawContours(draw_img, [approx], -1, (0, 0, 255), 2) cv_show(res,‘res’)
data:image/s3,"s3://crabby-images/cff32/cff3219f13fa33ced7eeed0b748bd2f637dce699" alt="在这里插入图片描述" import cv2 import matplotlib.pyplot as plt import numpy as np
def cv_show(img,name): cv2.imshow(name,img) cv2.waitKey() cv2.destroyAllWindows()
img = cv2.imread(‘contours2.png’)
gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) ret, thresh = cv2.threshold(gray, 127, 255, cv2.THRESH_BINARY) contours, hierarchy = cv2.findContours(thresh, cv2.RETR_TREE, cv2.CHAIN_APPROX_NONE) cnt = contours[0]
draw_img = img.copy() res = cv2.drawContours(draw_img, [cnt], -1, (0, 0, 255), 2) cv_show(res,‘res’)
epsilon = 0.10*cv2.arcLength(cnt,True) (参数:越小,轮廓越近似本来形状) approx = cv2.approxPolyDP(cnt,epsilon,True)
draw_img = img.copy() res = cv2.drawContours(draw_img, [approx], -1, (0, 0, 255), 2) cv_show(res,‘res’) data:image/s3,"s3://crabby-images/1ccb7/1ccb78fea7855e311c9babe49209479756ecbeeb" alt="在这里插入图片描述"
四、边界矩形、圆形
import cv2 import matplotlib.pyplot as plt import numpy as np
def cv_show(img,name): cv2.imshow(name,img) cv2.waitKey() cv2.destroyAllWindows()
img = cv2.imread(‘contours.png’)
gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) ret, thresh = cv2.threshold(gray, 127, 255, cv2.THRESH_BINARY) contours, hierarchy = cv2.findContours(thresh, cv2.RETR_TREE, cv2.CHAIN_APPROX_NONE) cnt = contours[2]
x,y,w,h = cv2.boundingRect(cnt) img = cv2.rectangle(img,(x,y),(x+w,y+h),(0,255,0),2) cv_show(img,‘img’)
data:image/s3,"s3://crabby-images/37f9c/37f9c41a112d2b13cf1ad149a5825d0ee315ffe3" alt="在这里插入图片描述" area = cv2.contourArea(cnt) x, y, w, h = cv2.boundingRect(cnt) rect_area = w * h extent = float(area) / rect_area print (‘轮廓面积与边界矩形比’,extent) data:image/s3,"s3://crabby-images/4be8c/4be8cd049795ad2ef8ecbf1cfefff1bbcfca32d7" alt="在这里插入图片描述" import cv2 import matplotlib.pyplot as plt import numpy as np
def cv_show(img,name): cv2.imshow(name,img) cv2.waitKey() cv2.destroyAllWindows()
img = cv2.imread(‘contours.png’)
gray = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) ret, thresh = cv2.threshold(gray, 127, 255, cv2.THRESH_BINARY) contours, hierarchy = cv2.findContours(thresh, cv2.RETR_TREE, cv2.CHAIN_APPROX_NONE) cnt = contours[2]
(x,y),radius = cv2.minEnclosingCircle(cnt) center = (int(x),int(y)) radius = int(radius) img = cv2.circle(img,center,radius,(0,255,0),2) cv_show(img,‘img’)
area = cv2.contourArea(cnt) x, y, w, h = cv2.boundingRect(cnt) rect_area = radius * radius*3.14 extent = float(area) / rect_area print(extent) data:image/s3,"s3://crabby-images/f3c5c/f3c5c03812a3060bb180d8be0b88dbea65c51491" alt="在这里插入图片描述" data:image/s3,"s3://crabby-images/743f9/743f94f8cc67606d1839978a4d5969123edb556f" alt="在这里插入图片描述"
第七节、模板匹配
模板匹配和卷积原理很像,模板在原图像上从原点开始滑动,计算模板与(图像被模板覆盖的地方)的差别程度,这个差别程度的计算方法在opencv里有6种,然后将每次计算的结果放入一个矩阵里,作为结果输出。假如原图形是AxB大小,而模板是axb大小,则输出结果的矩阵是(A-a+1)x(B-b+1)
- TM_SQDIFF:计算平方不同,计算出来的值越小,越相关
- TM_CCORR:计算相关性,计算出来的值越大,越相关
- TM_CCOEFF:计算相关系数,计算出来的值越大,越相关
- TM_SQDIFF_NORMED:计算归一化平方不同,计算出来的值越接近0,越相关
- TM_CCORR_NORMED:计算归一化相关性,计算出来的值越接近1,越相关
- TM_CCOEFF_NORMED:计算归一化相关系数,计算出来的值越接近1,越相关
(推荐使用归一化,计算精确度高,相对比较公平)
img = cv2.imread(‘lena.jpg’, 0) template = cv2.imread(‘face.jpg’, 0) img.shape((263, 263)) template.shape((110, 85)) res = cv2.matchTemplate(img, template, cv2.TM_SQDIFF) res.shape((154, 179))
data:image/s3,"s3://crabby-images/7fc52/7fc521fd73bc053bdc02c2dc1ec4c2731bb07f4c" alt="在这里插入图片描述" min_val, max_val, min_loc, max_loc = cv2.minMaxLoc(res)(最小值,最大值,最小值坐标位置,最大值坐标位置) 根据所用的算法,去找最值(精确度高),然后根据W,H找到匹配位置 data:image/s3,"s3://crabby-images/c47b9/c47b94fb3bd8c792a5f75b2ca4ab2f7d9ca2d4f2" alt="在这里插入图片描述" methods = [‘cv2.TM_CCOEFF’, ‘cv2.TM_CCOEFF_NORMED’, ‘cv2.TM_CCORR’, ‘cv2.TM_CCORR_NORMED’, ‘cv2.TM_SQDIFF’, ‘cv2.TM_SQDIFF_NORMED’]
for meth in methods: img2 = img.copy()
# 匹配方法的真值
method = eval(meth)
print (method)
res = cv2.matchTemplate(img, template, method)
min_val, max_val, min_loc, max_loc = cv2.minMaxLoc(res)
# 如果是平方差匹配TM_SQDIFF或归一化平方差匹配TM_SQDIFF_NORMED,取最小值
if method in [cv2.TM_SQDIFF, cv2.TM_SQDIFF_NORMED]:
top_left = min_loc
else:
top_left = max_loc
bottom_right = (top_left[0] + w, top_left[1] + h)
# 画矩形
cv2.rectangle(img2, top_left, bottom_right, 255, 2)
plt.subplot(121), plt.imshow(res, cmap='gray')
plt.xticks([]), plt.yticks([]) # 隐藏坐标轴
plt.subplot(122), plt.imshow(img2, cmap='gray')
plt.xticks([]), plt.yticks([])
plt.suptitle(meth)
plt.show()
data:image/s3,"s3://crabby-images/b12ac/b12ac7170aa8f5d1b3be3496570ff058b776ee85" alt="在这里插入图片描述" data:image/s3,"s3://crabby-images/bc7c9/bc7c983137506aadac8a4471bc22c4c484605e71" alt="在这里插入图片描述" data:image/s3,"s3://crabby-images/a2061/a2061e0d5b97bb24004c410da195e3a31508f1c0" alt="在这里插入图片描述" data:image/s3,"s3://crabby-images/7fc14/7fc145c34eb1a94425fb4a3ed661edc7699f9557" alt="在这里插入图片描述" data:image/s3,"s3://crabby-images/4e8f1/4e8f1d2e9109539598eb1d824b0b7ade85609458" alt="在这里插入图片描述" data:image/s3,"s3://crabby-images/f6b77/f6b772e3c70080be6742b7822aefaec3222d1ea1" alt="在这里插入图片描述"
二、匹配多个对象
import cv2 import matplotlib.pyplot as plt import numpy as np
def cv_show(img,name): cv2.imshow(name,img) cv2.waitKey() cv2.destroyAllWindows()
img_rgb = cv2.imread(‘mario.jpg’) img_gray=cv2.cvtColor(img_rgb,cv2.COLOR_BGR2GRAY) template = cv2.imread(‘mario_coin.jpg’, 0) h, w = template.shape[:2]
res = cv2.matchTemplate(img_gray, template, cv2.TM_CCOEFF_NORMED) threshold = 0.8
loc = np.where(res >= threshold) for pt in zip(*loc[::-1]): bottom_right = (pt[0] + w, pt[1] + h) cv2.rectangle(img_rgb, pt, bottom_right, (0, 0, 255), 2)
cv2.imshow(‘img_rgb’, img_rgb) cv2.waitKey(0)
data:image/s3,"s3://crabby-images/d38d0/d38d0c3a4def1cc28feb66d1f8488102a183f07d" alt="在这里插入图片描述"
第八节、直方图
一、绘制图片像素点直方图
统计图片像素点 data:image/s3,"s3://crabby-images/8f987/8f9878b481cf8040552c9631e2411d05e0ac4ec0" alt="在这里插入图片描述"
cv2.calcHist(images,channels,mask,histSize,ranges)
import cv2 import matplotlib.pyplot as plt import numpy as np
def cv_show(img,name): cv2.imshow(name,img) cv2.waitKey() cv2.destroyAllWindows()
img = cv2.imread(‘cat.jpg’,0) plt.hist(img.ravel(),256); plt.show()
img = cv2.imread(‘cat.jpg’) color = (‘b’,‘g’,‘r’) for i,col in enumerate(color): histr = cv2.calcHist([img],[i],None,[256],[0,256]) plt.plot(histr,color = col) plt.xlim([0,256]) plt.show()
data:image/s3,"s3://crabby-images/708b5/708b5e58966a426b8b56a396233236928109e81e" alt="在这里插入图片描述"
data:image/s3,"s3://crabby-images/0ef62/0ef62b2c4d975e5b106254910b2faf57ba5556bd" alt="在这里插入图片描述"
二、mask操作(与操作)
mask = np.zeros(img.shape[:2], np.uint8) print (mask.shape) mask[100:300, 100:400] = 255 cv_show(mask,‘mask’)
img = cv2.imread(‘cat.jpg’, 0) cv_show(img,‘img’)
masked_img = cv2.bitwise_and(img, img, mask=mask) cv_show(masked_img,‘masked_img’)
hist_full = cv2.calcHist([img], [0], None, [256], [0, 256]) hist_mask = cv2.calcHist([img], [0], mask, [256], [0, 256]) plt.subplot(221), plt.imshow(img, ‘gray’) plt.subplot(222), plt.imshow(mask, ‘gray’) plt.subplot(223), plt.imshow(masked_img, ‘gray’) plt.subplot(224), plt.plot(hist_full), plt.plot(hist_mask) plt.xlim([0, 256]) plt.show()
data:image/s3,"s3://crabby-images/9414e/9414e315114185925f20672642988b968d5d49ed" alt="在这里插入图片描述"
第九节、直方图均衡化(均衡化直方图可以提升图片的亮度、色彩)
data:image/s3,"s3://crabby-images/fe3a6/fe3a6f19ca32770d05cfacc2e5178cf8e4eb848c" alt="在这里插入图片描述" 原图的像素直方图根据各个像素值及像素值个数,计算概率,根据概率计算累计概率,然后根据函数映射后获取新的像素值 data:image/s3,"s3://crabby-images/4cacb/4cacb526828b2b6c5c9dac828f525f6ccc47acbb" alt="在这里插入图片描述"
data:image/s3,"s3://crabby-images/f4778/f477839dd539817b307f1c491961c7589805ab7e" alt="在这里插入图片描述" 原图直方图 img = cv2.imread(‘clahe.jpg’,0) #0表示灰度图 #clahe plt.hist(img.ravel(),256); plt.show() data:image/s3,"s3://crabby-images/6da50/6da5010008f758b67d074cb075174cf25e9e9be9" alt="在这里插入图片描述"
均衡后直方图 equ = cv2.equalizeHist(img) plt.hist(equ.ravel(),256) plt.show() data:image/s3,"s3://crabby-images/c0018/c0018af67b63e9affe519d440514ca96f27bff8b" alt="在这里插入图片描述" 均衡后图片显示 res = np.hstack((img,equ)) cv_show(res,‘res’)
data:image/s3,"s3://crabby-images/ef929/ef92976fa411aad96fd8a5508e16f15b40e201be" alt="在这里插入图片描述" 自适应均衡化
clahe = cv2.createCLAHE(clipLimit=2.0, tileGridSize=(8,8)) res_clahe = clahe.apply(img) res = np.hstack((img,equ,res_clahe)) cv_show(res,‘res’) data:image/s3,"s3://crabby-images/bd029/bd02964a04e4beb88f736cff766b6ea7d93c56b9" alt="在这里插入图片描述"
data:image/s3,"s3://crabby-images/f5d67/f5d67efb0f7499ad7f3838a6d691d5f8fe51127f" alt="在这里插入图片描述"
第十节、傅里叶变换(https://zhuanlan.zhihu.com/p/19763358)
以时间作为参照来观察动态世界的方法我们称其为时域分析,但是在频域中一切都是静止的,任何周期函数,都可以看作是不同振幅,不同相位正弦波的叠加 data:image/s3,"s3://crabby-images/3ca9b/3ca9b2226b5c74b742580ddf0c2a91911c4fcccb" alt="在这里插入图片描述"
一、傅里叶变换的作用
高频:变化剧烈的灰度分量,例如边界 低频:变化缓慢的灰度分量,例如一片大海
滤波 低通滤波器:只保留低频,会使得图像模糊 高通滤波器:只保留高频,会使得图像细节增强
1、输入图像需要先转换成np.float32 格式 img = cv2.imread(‘lena.jpg’,0) img_float32 = np.float32(img)
2、得到的结果中频率为0的部分会在左上角,通常要转换到中心位置,可以通过shift变换来实现 dft = cv2.dft(img_float32, flags = cv2.DFT_COMPLEX_OUTPUT) dft_shift = np.fft.fftshift(dft)
3、cv2.dft()返回的结果是双通道的(实部,虚部),通常还需要转换成图像格式才能展示(0,255)
得到灰度图能表示的形式
magnitude_spectrum = 20*np.log(cv2.magnitude(dft_shift[:,:,0],dft_shift[:,:,1]))
plt.subplot(121),plt.imshow(img, cmap = ‘gray’) plt.title(‘Input Image’), plt.xticks([]), plt.yticks([]) plt.subplot(122),plt.imshow(magnitude_spectrum, cmap = ‘gray’) plt.title(‘Magnitude Spectrum’), plt.xticks([]), plt.yticks([]) plt.show()
data:image/s3,"s3://crabby-images/c75c6/c75c6b18309d988bf2b55a05be7b5f7379a71e08" alt="在这里插入图片描述" 低通滤波器: import numpy as np import cv2 from matplotlib import pyplot as plt
img = cv2.imread(‘lena.jpg’,0) img_float32 = np.float32(img)
dft = cv2.dft(img_float32, flags = cv2.DFT_COMPLEX_OUTPUT) dft_shift = np.fft.fftshift(dft)
rows, cols = img.shape crow, ccol = int(rows/2) , int(cols/2) # 中心位置
低通滤波
mask = np.zeros((rows, cols, 2), np.uint8) mask[crow-30:crow+30, ccol-30:ccol+30] = 1
IDFT
fshift = dft_shift*mask f_ishift = np.fft.ifftshift(fshift) img_back = cv2.idft(f_ishift) img_back = cv2.magnitude(img_back[:,:,0],img_back[:,:,1])
plt.subplot(121),plt.imshow(img, cmap = ‘gray’) plt.title(‘Input Image’), plt.xticks([]), plt.yticks([]) plt.subplot(122),plt.imshow(img_back, cmap = ‘gray’) plt.title(‘Result’), plt.xticks([]), plt.yticks([])
plt.show() data:image/s3,"s3://crabby-images/5a96e/5a96e52f25f31f93ce3c80f6b3d85a732f7800a3" alt="在这里插入图片描述" 高通滤波器: img = cv2.imread(‘lena.jpg’,0)
img_float32 = np.float32(img)
dft = cv2.dft(img_float32, flags = cv2.DFT_COMPLEX_OUTPUT) dft_shift = np.fft.fftshift(dft)
rows, cols = img.shape crow, ccol = int(rows/2) , int(cols/2) # 中心位置
高通滤波
mask = np.ones((rows, cols, 2), np.uint8) mask[crow-30:crow+30, ccol-30:ccol+30] = 0
IDFT
fshift = dft_shift*mask f_ishift = np.fft.ifftshift(fshift) img_back = cv2.idft(f_ishift) img_back = cv2.magnitude(img_back[:,:,0],img_back[:,:,1])
plt.subplot(121),plt.imshow(img, cmap = ‘gray’) plt.title(‘Input Image’), plt.xticks([]), plt.yticks([]) plt.subplot(122),plt.imshow(img_back, cmap = ‘gray’) plt.title(‘Result’), plt.xticks([]), plt.yticks([])
plt.show()
data:image/s3,"s3://crabby-images/e86c7/e86c76e06740cc790752f25247373a7fa1a70df1" alt="在这里插入图片描述"
|