Quantitative Evaluation of Edge Detectors Using the Minimum Kernel Variance Criterion

Similar documents
Performance evaluation of the various edge detectors and filters for the noisy IR images

Intelligent Edge Detector Based on Multiple Edge Maps. M. Qasim, W.L. Woon, Z. Aung. Technical Report DNA # May 2012

Edge detection. Gradient-based edge operators

A CONVENTIONAL STUDY OF EDGE DETECTION TECHNIQUE IN DIGITAL IMAGE PROCESSING

Reading Assignments: Lecture 18: Visual Pre-Processing. Chapters TMB Brain Theory and Artificial Intelligence

International Journal of Computational Science, Mathematics and Engineering Volume2, Issue6, June 2015 ISSN(online): Copyright-IJCSME

Comparison of Various Image Edge Detection Techniques for Brain Tumor Detection

Comparative Analysis of Canny and Prewitt Edge Detection Techniques used in Image Processing

M.tech Student Satya College of Engg. & Tech, India *1

EDGE DETECTION OF THE SCOLIOTIC VERTEBRAE USING X-RAY IMAGES

Edge Detection Operators: Peak Signal to Noise Ratio Based Comparison

A Quantitative Performance Analysis of Edge Detectors with Hybrid Edge Detector

International Journal for Science and Emerging

Edge Detection using Mathematical Morphology

Development of novel algorithm by combining Wavelet based Enhanced Canny edge Detection and Adaptive Filtering Method for Human Emotion Recognition

Edge Detection Techniques Based On Soft Computing

Edge Detection Techniques Using Fuzzy Logic

Image Enhancement and Compression using Edge Detection Technique

Keywords Fuzzy Logic, Fuzzy Rule, Fuzzy Membership Function, Fuzzy Inference System, Edge Detection, Regression Analysis.

A Semi-supervised Approach to Perceived Age Prediction from Face Images

AUTOMATIC DIABETIC RETINOPATHY DETECTION USING GABOR FILTER WITH LOCAL ENTROPY THRESHOLDING

Outlier Analysis. Lijun Zhang

Gray Scale Image Edge Detection and Reconstruction Using Stationary Wavelet Transform In High Density Noise Values

Feasibility Study in Digital Screening of Inflammatory Breast Cancer Patients using Selfie Image

Microcalcifications Segmentation using Three Edge Detection Techniques on Mammogram Images

Noise Cancellation using Adaptive Filters Algorithms

Holistically-Nested Edge Detection (HED)

SAPOG Edge Detection Technique GUI using MATLAB

Available online at ScienceDirect. Procedia Computer Science 93 (2016 )

Automatic Classification of Perceived Gender from Facial Images

Highly Accurate Brain Stroke Diagnostic System and Generative Lesion Model. Junghwan Cho, Ph.D. CAIDE Systems, Inc. Deep Learning R&D Team

Mammogram Analysis: Tumor Classification

Emotion Recognition using a Cauchy Naive Bayes Classifier

Overview Detection epileptic seizures

Measurement Denoising Using Kernel Adaptive Filters in the Smart Grid

Automated Assessment of Diabetic Retinal Image Quality Based on Blood Vessel Detection

Medical Image Analysis on Software and Hardware System

International Journal of Engineering Trends and Applications (IJETA) Volume 4 Issue 2, Mar-Apr 2017

A Learning Method of Directly Optimizing Classifier Performance at Local Operating Range

Automated Blood Vessel Extraction Based on High-Order Local Autocorrelation Features on Retinal Images

A Study on Edge Detection Techniques in Retinex Based Adaptive Filter

Image Analysis. Edge Detection

Review: Logistic regression, Gaussian naïve Bayes, linear regression, and their connections

Error Detection based on neural signals

This is the accepted version of this article. To be published as : This is the author version published as:

Assessment of Reliability of Hamilton-Tompkins Algorithm to ECG Parameter Detection

Ch.20 Dynamic Cue Combination in Distributional Population Code Networks. Ka Yeon Kim Biopsychology

Gene Selection for Tumor Classification Using Microarray Gene Expression Data

Image Processing of Eye for Iris Using. Canny Edge Detection Technique

Final Project Report Sean Fischer CS229 Introduction

Computer-aided diagnosis of subtle signs of breast cancer: Architectural distortion in prior mammograms

H.SH.Rostom Utilization of improved masks for edge detection images

Various performance measures in Binary classification An Overview of ROC study

Research Article Volume 6 Issue No. 3

Frequency Tracking: LMS and RLS Applied to Speech Formant Estimation

Computer-Aided Quantitative Analysis of Liver using Ultrasound Images

EXTRACTION OF RETINAL BLOOD VESSELS USING IMAGE PROCESSING TECHNIQUES

