在本教程中,您將學(xué)習(xí)如何使用OpenCV和快速傅里葉變換(FFT)在圖像和實(shí)時視流中執(zhí)行模糊檢測。 今天的教程是我上一篇關(guān)于OpenCV模糊檢測的博客文章的擴(kuò)展
原始模糊檢測方法:
依賴于計(jì)算圖像Laplacian算子的方差
可以僅用一行代碼實(shí)現(xiàn)
使用起來非常簡單
缺點(diǎn)是,Laplacian方法需要大量手動調(diào)整用于定義圖像是否模糊的”閾值“。如果你能控制你的光線條件,環(huán)境和圖像捕捉過程,這個方法工作得很好,但如果不是,那你很可能得到雜亂不堪的效果。 我們今天要講的方法依賴于計(jì)算圖像的快速傅里葉變換。它仍然需要一些手動調(diào)整,但正如我們將發(fā)現(xiàn)的,F(xiàn)FT模糊檢測器比Laplacian方差更加可靠與穩(wěn)定。 在本教程結(jié)束時,你將擁有一個可以應(yīng)用于圖像和視頻流,且功能齊全的FFT模糊檢測器。 OpenCV快速傅里葉變換(FFT)模糊檢測 在本教程的第一部分,我們將簡要討論:
什么是模糊檢測
為什么我們想檢測圖像/視頻流中的模糊
快速傅里葉變換如何讓我們檢測模糊
什么是模糊檢測,什么時候我們需要檢測模糊?
圖1:如何使用OpenCV和快速傅里葉變換(FFT)算法自動檢測照片是否模糊?(圖片來源:https://www.cs.unm.edu/~brayer/vision/fourier.html)
模糊檢測,顧名思義,是檢測圖像是否模糊的算法。
模糊檢測可能的應(yīng)用包括:
圖像質(zhì)量的自動分級
幫助專業(yè)攝影師在100到1000張的照片拍攝過程中自動丟棄模糊/低質(zhì)量的照片
將OCR應(yīng)用于實(shí)時視頻流,但僅對非模糊幀應(yīng)用昂貴的OCR計(jì)算
這里的關(guān)鍵要點(diǎn)是,為在理想條件下捕獲的圖像編寫計(jì)算機(jī)視覺代碼總是比較容易的。
與其嘗試處理質(zhì)量非常差的圖像的邊緣情況,不如檢測并丟棄質(zhì)量差的圖像(比如有明顯模糊的圖像)。
這種模糊檢測程序既可以自動丟棄質(zhì)量差的圖像,也可以簡單地告訴終端用戶:”嘿,老兄,再試一次,讓我們在這里捕捉一個更好的畫面”。
請記住,計(jì)算機(jī)視覺應(yīng)用程序應(yīng)該是智能的,因此有了“人工智能”這個術(shù)語——有時候,“智能”可以只是檢測輸入數(shù)據(jù)的質(zhì)量是否太差,而不是試圖弄懂它。
什么是快速傅立葉變換(FFT)?
圖2:在本教程中,我們將使用OpenCV和NumPy的組合在圖像和視流中進(jìn)行基于快速傅立葉變換(FFT)的模糊檢測。
快速傅里葉變換是計(jì)算離散傅里葉變換的一種方便的數(shù)學(xué)算法。它用于將信號從一個域轉(zhuǎn)換為另一個域。
FFT在許多學(xué)科中都很有用,包括音樂、數(shù)學(xué)、科學(xué)和工程。例如,電氣工程師,特別是那些與無線、電源和音頻信號打交道的工程師,需要FFT計(jì)算來將時間序列信號轉(zhuǎn)換到頻域,因?yàn)橛行┯?jì)算在頻域更容易進(jìn)行。相反,使用FFT可以將頻域信號轉(zhuǎn)換回時域。 在計(jì)算機(jī)視覺方面,我們通常認(rèn)為FFT是一種圖像處理工具,它可以將圖片在兩個圖像域內(nèi)轉(zhuǎn)換:
傅里葉(即頻率)域
空間域
此外,F(xiàn)FT同時用實(shí)分量和虛分量來表示圖像。 通過分析這些值,我們可以執(zhí)行圖像處理程序,如模糊,邊緣檢測,閾值,紋理分析,以及模糊檢測。 回顧快速傅里葉變換的數(shù)學(xué)細(xì)節(jié)超出了這篇博客文章的范圍,所以如果你有興趣學(xué)習(xí)更多關(guān)于它的知識,我建議你閱讀這篇關(guān)于FFT及其與圖像處理的關(guān)系的文章。
https://homepages.inf.ed.ac.uk/rbf/HIPR2/fourier.htm
對于有學(xué)術(shù)傾向的讀者,可以看看Aaron Bobick在佐治亞理工學(xué)院計(jì)算機(jī)視覺課程上的精彩幻燈片。
https://www.cc.gatech.edu/~afb/classes/CS4495-Fall2014/slides/CS4495-Frequency.pdf
最后,維基百科關(guān)于傅里葉變換的頁面更詳細(xì)地介紹了數(shù)學(xué),包括它在非圖像處理任務(wù)中的應(yīng)用。 項(xiàng)目結(jié)構(gòu)
首先使用本教程的“下載”部分下載源代碼和示例圖像。一旦你解壓縮文件,你將有一個目錄組織如下:
$ tree --dirsfirst . ├── images │ ├── adrian_01.png │ ├── adrian_02.png │ ├── jemma.png │ └── resume.png ├── pyimagesearch │ ├── __init__.py │ └── blur_detector.py ├── blur_detector_image.py └── blur_detector_video.py 2 directories, 8 files我們基于FFT的模糊檢測算法位于blur_detector.py文件中的pyimagesearch模塊中。內(nèi)部實(shí)現(xiàn)了一個函數(shù)detect_blur_fft。 我們在兩個Python驅(qū)動程序腳本中使用detect_blur_fft方法:
blur_detector_image:對靜態(tài)圖像進(jìn)行模糊檢測。我在images/目錄中為我們提供了一些測試圖像,您也應(yīng)該在自己的圖像(模糊的和不模糊的)上嘗試這種算法。
blur_detector_video。在視頻流中實(shí)現(xiàn)實(shí)時模糊檢測。
使用OpenCV實(shí)現(xiàn)我們的FFT模糊檢測器 現(xiàn)在我們準(zhǔn)備用OpenCV實(shí)現(xiàn)我們的快速傅里葉變換模糊檢測器。 我們將要介紹的方法是基于Liu等人在2008年CVPR出版物《圖像部分模糊檢測和分類》中實(shí)現(xiàn)的。
http://www.cse.cuhk.edu.hk/leojia/all_final_papers/blur_detect_cvpr08.pdf
在我們的目錄結(jié)構(gòu)中打開blur_detector.py文件,插入以下代碼:
# import the necessary packages import matplotlib.pyplot as plt import numpy as np def detect_blur_fft(image, size=60, thresh=10, vis=False): # grab the dimensions of the image and use the dimensions to # derive the center (x, y)-coordinates (h, w) = image.shape (cX, cY) = (int(w / 2.0), int(h / 2.0))
我們的模糊檢測器實(shí)現(xiàn)需要matplotlib和NumPy。我們將使用內(nèi)建在NumPy中的快速傅里葉變換算法作為我們方法的基礎(chǔ);
第4行定義detect_blur_fft函數(shù),接受四個參數(shù):
圖片image:我們對模糊檢測輸入圖像
大小size:以圖像中心點(diǎn)為中心的半徑的大小,我們將使FFT偏移為零
閾值thresh:用于確定圖像是否被認(rèn)為是模糊的,將與震級的平均值(稍后詳細(xì)說明)進(jìn)行比較的一個值
標(biāo)識符vis:一個布爾值,指示是否使用matplotlib可視化/繪制原始輸入圖像和大小圖像
給定輸入圖像,首先獲取它的尺寸(第7行)并計(jì)算中心(x, y)坐標(biāo)(第8行)。
接下來,我們將使用NumPy的快速傅里葉變換(FFT)算法實(shí)現(xiàn)來計(jì)算離散傅里葉變換(DFT):
# compute the FFT to find the frequency transform, then shift # the zero frequency component (i.e., DC component located at # the top-left corner) to the center where it will be more # easy to analyze fft = np.fft.fft2(image) fftShift = np.fft.fftshift(fft)在這里,我們使用NumPy的內(nèi)置算法計(jì)算FFT(第5行)。 然后我們將結(jié)果的零頻率分量(直流分量)移到中心以便于分析(第6行)。 現(xiàn)在我們已經(jīng)有了圖像的FFT,如果設(shè)置了vis標(biāo)志,讓我們可視化一下結(jié)果:
# check to see if we are visualizing our output if vis: # compute the magnitude spectrum of the transform magnitude = 20 * np.log(np.abs(fftShift)) # display the original input image (fig, ax) = plt.subplots(1, 2, ) ax[0].imshow(image, cmap="gray") ax[0].set_title("Input") ax[0].set_xticks([]) ax[0].set_yticks([]) # display the magnitude image ax[1].imshow(magnitude, cmap="gray") ax[1].set_title("Magnitude Spectrum") ax[1].set_xticks([]) ax[1].set_yticks([]) # show our plots plt.show()出于調(diào)試和好奇的目的,您可能希望通過設(shè)置vis=True來繪制輸入圖像的FFT幅度譜。 如果你選擇這樣做,首先我們計(jì)算變換的振幅譜(第4行)。 然后,我們將原始輸入圖像繪制在幅度譜圖像旁邊(第6-16行),并顯示結(jié)果(第19行)。 現(xiàn)在我們有了可視化振幅譜的方法,讓我們來確定輸入圖像是否模糊:
# zero-out the center of the FFT shift (i.e., remove low # frequencies), apply the inverse shift such that the DC # component once again becomes the top-left, and then apply # the inverse FFT fftShift[cY - size:cY + size, cX - size:cX + size] = 0 fftShift = np.fft.ifftshift(fftShift) recon = np.fft.ifft2(fftShift)在這里,我們:
設(shè)置我們的FFT移動為0(即,去除低頻率)第5行
應(yīng)用反向位移將DC組件放回左上角(第6行)
應(yīng)用逆FFT(第7行)
到此,我們還有三個步驟來確定我們的圖像是否模糊:
# compute the magnitude spectrum of the reconstructed image, # then compute the mean of the magnitude values magnitude = 20 * np.log(np.abs(recon)) mean = np.mean(magnitude) # the image will be considered "blurry" if the mean value of the # magnitudes is less than the threshold value return (mean, mean <= thresh其余步驟包括:
在我們已經(jīng)將中心DC值歸零之后,再次計(jì)算重建圖像的幅度值(第3行)。
計(jì)算幅度值的平均值(第4行)。
返回一個2元組的平均值以及一個指示輸入圖像是否模糊的布爾值(第8行)。查看代碼,我們可以看到,通過比較平均值和閾值,我們已經(jīng)確定了模糊布爾值(判斷圖像是否模糊)。
我們實(shí)現(xiàn)了一個基于fft的模糊檢測算法。但還沒有完成。在下一節(jié)中,我們將對靜態(tài)圖像應(yīng)用我們的算法,以確保它按照我們的期望執(zhí)行。
用FFT檢測圖像中的模糊
現(xiàn)在我們的detect_blur_fft 輔助函數(shù)已經(jīng)實(shí)現(xiàn),讓我們通過創(chuàng)建一個Python驅(qū)動程序腳本來使用它,該腳本從磁盤加載一個輸入圖像,然后對其應(yīng)用FFT模糊檢測。
打開一個新文件,命名為detect_blur_image.py,并插入以下代碼:
# import the necessary packages from pyimagesearch.blur_detector import detect_blur_fft import numpy as np import argparse import imutils import cv2 # construct the argument parser and parse the arguments ap = argparse.ArgumentParser() ap.add_argument("-i", "--image", type=str, required=True, help="path input image that we'll detect blur in") ap.add_argument("-t", "--thresh", type=int, default=20, help="threshold for our blur detector to fire") ap.add_argument("-v", "--vis", type=int, default=-1, help="whether or not we are visualizing intermediary steps") ap.add_argument("-d", "--test", type=int, default=-1, help="whether or not we should progressively blur the image") args = vars(ap.parse_args())
第2-6行進(jìn)行導(dǎo)入,特別的是,我們需要導(dǎo)入我們在上一節(jié)中實(shí)現(xiàn)的detect_blur_fft函數(shù)。
從這里,我們解析四個命令行參數(shù):
--image:用于模糊檢測的輸入圖像的路徑。
--thresh:我們的模糊檢測器計(jì)算閾值。
--vis:我們的標(biāo)志符,指示是否將輸入圖像的幅度值圖像可視化。
--test:為了測試,我們可以逐步模糊輸入圖像,并對每個示例進(jìn)行基于fft的模糊檢測;此標(biāo)志指示我們是否將執(zhí)行此測試。
--image、--thresh和--vis參數(shù)分別對應(yīng)于我們在上一節(jié)實(shí)現(xiàn)的detect_blur_fft函數(shù)的image、thresh和vis參數(shù)。
讓我們繼續(xù),加載我們的輸入圖像,執(zhí)行快速傅里葉變換模糊檢測:
# load the input image from disk, resize it, and convert it to # grayscale orig = cv2.imread(args["image"]) orig = imutils.resize(orig, width=500) gray = cv2.cvtColor(orig, cv2.COLOR_BGR2GRAY) # apply our blur detector using the FFT (mean, blurry) = detect_blur_fft(gray, size=60, thresh=args["thresh"], vis=args["vis"] > 0)進(jìn)行FFT模糊檢測,我們:
加載輸入圖像--image,并將其轉(zhuǎn)換為灰度(第3-5行)
使用detect_blur_fft函數(shù)應(yīng)用我們的FFT模糊檢測器(第7和8行)
接下來,我們將注釋并顯示我們的圖像:
# draw on the image, indicating whether or not it is blurry image = np.dstack([gray] * 3) color = (0, 0, 255) if blurry else (0, 255, 0) text = "Blurry ({:.4f})" if blurry else "Not Blurry ({:.4f})" text = text.format(mean) cv2.putText(image, text, (10, 25), cv2.FONT_HERSHEY_SIMPLEX, 0.7, color, 2) print("[INFO] {}".format(text)) # show the output image cv2.imshow("Output", image) cv2.waitKey(0)在這里,我們:
向我們的單通道灰度圖像添加兩個通道,將結(jié)果存儲在圖像中(第2行)
通過第32行將顏色設(shè)置為紅色(如果模糊)和綠色(如果不模糊)
在圖像的左上角繪制模糊的文本指示和平均值(第4-7行),并在終端中打印相同的信息(第37行)
顯示輸出圖像,直到按下一個鍵為止(第11和12行)
至此,我們已經(jīng)完成了確定輸入圖像是否模糊的目標(biāo)。 我們可以就此打住。但是為了更嚴(yán)格地測試我們的算法,讓我們實(shí)現(xiàn)一個健壯的方法來測試我們的圖像在不同層次上的模糊:
# check to see if are going to test our FFT blurriness detector using # various sizes of a Gaussian kernel if args["test"] > 0: # loop over various blur radii for radius in range(1, 30, 2): # clone the original grayscale image image = gray.copy() # check to see if the kernel radius is greater than zero if radius > 0: # blur the input image by the supplied radius using a # Gaussian kernel image = cv2.GaussianBlur(image, (radius, radius), 0) # apply our blur detector using the FFT (mean, blurry) = detect_blur_fft(image, size=60, thresh=args["thresh"], vis=args["vis"] > 0) # draw on the image, indicating whether or not it is # blurry image = np.dstack([image] * 3) color = (0, 0, 255) if blurry else (0, 255, 0) text = "Blurry ({:.4f})" if blurry else "Not Blurry ({:.4f})" text = text.format(mean) cv2.putText(image, text, (10, 25), cv2.FONT_HERSHEY_SIMPLEX, 0.7, color, 2) print("[INFO] Kernel: {}, Result: {}".format(radius, text)) # show the image cv2.imshow("Test Image", image) cv2.waitKey(0)當(dāng)設(shè)置了--test標(biāo)志時,我們將進(jìn)入從第3行開始的條件塊。第3-31行代碼完成了以下工作:
在逐漸增加的半徑范圍內(nèi)對我們的灰度圖像應(yīng)用高斯模糊
對每個人為模糊的圖像進(jìn)行快速的基于傅里葉變換的模糊檢測
注釋并顯示結(jié)果
為了完成我們的測試特性,第5行開始在[0,30]范圍內(nèi)的所有奇數(shù)半徑上進(jìn)行循環(huán)。從這里開始,第13行應(yīng)用OpenCV的GaussianBlur方法有意地在我們的圖像中引入模糊。 其他的都是一樣的,包括模糊檢測算法和注釋步驟。您可以通過在屏幕上按一個鍵來循環(huán)測試結(jié)果圖像,直到模糊半徑在該范圍內(nèi)耗盡。 當(dāng)然,我們測試?yán)痰哪康氖亲屛覀兡軌蛴行У馗惺芎驼{(diào)整模糊閾值參數(shù)(—thresh)。
FFT模糊檢測在圖像結(jié)果 現(xiàn)在我們準(zhǔn)備使用OpenCV和快速傅里葉變換來檢測圖像中的模糊。 首先,請確保使用本教程的“下載”部分下載源代碼和示例圖像。 然后打開終端,執(zhí)行以下命令:
$ python blur_detector_image.py --image images/adrian_01.png [INFO] Not Blurry (42.4630)
圖3:結(jié)合快速傅里葉變換(FFT)算法,使用Python和OpenCV來確定照片是否模糊
這里你可以看到我在錫安國家公園的地鐵徒步旅行的輸入圖像-圖像被正確地標(biāo)記為不模糊。
讓我們試試另一張圖片,這是我家的狗,Jemma:
$ python blur_detector_image.py --image images/jemma.png [INFO] Blurry (12.4738)
圖4:基于Python、OpenCV和NumPy的快速傅里葉變換(FFT)模糊檢測算法已經(jīng)自動判定Janie的這張圖像模糊。
這幅圖像有明顯的模糊,因此被標(biāo)記為模糊。
為了了解當(dāng)圖像變得越來越模糊時,F(xiàn)FT的平均幅度值是如何變化的,讓我們提供——test命令行參數(shù):
$ python blur_detector_image.py --image images/adrian_02.png --test 1 [INFO] Not Blurry (32.0934) [INFO] Kernel: 1, Result: Not Blurry (32.0934) [INFO] Kernel: 3, Result: Not Blurry (25.1770) [INFO] Kernel: 5, Result: Not Blurry (20.5668) [INFO] Kernel: 7, Result: Blurry (13.4830) [INFO] Kernel: 9, Result: Blurry (7.8893) [INFO] Kernel: 11, Result: Blurry (0.6506) [INFO] Kernel: 13, Result: Blurry (-5.3609) [INFO] Kernel: 15, Result: Blurry (-11.4612) [INFO] Kernel: 17, Result: Blurry (-17.0109) [INFO] Kernel: 19, Result: Blurry (-19.6464) [INFO] Kernel: 21, Result: Blurry (-20.4758) [INFO] Kernel: 23, Result: Blurry (-20.7365) [INFO] Kernel: 25, Result: Blurry (-20.9362) [INFO] Kernel: 27, Result: Blurry (-21.1911) [INFO] Kernel: 29, Result: Blurry (-21.3853)
圖5:使用Python模糊檢測器腳本的——測試?yán)?,我們?yīng)用了一系列有意的模糊以及快速傅里葉變換(FFT)方法來確定圖像是否模糊。這個測試?yán)谭浅S杏茫驗(yàn)樗试S您調(diào)優(yōu)模糊閾值參數(shù)。
在這里,你可以看到,當(dāng)我們的圖像變得越來越模糊,F(xiàn)FT的平均幅度值下降。 我們的FFT模糊檢測方法也適用于非自然場景圖像。 例如,假設(shè)我們想要構(gòu)建一個自動文檔掃描器應(yīng)用程序——這樣的計(jì)算機(jī)視覺項(xiàng)目應(yīng)該會自動拒絕模糊圖像。 然而,文檔圖像與自然場景圖像有很大的不同,從本質(zhì)上來說,文檔圖像對模糊更加敏感。 任何類型的模糊都會嚴(yán)重影響OCR的精度。 因此,我們應(yīng)該增加我們的——thresh值(我還將使用——vis參數(shù),以便我們可以可視化FFT幅度值的變化):
$ python blur_detector_image.py --image images/resume.png --thresh 27 --test 1 --vis 1 [INFO] Not Blurry (34.6735) [INFO] Kernel: 1, Result: Not Blurry (34.6735) [INFO] Kernel: 3, Result: Not Blurry (29.2539) [INFO] Kernel: 5, Result: Blurry (26.2893) [INFO] Kernel: 7, Result: Blurry (21.7390) [INFO] Kernel: 9, Result: Blurry (18.3632) [INFO] Kernel: 11, Result: Blurry (12.7235) [INFO] Kernel: 13, Result: Blurry (9.1489) [INFO] Kernel: 15, Result: Blurry (2.3377) [INFO] Kernel: 17, Result: Blurry (-2.6372) [INFO] Kernel: 19, Result: Blurry (-9.1908) [INFO] Kernel: 21, Result: Blurry (-15.9808) [INFO] Kernel: 23, Result: Blurry (-20.6240) [INFO] Kernel: 25, Result: Blurry (-29.7478) [INFO] Kernel: 27, Result: Blurry (-29.0728) [INFO] Kernel: 29, Result: Blurry (-37.7561)
圖6:OpenCV快速傅里葉變換(FFT)用于圖像和視視頻中的模糊檢測,可以判斷簡歷等文檔是否模糊。
在這里,您可以看到我們的圖像很快變得模糊和不可讀,正如輸出所示,我們的OpenCV FFT模糊檢測器正確地將這些圖像標(biāo)記為模糊。
下面是一個可視化的快速傅里葉變換幅度值,圖像變得越來越模糊:
圖7:當(dāng)圖像變得越來越模糊時,我們可以看到幅度譜可視化的變化。本教程使用OpenCV和NumPy在圖像和視流中執(zhí)行快速傅里葉變換(FFT)模糊檢測。
利用OpenCV和FFT檢測視頻中的模糊 到目前為止,我們已經(jīng)對圖像應(yīng)用了快速傅里葉變換模糊檢測器。 但是有可能將FFT模糊檢測應(yīng)用到視頻流嗎? 整個過程也能實(shí)時完成嗎? 打開一個新文件,命名為blur_detector_video.py,并插入以下代碼:
# import the necessary packages from imutils.video import VideoStream from pyimagesearch.blur_detector import detect_blur_fft import argparse import imutils import time import cv2 # construct the argument parser and parse the arguments ap = argparse.ArgumentParser() ap.add_argument("-t", "--thresh", type=int, default=10, help="threshold for our blur detector to fire") args = vars(ap.parse_args())我們從導(dǎo)入開始,特別是我們的VideoStream類和detect_blur_fft函數(shù)。 對于這個Python腳本,我們只有一個命令行參數(shù):FFT模糊檢測的閾值(——thresh)。 從這里,我們準(zhǔn)備初始化我們的視頻流,并開始循環(huán)從我們的攝像頭的幀:
# initialize the video stream and allow the camera sensor to warm up print("[INFO] starting video stream...") vs = VideoStream(src=0).start() time.sleep(2.0) # loop over the frames from the video stream while True: # grab the frame from the threaded video stream and resize it # to have a maximum width of 400 pixels frame = vs.read() frame = imutils.resize(frame, width=500) # convert the frame to grayscale and detect blur in it gray = cv2.cvtColor(frame, cv2.COLOR_BGR2GRAY) (mean, blurry) = detect_blur_fft(gray, size=60, thresh=args["thresh"], vis=False)第3行和第4行初始化了我們的攝像頭圖像流,并允許相機(jī)有時間預(yù)熱。 從這里開始,我們在第7行開始幀處理循環(huán)。在內(nèi)部,我們抓取一幀并將其轉(zhuǎn)換為灰度(第10-14行),就像在我們的單一圖像模糊檢測腳本。 然后,第15和16行應(yīng)用我們的快速傅里葉變換模糊檢測算法,同時傳遞我們的灰色框架和——thresh命令行參數(shù)。我們不會把幅度譜的表示形象化,所以vis=False。 接下來,我們將處理這個特定幀的結(jié)果:
# draw on the frame, indicating whether or not it is blurry color = (0, 0, 255) if blurry else (0, 255, 0) text = "Blurry ({:.4f})" if blurry else "Not Blurry ({:.4f})" text = text.format(mean) cv2.putText(frame, text, (10, 25), cv2.FONT_HERSHEY_SIMPLEX, 0.7, color, 2) # show the output frame cv2.imshow("Frame", frame) key = cv2.waitKey(1) & 0xFF # if the `q` key was pressed, break from the loop if key == ord("q"): break # do a bit of cleanup cv2.destroyAllWindows() vs.stop()最后一個代碼塊此時看起來應(yīng)該非常熟悉,因?yàn)檫@是我們第三次看到這些代碼行了。我們在這里:
注釋模糊(紅色文本)或不模糊(綠色文本)以及平均值(第2-6行)
顯示結(jié)果(第9行)
如果按下q鍵就退出(第10-14行),并執(zhí)行家務(wù)清理(第17和18行)
快速傅里葉變換視頻模糊檢測結(jié)果 我們現(xiàn)在準(zhǔn)備看看我們的OpenCV FFT模糊檢測器是否可以應(yīng)用于實(shí)時視頻流。 請確保使用本教程的“下載”部分下載源代碼。 然后打開終端,執(zhí)行以下命令:
$ python blur_detector_video.py [INFO] starting video stream...
當(dāng)我移動我的筆記本電腦,運(yùn)動模糊被引入幀。 如果我們要實(shí)現(xiàn)一個計(jì)算機(jī)視覺系統(tǒng)來自動提取關(guān)鍵、重要的幀,或者創(chuàng)建一個自動的視頻OCR系統(tǒng),我們會想要丟棄這些模糊的幀——使用我們的OpenCV FFT模糊檢測器,我們可以做到這一點(diǎn)!
-
檢測器
+關(guān)注
關(guān)注
1文章
863瀏覽量
47676 -
OpenCV
+關(guān)注
關(guān)注
31文章
634瀏覽量
41337 -
傅里葉變換
+關(guān)注
關(guān)注
6文章
441瀏覽量
42590
原文標(biāo)題:OpenCV快速傅里葉變換(FFT)用于圖像和視頻流的模糊檢測
文章出處:【微信號:vision263com,微信公眾號:新機(jī)器視覺】歡迎添加關(guān)注!文章轉(zhuǎn)載請注明出處。
發(fā)布評論請先 登錄
相關(guān)推薦
評論