Abstract

Recently, microaneurysm (MA) detection has attracted a lot of attention in the medical image processing community. Since MAs can be seen as the earliest lesions in diabetic retinopathy, their detection plays a critical role in diabetic retinopathy diagnosis. In this paper, we propose a novel MA detection approach named multifeature fusion dictionary learning (MFFDL). The proposed method consists of four steps: preprocessing, candidate extraction, multifeature dictionary learning, and classification. The novelty of our proposed approach lies in incorporating the semantic relationships among multifeatures and dictionary learning into a unified framework for automatic detection of MAs. We evaluate the proposed algorithm by comparing it with the state-of-the-art approaches and the experimental results validate the effectiveness of our algorithm.

1. Introduction

Diabetic retinopathy (DR) is the main cause of blindness associated with diabetes [1]. The majority of people suffering from diabetes mellitus will eventually develop DR. Early diagnosis through regular screening has been shown to prevent visual loss and blindness. Color fundus photography is characterized with low-cost and patient friendliness which are a prerequisite for large scale screening [2]. However, a large number of diabetic patients need to be screened annually, which poses a huge workload for ophthalmologists. Therefore, developing an automatic DR screening system is necessary, which can not only reduce the workloads of ophthalmologists but also improve the accuracy of detection [3].

Signs of DR contain red lesions such as microaneurysms and hemorrhages, yellowish or bright spots such as hard and soft exudates (see Figure 1). In this paper, we mainly focus on the detection of microaneurysms, which present at the earliest stage of DR and remain in the development of the disease [4]. Therefore, microaneurysms detection is necessary and vital in public DR screening programs.

Numerous approaches have been proposed for microaneurysm detection, which always involve three fundamental processing phases: preprocessing with the normalization of the images, candidate extraction which is to locate all possible MA candidates, and MA classification based on features computed on each candidate [5].

The earliest paper based on MA detection was proposed by Baudoin et al. [6] using a mathematical morphology approach to detect the microaneurysms in fluorescein angiograms. After that, two variants of morphological top-hat transformation methods for segmenting MAs within fluorescein angiograms were developed by Spencer et al. [7] and Frame et al. [8]. Although using the fluorescein angiograms can improve the contrast between the fundus and their background, the usage of intravenous contrast agents is dangerous and even associated with mortality [9], which cannot be widely used in public DR screening programs. Besides, mathematical morphology approaches mainly rely on the choosing of structuring elements, which may increase false positives or decrease true positives when changing their size and shape.

Several approaches based on machine learning have been proposed to distinguish the MA from the non-MA. Niemeijer et al. [10] presented a red lesion detection method based on morphological top-hat transform and used the -nearest neighbor algorithm as pixel classification. In their method, a series of features including the features provided by Spencer et al. and Frame et al. [7, 8] and some new features were used for characterizing object candidates. Sánchez et al. [11] suggested a combination of Gaussian mixture model and a logistic regression classification to classify MAs at pixel level. Since pixel level classification methods are mainly based on medical experts labeling at pixel level, they are unsuitable for dealing with too many large size fundus images [9]. Akram et al. [12] extracted a set of features containing shape, intensity, color, and statistical properties for each candidate, and then a hybrid classifier was used to improve the accuracy of classification. Besides, artificial neural network (ANN) [13] and convolution neural network (CNN) [14] were also applied to detect the lesions in fundus images. However, these methods are not suitable for a large number of training samples as the training time will be long.

Apart from the above-mentioned MA detection approaches, some MA detection algorithms are based on template matching using this fact that the intensity of MA exhibits a Gaussian shape [15, 16]. Quellec et al. [15] proposed a method by using wavelet image decomposition as template for MA detection. The problem of illumination variations or high-frequency noise can be avoided effectively in this approach. Zhang et al. [16] employed Multiscale Gaussian Correlation Coefficients (MSCF) to detect MA. In their model, MA candidates can be detected by using a nonlinear filter with five varying Gaussian kernels to the input image. Generally, the main challenge of template matching approach is how to design an accurate template to match the MA.