THE concept of spatial change detection is interrelated to

Heart Rate Calculation by Detection of R Peak

DSCC TRAFFIC SIGN RECOGNITION IN AUTONOMOUS VEHICLES USING EDGE DETECTION

Edge Detection Based On Nearest Neighbor Linear Cellular Automata Rulesand Fuzzy Rule Based System

Color based Edge detection techniques A review Simranjit Singh Walia, Gagandeep Singh

Detection Theory: Sensitivity and Response Bias

Analogization of Algorithms for Effective Extraction of Blood Vessels in Retinal Images

NMF-Density: NMF-Based Breast Density Classifier

Supplementary Material. other ethnic backgrounds. All but six of the yoked pairs were matched on ethnicity. Results

Numerical Integration of Bivariate Gaussian Distribution

Design Study Sobel Edge Detection

arxiv: v2 [cs.cv] 8 Mar 2018

Automatic Hemorrhage Classification System Based On Svm Classifier

ITERATIVELY TRAINING CLASSIFIERS FOR CIRCULATING TUMOR CELL DETECTION

Parametric Optimization and Analysis of Adaptive Equalization Algorithms for Noisy Speech Signals

4. Model evaluation & selection

EARLY STAGE DIAGNOSIS OF LUNG CANCER USING CT-SCAN IMAGES BASED ON CELLULAR LEARNING AUTOMATE

Study And Development Of Digital Image Processing Tool For Application Of Diabetic Retinopathy

Comparative Study of K-means, Gaussian Mixture Model, Fuzzy C-means algorithms for Brain Tumor Segmentation

Classification of ECG Data for Predictive Analysis to Assist in Medical Decisions.

Evidence-Based Filters for Signal Detection: Application to Evoked Brain Responses

Mammogram Analysis: Tumor Classification

An Introduction to Biologically-Inspired Visual Recognition

Automated Preliminary Brain Tumor Segmentation Using MRI Images

COMPARATIVE STUDY ON FEATURE EXTRACTION METHOD FOR BREAST CANCER CLASSIFICATION

Sparse Coding in Sparse Winner Networks

Comparison of Edge Detection Techniques Applied in the Identification of Centerline Segregation on Steel Slabs

Bone Fracture Detection Using Edge Detection Technique

Local Image Structures and Optic Flow Estimation

Automated Detection Of Glaucoma & D.R From Eye Fundus Images

EXTRACT THE BREAST CANCER IN MAMMOGRAM IMAGES

PCA Enhanced Kalman Filter for ECG Denoising

Conclusions and future directions

Diagnosis System for Diabetic Retinopathy to Prevent Vision Loss

Retinal DOG filters: high-pass or high-frequency enhancing filters?

A Sleeping Monitor for Snoring Detection

COMMITMENT. &SOLUTIONS Act like someone s life depends on what we do. UNPARALLELED

3. Model evaluation & selection

Statistics-Based Initial Contour Detection of Optic Disc on a Retinal Fundus Image Using Active Contour Model

Gray level cooccurrence histograms via learning vector quantization

Comparison of Two Approaches for Direct Food Calorie Estimation

Sign Language Recognition System Using SIFT Based Approach

Finding Saliency in Noisy Images

Transcription:

Quantitative Evaluation of Edge Detectors Using the Minimum Kernel Variance Criterion Qiang Ji Department of Computer Science University of Nevada Robert M. Haralick Department of Electrical Engineering University of Washington Abstract In this paper, we introduce a new criterion for analytically evaluating different edge detectors (both gradient and zero-crossing based methods) without the need of ground-truth information. Our criterion is based on our observation that most edge detectors make a decision of whether a pixel is an edgel or not based on the result of convolution of the image with a kernel. The variance of the convolution output therefore directly affects the performance of an edge detector. We show how to compute the variance of a convolution. We then describe results from comparing four well-known edge detectors using the proposed criterion. 1 Introduction Despite the enormous amount of literature on edge detectors, there are only a few papers on evaluating and/or comparing the performance of different edge detectors. Such a study is important since it helps us understand the strengths and the weakness of an edge operator as well as its applicability to a particular application. Abdou and Pratt [l] proposed Pratt s figure of Merit criterion for analytically evaluating the edge detectors for synthetic images or real images with ground-truth data. Kitchen and Rosenfeld [4] proposed an edge detection evaluation criterion based on edge coherence and without requiring knowledge of the ideal edge position. Ramesh and Haralick [6] proposed a method for evaluating a facet-based edge detector with known perturbation model for the input image, based on which probabilities of mis-detection and false alarm rates are computed analytically. Wang and Binford [8] analytically evaluated the performance of a step-edge detection method by fitting a surface to the gradient magnitude values. Heath et a1 151 recently proposed an empirical method for evaluating the edge detectors for real images based on subjective evaluation of edge images by people without the need of groundtruth information. In this paper, we describe a new criterion for an- alytically evaluating different edge detectors (both gradient and zero-crossing based methods) without the need of ground-truth information. The criterion, called kernel-variance, evaluates each edge detector based on the variance of its output quantity. For comparison, we will evaluate the performance of two gradient operators: the Canny edge detector and the integrated gradient operator; and two zerocrossing edge detectors: the facet zero-crossing edge detector (hereafter referred to as the Haralick edge detector) and the Laplacian of Gaussian (LOG) using both synthetic and real images. 2 Performance Evaluation Most edge detectors, be the gradient-based methods or zero-crossing approaches, require convolving an image with a kernel to compute gradients or zerocrossings. A decision is then made as to whether a pixel is an edgel or not based on the result of the convolution. The performance of an edge detector therefore largely depends on the result of the convolution, which is determined by the kernel. The variance of the convolution output therefore directly affects the performance of the edge detector. A larger variance with the convolution result usually leads to a higher mis-detection and false alarm rate. Based on the above analysis, we adopt the kernel-variance criterion for comparing different edge detectors. An optimal edge detector has a convolution kernel that yields the minimum variance on its output given the same input perturbation. Using this criterion, we studied the performance of four edge detectors. The results of this study are summarized in sections 2.1 and 2.2 respectively. 2.1 Performance comparison of gradient edge detectors This section discusses the results from a quantitative performance analysis and characterization of the Canny gradient edge detector [2] and the integrated gradient edge detector [9] using the minimum-variance 0-7803-5467-2/99/ $10.00 0 1999 IEEE 705

criterion. The convolution kernels for each edge detector are computed using the theories described in [2] and [9] respectively. Given a 2M x 2N kernel, let y be its output and w(r,c) be the entries of the kernel, then its response to the image I(r, c) is where W is a 4MN x 1 vector whose elements are w(r, c) and I is a vector containing the corresponding intensity values I(r,c). 05, the variance of y, is 0; = E(W'II'W) = W'CIW where Cr is the covariance matrix of vector I. If elements of I are contaminated by an independently and identically Gaussian distributed noise with zero mean and a standard deviation of 0, then we have 0; = 02W'W. Figure 1 plots the output variances of the Canny gradient kernel and the integrated gradient kernel versus kernel size. For the Canny kernel, kernel size is related to the smoothing factor s. Increasing kernel size requires increasing s accordingly to avoid a truncated kernel. of introducing correlation and subsequent convolution with a gradient kernel can be described as y = h * (I * g) where * represents convolution and y is output. Since convolution is communicative, we have y=(h*g)*i (1) Equation 1 suggests that convolving h with an nonindependently perturbed image is the same as convolving the gradient kernel h first with g and then convolving an independently contaminated image with the resulting kernel h' = h * g. To study the Canny gradient and integrated gradient operators on non-iid perturbed images, we can convolve each gradient kernel with the Gaussian g and then study the output variance of the resulting kernels. Figure 2 shows the performance of the two kernels for an image smoothed by Gaussian kernels of sizes 3 and 5 respectively. Figure 2: Kernel output variance versus kernel size for correlated input perturbation Figure 1: Kcme1 output variance versus kernel size for iid input perturbation In reality, the iid perturbation assumption may not hold. Perturbations on each pixel may be correlated, especially for neighboring pixels. To account for the correlation between pixel perturbations, we assume that the iid perturbed image is subsequently smoothed by a Gaussian kernel. The Gaussian kernel introduces correlations to image pixel perturbation. Let the Gaussian kernel be g, the gradient kernel be h, and the iid perturbed image be I, then the process Both figures 1 and 2 show that as kernel size increases, the output variance reduces, i.e., larger kernel window yields better estimate. This agrees with our intuition. However, larger window size introduces more locational errors and requires more computation. In reality, a balance must be maintained between the estimate precision, the locational errors, and the computational complexity. From the minimum-variance point of view, both figures 1 and 2 show the integrated gradient operator is superior to the Canny optimal gradient operator. This result agrees with the conclusions drawn by Zuniga and Haralick [9]. To validate this conclusion, we perform further performance evaluation of the two edge detectors using both synthetic and real images. Figure 3 shows the synthetic test image used. Downloaded from the Internet, the SUSAN image [7] is selected because it contains different types of edges such as step edge, roof edge, and ramp edge. 706