Nowadays, sparse representation-based classification (SRC) has achieved promising outcomes in classification. Inspired by SRC, Zhang et al. [17] proposed MA detection method, which combined the dictionary learning (DL) with SRC. Firstly, Multiscale Gaussian Correlation Coefficients filtering was used to locate all the possible candidates, and then these candidates were classified by SRC. After that, Javidi et al. [18] combined discriminative dictionary learning with sparse representation for MA detection. Firstly, Morlet wavelet algorithm was applied to detect MA candidates. Next, two discriminative dictionaries containing MA and non-MA dictionaries were learned with the aim of distinguishing the MAs from non-MAs. Finally, MAs are classified by using the two learned dictionaries.

However, the above-mentioned approaches [17, 18] depended heavily on original grayscale feature dictionary for MA detection, and since there is a large variability in color, luminosity, and contrast both within and between retinal images, using single grayscale feature will affect the performance of MA detection. In this paper, MA detection approach based on multifeature fusion dictionary learning has been developed. The learned dictionary not only takes the semantic relationships among the multifeature into consideration but also adapts to the content of image. Hence, it is estimated to outperform the dictionary constructed by a single grayscale feature. In our proposed approach, first of all, preprocessing is adopted to reduce uneven illumination, poor contrast, and noise. Secondly, MSCF (Multiscale Correlation Filter) is applied to identify all possible MA candidates from the fundus images. Then, MA image patches and non-MA image patches can be extracted from these candidates. Next, a series of features are used to characterize these image patches forming multifeature dictionary. Finally, with the learned dictionary, the class label of every query candidate identified in the previous step can be determined by computing the total reconstruction error of multifeature for each class.

The remainder of this paper is organized as follows: a brief review of the concept of sparse representation classification and multifeature fusion dictionary learning is presented in Section 2. A description of the way multifeature fusion dictionary learning for MA detection is presented in Section 3. Experimental results are presented in Section 4. Finally, the conclusion is given in Section 5.

2. Preliminaries

In recent years, sparse representation (or sparse coding) and dictionary learning have attracted wide attention and been successfully used in signal and image and video processing and biometric applications [19]. In this section, we firstly give the essential concept of sparse representation classification. Then, we give a brief introduction about the multifeature fusion dictionary learning.

2.1. Sparse Representation Classification

Sparse Representation-based Classification (SRC) [20] has attracted a lot of attention for its applications to various tasks, especially in face recognition proposed by Wright et al. In SRC, it is assumed that the query sample can be regarded as a linear combination of all the training samples. Suppose that there are classes of subjects, and let denote the set of training samples. Here, we regard it as a dictionary, where is the subset of training samples from class , in which each column vector represents the th sample of the th class, is the dimension of each training sample, and is the number of training samples of th class (). A query sample can be represented by training samples of all classes as follows:where is the representation coefficient vector of and is the representation error.

There is a basic assumption that samples of a specific subject lie in a linear subspace [20]. With this assumption, a query image is expected to be well represented as a liner combination of just those training samples from the same class. The sparse linear representation model seeks to solve the following optimal problem: where denotes the -norm, simply counting the number of nonzeros entries in , and is a tradeoff parameter between the two terms. Since (2) is NP-hard problem [20], most of spares representation researches [2022] employ the -norm constraint to relax the -norm constraint. Therefore, the original equation (2) can be denoted by the following -norm minimization:Here, there are two terms in (3), the first term is the reconstruction error, and the second term is a sparsity measurement. denotes the -norm that is simply the sum of the absolute values of the columns.

Since optimization problem (3) is convex, some well implemented toolboxes such as NESTA [22] can be used to solve it. Having obtained the optional solution , the class label of can be acquired by the following criterion:where is the component of restricted on class ; that is to say, the coefficients associated with class can be retained and the others are 0.

Even though the sparse representation classification model described in [20] achieved quite good performance, moreover, two drawbacks are listed as below: on one hand, since the raw training samples contain noise, directly using them as the dictionary may reduce the effectiveness of classification. On the other hand, SRC just uses raw image pixel as intuitive feature, which is not robust subject to the lighting conditions and other small changes [23].

2.2. Multifeature Fusion Dictionary Learning

In order to overcome the above-mentioned drawbacks, sparse representation based on multifeature fusion (MFF) has been introduced which combines the semantic relationships among multifeatures and improves the classification performance.

Here, tensor algebra is adopted to achieve multifeature fusion. The computation and notation used in this paper mainly follow [24, 25]. Particularly, given a high-order tensor , is said to be its order number and the dimension of the th order is . Suppose there are observations and each of them can be represented as a order tensor, that is, ,  . is the -mode product of a th order tensor by matrix .

In MFF, suppose we have already learned feature dictionaries arranging them to a tensorial representation . The th feature dictionary can be expressed as . Given a query image , in which represents the th feature, the multifeature fusion object function is formulated as where is the th slice of along the third mode and are the corresponding coefficients of over . is the scalar parameter and a more strict group-level sparsity constraint [26] is imposed on the coefficients. For each class, just the atoms from the same class can be used for representing query sample.

In order to make full use of the relationships between these dictionaries belonging to and lower the computational burden, the tensor representation dictionary can be regarded as a core dictionary ( is the number of fused dimensions, or ) and linearly transformed from in terms of a transform matrix , such that . Besides, all the features of each query are needed to be calculated by (5). However, this process is time-consuming. In order to improve the effectiveness of computation, we take an alternative solution by employing the fusion matrix directly on query image by and obtain a compact representation . An alternative object function based on (5) can be rewritten as below:where represents the th feature of fused datum and   is the th subdictionary of core dictionary .

Now, how to learn the fusion matrix and how to learn the core dictionary become critical problems for solving coefficient matrix . Here, a two-step manner can be used to solve this problem, that is, learning fusion matrix firstly and then learning the core dictionary .

Although multifeature extraction can bring much valuable information which improves the performance of classification, more features also bring some redundancy accordingly. For keeping balance between them, multifeature fusion can be regarded as a good manner to solve the above-mentioned problem. Here, Fisher criterion [27] which maximizes the between-class scatter and minimizes the within-class scatter simultaneously is used to make the fused features have more discrimination. Suppose there are classes training samples with features and each class has samples. Let denote the th sample for . The fusion matrix can be derived as below:wherewhere is the mean vector of the th class and is the mean vector of the whole dataset.

The above optimization problem can be regarded as the generalized eigenvalue problem below [27]:where is the generalized eigenvalue and the vector is the corresponding eigenvector which is one of the columns of the Fisher transform matrix .

After obtaining the target fusion matrix ,   features can be fused into more compact and more discriminative features and the fused training data can be obtained accordingly ( or ,  ). With the fused training data , the core dictionary can be divided into subdictionaries, where is the number of classes and denotes the th class individual and the th feature. After that, -SVD [28] is applied to learn each subdictionary for each feature. It can be seen as an iterative method that alternates between sparse coding of the examples based on the current dictionary and a process of updating the dictionary atoms to better fit the data.

In the test stage, given a query sample , apply the fusion matrix to it and derive the fused result . Here, local sparse coding based method [29] is adopted for classification and the sparse representation coefficient can be achieved by solving a least square problem. After obtaining the sparse representation coefficient matrix , the corresponding reconstruction error of each feature subdictionary can be calculated as below:

Summarize the error of all features of each class and get the final class of the query sample as:

3. Proposed Method

In this section, we will introduce the proposed multifeature discrimination dictionary learning for MA detection. It consists of the following four steps: preprocessing, candidate extraction, multifeature dictionary construction, and classification. In the first step, firstly, we extract a region of interest in the retinal image with the aim of reducing processing time. Also, the contrast and intensity between the background and MAs are enhanced for making MA more visible. In the second step, all the possible MA candidates are extracted using Multiscale Gaussian Correlation Filtering. At the same time, some operations are used to remove the FPs for reducing the number of non-MA candidates. Next, extract a series of image patches from the above obtained candidates and then multiple features are used for characterizing these image patches forming multifeature dictionaries. In the last step, with the obtained multifeature dictionaries, true MAs can be identified from the whole candidates. Each of these steps will be discussed in detail in the following sections. The workflow diagram of our proposed approach is shown in Figure 2.