a Figure 3: The synthetic test image The test performed is to evaluate the robustness of the edge detectors under different noise levels. The input test image was perturbed with independently and identically a Gaussian distributed noise with zero mean and a standard deviation of (T. Amount of perturbation is controlled by varying (T. For the integrated gradient operator and Canny edge detector, the low and high thresholds for hysteresis linker are fixed at 1 and 3. The smoothing factor for Canny is set at 0.8. All other parameters are optimally tuned. Figures 4 (a) and (b) show edge detection results for the two edge detectors when noise level is at 5. We also applied the two edge detectors to real images. Figures 5 and 6 give the sample outputs from a real image. We can conclude from both the synthetic and real images that Canny tends to generate more false edges but fewer missing edges than the integrated gradient method. This echos the conclusion drawn from the minimum-variance analysis. 2.2 Haralick facet zero-crossing operator versus Laplacian zero-crossing operator In this section we study the performance difference between the LOG zero-crossing operator and Haralick's facet zero-crossing operator [3] in terms of the minimum variance criterion we established in the previous section. The Laplacian of each pixel can be approximated using a LOG kernel or can be obtained analytically from the fitted facet coefficients. Figures 7 and 8 plot the output variances of the LOG kernel and the facet Laplacian kernel versus the kernel sizes, with iid input perturbation and corre- Figure 4: Output of the integrated edge detector (a) and Canny edge detector (b) when noise level is 5 lated input perturbation respectively. It is clear from the two figures that for iid input perturbation, the Laplacian of a pixel computed using facet parameters has a much lower variance than that obtained using LOG kernel, especially when kernel size is small. However, for real images (image with correlated pixel perturbations), the two techniques generate comparable variance. They also show that if LOG must be used, do not use LOGS with kernel size less than 11 since they may yield very unreliable results. For kernel sizes larger than 25 pixels, the two method yield very comparable results. 707

Figure 5: Output of Canny edge detector 2.3 Edge detectors performance comparison via ROC analysis To further study the performance of the edge detectors under different parameters settings, we performed an Receiver Operating Characteristics (ROC) analysis of different edge detectors using a synthetic image. The analysis yields the ROC curves of each edge detector. The area under the ROC curve can be used as an index for measuring the performance of the edge detectors. The smaller the area under the ROC curve is, the better performance of the detector is. From figure 9, we can see integrated gradient detector yields the best performance, followed by the Canny and Facet edge detector. This basically echos the conclusions we drew from kernel variance analysis. 3 Summary We introduced a quantitative measure based on the variance of the edge detector s output to evaluate performance of edge detectors. The proposed criterion is simple and effective without the need of groundtruth information. Furthermore, the underlying theory is also important for the design of a new edge detector or even other feature detectors. The comparative study based on this measure reveals that the integrated gradient operator coupled with Canny s hysteresis linking procedure can yield better edge detection result than the Canny edge detector. The study also shows the superiority of facet Laplacian kernel to the LOG kernel in terms of the variance with the computed zero-crossings. Figure 6: Output of the integrated gradient edge detector Figure 7: Kernel output variance versus kernel size for LOG and facet Laplacian kernel with iid perturbation References [l] K. E. Abdou and W. K. Pratt. Quantitative design and evaluation of enhancement/thresholding edge detectors. Proc. of IEEE, 67(5):753-763, 1979. [2] John Canny. A computational approach to edge detection. IEEE Trans. on Pattern Analysis and Machine Intelligence, 8(6), 1986. [3] R. M. Haralick. Edge and region analysis for digital image data. Computer Graphics and Image Processing, 12:60, 1980. [4] L. Kithcen and A. Rosenfeld. Edge evaluation using local edge coherence. IEEE Trans. Systems, Man, and Cybernetics, 1:597-605, 1981. 708

j Systems, Man, and Cybernetics, SMC-17(3):508-517, 1987. Figure 8: Kernel output variance versus kernel size for LOG and facet Laplacian kernel with correlated input perturbation ulryr(tn.. F.b.*Um 0,,,,,,,, - wu.*lmmd.l- Figure 9: The ROC curves: false alarm versus misdetection [5] K. W. Boywer M. Health, S. Sarkar. T. Sanocki. A robust visual method for assessing the relative performance of edge-detection algorithms. IEEE Trans. on Pattern Analysis and Machine Intelligence, 19(12):1063-1170, 1997. [6] V. Ramesh and R. M. Haralick. Random perturbation model and performance characterization in computer vision. Proc. of IEEE conf. computer vision and pattern recognition, pages 521-527, 1992. [7] S. M. Smith. Susan-a new approach to low level image processing. DRA Technical Report TR95SMS1 b,dept. of Engineering Science, Oxford University, Oxford, UK, 1995. [8] S. Wang and T. Binford. Local step edge estimation: a new algorithm, statistical model, and performance evaluation. Proc. of 1993 ARPA IUW, pages 1063-1170,1993. [9] 0. A. Zuniga and R. M. Haralick. Integrated directional derivative gradient operator. IEEE Tran. on 709