3.1. Image Preprocessing
3.1.1. Field of View (FOV)

The field of view (FOV) can be regarded as the circle region containing the eye fundus information. And the pixels located just in FOV are useful for our proposed MA detection approach. Therefore, it is necessary to mask the pixels outside of the FOV and carry out our proposed MA detection method on FOV image. In this paper, we employ two-level hierarchical architecture for FOV extraction. In the first level (coarse level), we use Otsu threshold algorithm [30] to green channel of original image (see Figure 3(b)) to obtain the coarse binary FOV mask image (see Figure 3(c)). However, in coarse binary FOV mask image, some pixels within red circles (see Figure 3(c)) are misclassified as FOV. In order to solve this issue, in the second level, we adopt morphological opening and closing operations with the disc-shaped structuring element of size 2 to remove them from the coarse binary FOV mask image. Finally, the binary FOV mask image can be obtained (see Figure 3(d)). With the obtained FOV mask image, the ROI of retinal image can be acquired by cropping the image with its mask.

3.1.2. Contrast Enhancement and Image Smoothing

The large luminosity, poor contrast, and noise always occur in retinal fundus images [10], which affect seriously the diagnostic process of DR and the automatic lesions detection, especially for MA. In order to address these problems and make a suitable image for MA detection, first is extracting the green channel of original image, in which the MAs have the higher contrast with their background. After that, contrast limited adaptive histogram equalization (CLAHE) [31] method is applied to the green-channel image for making the hidden features more visible. At the end, Gaussian smoothing filter with a width of 5 and a standard deviation of 1 is also incorporated to the above obtained enhanced image for reducing the effect of noise further, and the preprocessing result is shown in Figure 3(e).

3.2. Candidate Extraction

A candidate extraction method based on multiscale correlation filtering [16] proposed by Zhang et al. is applied to extract all the possible MA candidates. The details of this method are reviewed as below.

Firstly, a nonlinear filter with five different Gaussian kernels ranging from 1.1 to 1.5 with an interval of 0.1 (see Figure 4(a)) is used for calculating correlation coefficients of each pixel. Here, we denote Gaussian function and the gray distribution of MA by the variables of and , respectively. The correlation coefficient can be defined as follows:where and are the mean values of and and the values of correlation coefficient range from 0 to 1.

The maximum coefficient at each pixel location among the five responses (Figure 4(b)) is selected to form the final response (Figures 4(c) and 4(d)).

Secondly, in order to reduce the number of microaneurysm candidates in final response, a threshold which ranges from 0.1 to 0.9 with an interval of 0.1 is applied to eliminate the candidates with low coefficients. Since the MAs do not appear on the vasculature, any candidates on the vasculature need to be removed [32] (the vasculature map is shown in Figure 5(c)). In addition, the size and shape of MAs are not representing the true MAs during this process and region growing [10] is used for determining their precise sizes. In the region growing, green-channel image and the background image can be obtained by applying mean filter to . An adaptive threshold based on the dynamics is given bywhere denotes the lowest intensity in and   is a constant value ranging from 0 to 1, which is set to 0.5 here.

Region growing starts from the point of in each candidate region and continues until no more connected pixels are higher than threshold. Considering the size of MA is less than 120 pixels [16], if the area of a region is larger than 120 pixels, it will be discarded. Finally, the remaining candidates from region growing can be regarded as the final MA candidate regions (Figure 5(d) shows overlaying region growing maps on the original image). A systematic overview of candidate extraction is shown in Figure 5.

3.3. MA Detection Using Multifeature Fusion Dictionary Learning

In this section, we first extract eight types of features for each candidate. Then, multifeature fusion dictionary can be learned based on all the possible MA candidates including MAs and non-MAs detected in the stage of candidate extraction. Finally, the true MAs can be classified by the learned dictionary.

3.3.1. Extract MA and Non-MA Patches

Generally, there are two categories in MA candidates including MA and non-MA. With these candidates, two classes of training samples can be constructed. The detected candidates marked by experts (the ground truth provided by ROC followed by clinicians) as MA are used for forming MA training samples. At the same time, we take the detected candidates not marked as MA as the non-MA training samples. To do this, patch that covers MA or a non-MA at its center is extracted, and then these extracted patches are converted into unit column vectors by -norm. Figures 6(a) and 6(b) depict some selected MA training patches and non-MA training patches, respectively.

3.3.2. Features Extraction of Patches and Multifeature Fusion Dictionary Learning

After obtaining the MA and non-MA training patches, we extract eight features for each of them including original grayscale image (coded as F1), the image after histogram equalization (coded as F2), edge image of original image by Canny operator (coded as F3), edge image of histogram equalized image by Canny operator [33] (coded as F4), morphological close operator image of original image (coded as F5), morphological open operator image of original image (coded as F6), gradient image of original image (coded as F7), and wavelet denoising image of original image (coded as F8), as illustrated in Figure 7.

With the above obtained multifeature training samples containing MA patches and non-MA patches, we can obtain a tensorial representation dictionary . Here, let denote the dimension of extracted image patches. We take features in this paper. Based on these extracted multifeature training samples, fusion matrix can be learned by using (7), which is more discriminative for better classification and more compact for efficient computation. After obtaining the fusion matrix , the multifeature subdictionary can be acquired by ( represents the class of sample and we set for MAs and for non-MAs, denotes the number of fused features. Finally, K-SVD is used to iteratively update the multifeature subdictionary and the corresponding sparses coding until (6) converges.

3.3.3. Classification

Once the multifeature discriminate subdictionaries and fusion matrix are obtained, the label of query sample can be determined by the following three steps: first of all, apply fusion matrix to it and obtain the fused datum . Secondly, summarize the reconstruction error of all features of each class as given in (10). Finally, the decision is ruled in favor of the class with the lowest reconstruction error accumulated over all features as given in (11).

4. Experimental Results and Analysis

4.1. Dataset

Retinopathy Online Challenge (ROC) [34] database includes 100 (50 train samples and 50 test samples) digital color fundus photographs which were selected from a large dataset (150,000 images) in a diabetic retinopathy screening program. These photographs were obtained by using different types of camera including TopconNW 100, NW 200, or Canon CR5-45NM nonmydriatic cameras with three different sizes of field of view (FOV), and the details are listed in Table 1.

In the past, the Retinopathy Online Challenge (ROC) organization provided a way for researchers to evaluate their methods on the test images, but now this competition website is inactive [18]. It is impossible to evaluate our method on the test images. So, in our model, we just employ 50 training samples to train and verify the effectiveness of our proposed method. In the training set, there are 37 digital color fundus photographs including a total of 336 microaneurysms, and correspondingly no microaneurysms are identified in the remaining 13 images.

4.2. Evaluation Criteria

In our model, we choose Free-response Receiver Operating Characteristic (FROC) curve to verify the effectiveness of our proposed method. FROC curve plots the sensitivity against the average number of false positives per image (FPPI). Two evaluation mechanisms are given by the formulas in where True positive (TP) is the number of MAs that are correctly identified; False negative (FN) is the number of those incorrectly found as non-MAs; False positive (FP) is the number of those incorrectly found as MAs.

Besides the above evaluations, we also employ precision which is the percentage of detected pixels that are actually MAs as another parameter to evaluate the effectiveness of multifeature fusion. The precision can be calculated through

Indeed MA and non-MA training samples are based on the ophthalmologist’s marking, and some wrong markings may exist in provided ground truth, which will reduce the overall performance of the training and testing. In this paper, the usage of ground truth provided by ROC follows standard procedures (followed by clinicians) that ensure that all are playing with the same cards. Our proposed algorithm is being affected (the same as others) [16]. Furthermore, dictionary learning method can be regarded as a good way by automatically selecting some suitable dictionary atoms for relieving this problem. Its research and the effectiveness verification will be discussed in our future work.

4.3. MA Detection Results

In ROC training dataset, there are 50 fundus images in total. We randomly select 30 color fundus images for training the dictionaries and the remaining are used for testing. This process is repeated 4 times and the average result is regarded as our final result. In preprocessing stage, after extracting FOV of fundus images and enhancing contrast by using CLAEH method, all green-channel images of original fundus images are resized to the resolution of pixels by bicubic interpolation. Next, a nonlinear filter with varying Gaussian kernels ranging from 1.1 to 1.5 is used for detecting all the possible MA candidates. Then, MA and non-MA image patches can be extracted based on these candidates. Also, eight types of features are used for characterizing each image patch and multiple features dictionaries can be learned accordingly. Finally, the candidates identified in the above steps can be classified using (6), (10), and (11).

The candidate extraction threshold is an important parameter in MSCF, which affects the performance of algorithm. In this paper, different thresholds are employed to create the FROC curve. After an analysis of the FROC curve, the optimal value of this parameter is equivalent to 0.6. Using this parameter value, the candidate detection method can achieve a sensitivity of 47.71% with a FPPI of 44.13.

In order to validate the effectiveness of multifeature fusion, in our first experiment, we extract features ranging from 1 to 8 based on training set and testing set. The performance is evaluated by using mean precision with standard deviation. The experimental results are plotted in Figure 8.

As shown by the results, we can see that when is small, the precision is relatively low because the intrinsic relationship of different features is not fully exploited. With the increasing of , more information is incorporated to dictionary learning for achieving good performance, which makes the precision keep growing and gradually become stable. According to Figure 8, we can see that that the best performance of the proposed model can be obtained with parameter as three. Specifically, we set to our second experiment.

In our second experiment, we will verify the effectiveness of the proposed method by comparing it with other state-of-the-art methods [10, 17, 18] on the ROC training dataset shown in Figure 9.

As can be seen, the proposed method outperforms other methods at the same FPPI and yields a higher sensitivity. Table 2 depicts the sensitivity at seven fixed FPPI (1, 2, 4, 8, 12, 16, and 20) and the average sensitivity of all methods derived from FROC curves in Figure 9.

According to Table 2, the proposed method shows better performance and detects more MAs at the same FPPI points. Besides, the average sensitivity of our proposed method is 0.285, which is better than other methods. The good performance is due to the following two points: on one hand, image contrast enhancement and MSCF are adopted to detect all the possible MA candidates. Since more candidates also bring in more burdens for classification, on the other hand, multifeature fusion dictionary learning is combined to our model for relaxing this burden and improving the performance of MA classification. Besides, from Table 2, we also can see that the average scores of all algorithms are relatively low. This may happen because of the quality of the images which are JPEG compressed causing some MAs to be too small or too blurred to be seen with the naked eye [16]. Even so, our algorithm is still significantly superior to the other algorithms.

5. Conclusion and Future Work

In this paper, we present a novel algorithm, namely, automatic microaneurysm detection based on multifeature fusion dictionary learning in diabetic retinopathy, which explicitly integrates multiple features and dictionary learning into a unified framework. Our proposed method consists of the following four steps. The first step is related to preprocessing. Next, all the possible MA candidates can be detected using MSCF. Then, extract MA and non-MA image patches. Also, multiple features are used for characterizing these image patches forming multifeature dictionary. The last step involves the true MAs classification using multifeature fusion dictionary learning method. The experiments are carried out on the standard and public available Retinopathy Online Challenge (ROC) training datasets. The experimental results indicate that our proposed method in MA detection has the better average sensitivity compared to the state-of-the-art methods.

The future work includes the following issues: firstly, our proposed model does not take the evaluating severity DR into consideration, a possible future work lies in defining the degree of DR severity. Besides, applying our proposed framework to other lesions’ detection is also another interesting topic for future study.

Conflicts of Interest

All authors declare that support mentioned in the Acknowledgments does not lead to any conflicts of interest regarding the publication of this paper.

Acknowledgments

This work is supported by National Natural Science Foundation of China (nos. 61273078, 61471110, and 61602221), Foundation of Liaoning Educational Department (L2014090), and the Fundamental Research Fund for the Central Universities of China (N140403005, N162610004).