Next Article in Journal
Microstructure and Mechanical Properties of Precipitate Strengthened High Entropy Alloy Al10Co25Cr8Fe15Ni36Ti6 with Additions of Hafnium and Molybdenum
Previous Article in Journal
Thermodynamics in the Universe Described by the Emergence of Space and the Energy Balance Relation
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Dense U-net Based on Patch-Based Learning for Retinal Vessel Segmentation

1
School of Biomedical Engineering, Xinxiang Medical University, Xinxiang City Engineering Technology Research Center of Neurosensor and Control, Xinxiang 453003, China
2
School of Biomedical Engineering, Xinxiang Medical University, Xinxiang Key Laboratory of Biomedical Information Research; Henan Engineering Laboratory of Combinatorial Technique for Clinical and Biomedical Big Data, Xinxiang 453003, China
*
Author to whom correspondence should be addressed.
Submission received: 21 November 2018 / Revised: 25 January 2019 / Accepted: 4 February 2019 / Published: 12 February 2019

Abstract

:
Various retinal vessel segmentation methods based on convolutional neural networks were proposed recently, and Dense U-net as a new semantic segmentation network was successfully applied to scene segmentation. Retinal vessel is tiny, and the features of retinal vessel can be learned effectively by the patch-based learning strategy. In this study, we proposed a new retinal vessel segmentation framework based on Dense U-net and the patch-based learning strategy. In the process of training, training patches were obtained by random extraction strategy, Dense U-net was adopted as a training network, and random transformation was used as a data augmentation strategy. In the process of testing, test images were divided into image patches, test patches were predicted by training model, and the segmentation result can be reconstructed by overlapping-patches sequential reconstruction strategy. This proposed method was applied to public datasets DRIVE and STARE, and retinal vessel segmentation was performed. Sensitivity (Se), specificity (Sp), accuracy (Acc), and area under each curve (AUC) were adopted as evaluation metrics to verify the effectiveness of proposed method. Compared with state-of-the-art methods including the unsupervised, supervised, and convolutional neural network (CNN) methods, the result demonstrated that our approach is competitive in these evaluation metrics. This method can obtain a better segmentation result than specialists, and has clinical application value.

1. Introduction

Retinal vessel segmentation has a great clinical application value for diagnosing hypertension, arteriosclerosis, cardiovascular disease, glaucoma, and diabetic retinopathy [1]. Various retinal vessel segmentation methods have been proposed recently, and these methods can be categorized as unsupervised and supervised approaches according to whether the manually labeled ground truth is used or not.
For the unsupervised methods, multi-scale enhanced-vessel filtering, multi-threshold vessel detection, matched filtering, morphological transformations, and model-based algorithms are predominant. The entropy of some particular antennas with a pre-fractal shape, harmonic sierpinski gasket and weierstrass-mandelbrot fractal function were studied, and the result indicated that their entropy is linked with the fractal geometrical shape and physical performance [2,3,4]. Multi-scale enhanced-vessel filtering using second order local structure feature was proposed, and the vessel and vessel-like pattern was enhanced by Frangi et al. in 1998 [5]. Three-dimensional (3D) multi-scale line filter was applied to the segmentation of brain vessel, bronchi, and liver vessel by Sato et al. in 1998 [6]. A general vessel segmentation framework based on adaptive local threshold, the automatic determining of the local optimal threshold by the verification-based multi-threshold probing strategy, and the retinal vessel segmentation were completed by Jiang et al. in 2003 [7]. A locally adaptive derivative filter was designed, and filter-based segmentation method was proposed for retinal vessel segmentation by Zhang et al. in 2016 [8]. A combination of shifted filter responses (COSFIRE) operator was used to detect retinal vessel or vessel-like pattern, the improved COSFIRE was designed and applied to the segmentation of retinal vessel by Azzopardi et al. in 2015 [9]. A new infinite parameter active contour model with hybrid region information was designed, and it was applied to the segmentation of retinal vessel by Zhao et al. in 2015 [10]. Level set method based on regional energy-fitting information and shape priori probability was proposed to segment blood vessel by Liang et al. in 2018 [11]. The unsupervised methods always design filters that are sensitive to vessel and vessel-like patterns, and it will lead to blood vessels not being fully identified and wrongly identified vessel-like pseudo patterns. The unsupervised methods depended on parameters settings; unsuitable parameters settings will produce low-quality segmentation results.
For the supervised methods, firstly, the features of retinal vessel were selected and extracted. Secondly, ground truth was used to train the classifier. Lastly, retinal vessels were identified by use of a classifier. The features a of retinal vessel can be extracted by Gabor transform, discrete wavelet transform [12,13], vessel filtering, Gaussian filtering, and so on. Traditional machine learning methods such as k-nearest neighbor, adaboost, random forest, and support vector machine were used to train the classifier [14]. Orlando et al. proposed a fully connected conditional random field model, using a structured output support vector machine to learn model parameters, and performed retinal vessel segmentation [15]. Zhang et al. extracted the features by vessel filtering and wavelet transform strategy, applied the random forest training strategy learn the classifier’s parameters, and performed retinal vessel segmentation [16]. For the traditional machine learning methods, feature selection has great influence on segmentation accuracy, and the independent features with high vessel recognition rate is the critical step. The features need to be selected manually according to the experiment; feature automatic selection remains a hot topic.
Convolutional neural networks (CNNs) have drawn more and more attention, since they can automatically learn complex hierarchies of features from input data [17]. CNNs were widely applied to image classification, recognition, and segmentation [18]. Fully convolutional networks (FCN) as semantic segmentation network were proposed by Long et al., including designing the skip architecture that combines semantic information for a deep, coarse layer with appearance information from a shallow; the semantic segmentation task was completed by FCN [19]. The U-net model was proposed by Ronneberger et al. in 2015 [20], which designed a contracting path and an expansive path which combined captured context with precise localization; this model was successfully applied to biomedical image segmentation. However, the public dataset for retinal vessel is limited. U-net cannot achieve perfect vessel segmentation results using the training and prediction strategy based on the entire image. Brancati et al. divided the retinal vessel images into patches, proposed a U-net based on patch-based learning strategy, and achieved a perfect segmentation result by [21]. A multi-scale fully convolutional neural network was proposed to cope with the varying width and direction of vessel structure in the fundus images, and then the stationary wavelet transform was used to provide multi-scale analysis; the rotation was used as data augmentation and retinal vessel segmentation was performed by Oliveira et al. [22]. A novel reinforcement sample learning scheme was proposed to train CNN with fewer iterations of epochs and less training time; retinal vessel segmentation was performed by Guo et al. in 2018 [23]. A retinal vessel segmentation method based on convolutional neural network (CNN) and fully connected conditional random fields (CRFs) was proposed by Hu et al. in 2018 [24], and an improved cross-entropy loss function was designed to solve the class-unbalance problem. The densely connected convolutional network (DenseNet) [25,26] and Inception-ResNet [27] were proposed in the past two years. Dense block can encourage feature reuse and alleviate the vanishing-gradient problem; the layers are directly connected with all of their preceding layers within each dense block. DenseNet utilized dense blocks and improved classification performance. Dense U-net as semantic segmentation network was proposed and applied to scene segmentation by Jégou S. et al. in 2017 [28]. In their study, the fully connect layers of DenseNet were dropped and the skip architecture was used to combines semantic information for a deep, coarse layer with appearance information from a shallow.
Inspired by the fact that U-net can improve segmentation accuracy of retinal vessel by the patch-based training and testing strategy, we proposed a new retinal vessel segmentation framework based on Dense U-net and patch-based learning strategy. In this segmentation framework, retinal vessel images were divided into image patches as training data by random extraction strategy. Dense U-net was used as network model, and the model parameters were learned by training data. In this model, loss function based on dice coefficient was designed, and was optimized by stochastic gradient descent (SGD). The proposed method was applied to public datasets DRIVE and STARE, and retinal vessel segmentation was performed. Sensitivity (Se), specificity (Sp), accuracy (Acc), and area under each curve (AUC) were adopted as evaluation metrics to verify the effectiveness of proposed method. Compared with state-of-the-art methods including the unsupervised, supervised, and CNN methods, the result demonstrated that the proposed method is competitive in these evaluation metrics.
The contributions of our work were elaborated as follows:
(1) We proposed the retinal vessel segmentation framework based on Dense U-net and patch-based learning strategy.
(2) Random transformation was used as data augmentation strategy to improve the network generalization ability.
The rest of this paper is organized as follows: Section 2 presents the proposed method; Section 3 analyzes and discusses the experiment result; Section 4 concludes this study.

2. Method

In this study, we proposed the retinal vessel segmentation framework based on Dense U-net and patch-based learning strategy. This framework was shown in Figure 1; it contains training and testing in two stages.
In the training stage, the source retinal vessel image was converted into a gray image, and data normalization was used as an image preprocessing strategy. The image patches can be obtained as training data by random extraction strategy. Dense U-net was used as network model, loss function based on dice coefficient was optimized by stochastic gradient descent (SGD), and the model weight parameters were learned by training data.
In the test stage, the test images were processed by the same preprocessing strategy, test patches were obtained by overlapping extraction strategy, and the segmentation results were obtained by overlapping-patches sequential reconstruction strategy.

2.1. Patches Extraction

For fundus images, the retinal vessel manual segmentation was both error-prone and time consuming, and ground truth of the retinal vessel was limited. In our approach, patch-based learning strategy was used in the process of training and testing. The training and labeled patches were extracted from training and labeled images by random extraction strategy, respectively, and these patches were used as training data to train model parameters. The testing patches were extracted from testing images by overlapping extraction strategy, and the predicted result was reconstructed by overlapping-patches sequential reconstruction strategy.
In the process of training, the patches were extracted randomly from training images, and the number of patches for each image was the same. Randomly extracted strategy was described by Algorithm 1. The judging strategy that the central coordinates of image patch was inside the field of view (FOV) is shown in Figure 2a, and the randomly extracted image patches are shown in Figure 2b.
Algorithm 1. Image patches random extraction strategy
   Input: Source image, ground truth
   Output: Patches_source and patches_ground
    Calculate patches number N_patch_per_image for each image basing on the principle of equal distribution
    for i=1 to N_images
     k=0
     while k< N_patch_per_image
       generate the central coordinates of patch randomly
       judge the central coordinates of image patch inside FOV
       produce patches_source and patches_ground
   k=k+1
    return patches_source and patches_ground
In the process of testing, each testing image was divided into several testing patches by overlapping extraction strategy and the number of testing patches for each image were calculated with Equation (1):
N _ p a t c h e s _ p e r _ i m g = ( i m g _ h p a t c h _ h s t r i d e _ h + 1 ) × ( i m g _ w p a t c h _ w s t r i d e _ w + 1 )
where i m g _ h and i m g _ w are the size of source image, p a t c h _ h and p a t c h _ w are the size of extracted patch, s t r i d e _ h and s t r i d e _ w are stride length, and the operator is rounded down to the nearest integer.
The overlapping extracted patches were predicted by the training model, the retinal vessel segmentation result was reconstructed by overlapping-patches sequential reconstruction strategy, and the reconstruction strategy is described by Algorithm 2.
Algorithm 2. Overlapping-patches sequential reconstruction strategy
   Input: Patch-base prediction result preds, image size img_h, img_w, stride stride_h, strid_w
   Output: Final segmentation result final_avg
    Calculate patches number N_patches_h in height for each image
    Calculate patches number in width N_patches_w for each image
    Calculate patches number N_patches_img for each image
    for i=1 to N_patches_img
     for h=1 to N_patches_h
       for w=1 to N_patches_w.
         obtain pixel predicted probability full_pro
         obtain pixel predicted frequency full_sum
    Calculate final segmentation result final_avg
    return final segmentation result
In Algorithm 2, N_patches_h, N_patches_w, N_patches_img were calculated by Equations (2)–(4):
N _ p a t c h e s _ h = i m g _ h p a t c h _ h s t r i d e _ h + 1
N _ p a t c h e s _ w = i m g _ w p a t c h _ w s t r i d e _ w + 1
N _ p a t c h e s _ i m g = N _ p a t c h e s _ h × N _ p a t c h e s _ w
where img_h and img_w are the size of image and stride_h and stride_w are stride length. full_pro and full_sum are the probability and frequency summation of pixels that belonged to image patches, and the image patches were obtained by overlapping extraction strategy. final_avg as the final segmentation result was calculated with Equation (5):
f i n a l _ a v g = f u l l _ p r o f u l l _ s u m

2.2. Dense U-net Architecture

Convolutional neural networks can learn the higher-level features from the characteristics of the lower-level layer, and then drop the low-level features. The low re-use rate of features cannot effectively improve the network’s learning ability, thus, improving the utilization rate of features is more significant than adding the depth of networks. In order to improve the utilization rate of features, a dense block was designed, and the layers were directly connected with all of their preceding layers within each dense block. DenseNet improved classification performance using dense block. DenseNet was extended to fully convolutional networks for semantic segmentation named as Dense U-net, which was applied to scene segmentation. However, the retinal blood vessel is tiny: the width of a blood vessel is multi-pixel or even single-pixel. The features of retinal blood vessels can be learned effectively by using a patch-based learning strategy, and the segmentation accuracy of a retinal vessel by U-net depending on patch-based learning strategy is higher than U-net. Thus, Dense U-net using the patch-based learning strategy was proposed as a retinal vessel segmentation framework.
Dense U-net was used as training network, and it is shown in Figure 3a. The randomly extracted image patches were used as training data, whose resolution is 48×48. The model output is the predicted result, and it represents vessel segmentation result. Dense U-net consists of a contracting path (left side) and an expansive path (right side); it contains dense block, a transition layer, and concatenation.

2.2.1. Dense Block

In traditional CNN, the output of l th layer can be calculated by a non-linear transformation strategy, which is defined by Equation (6):
x l = H l ( x l 1 )
where x l is the output of l th layer, x l 1 is the output of ( l 1 ) th layer, and H is defined as a convolution followed by rectified linear unit (ReLU) and dropout.
In order to reuse the previous features, ResNets [24] designed residual block, which adds a skip-connection that bypasses the non-linear transformations, and it is defined by Equation (7):
x l = H l ( x l 1 ) + x l 1
where H is defined as the repetition of a residual block, consisting of batch normalization (BN), followed by ReLU and a convolution.
DenseNet [20] designed dense block, which can use all of preceding features in a feedforward fashion, defined by Equation (8):
x l = H l ( [ x 0 , x 1 , , x l 1 ] )
where [ ] represents the concatenation operation and H i is defined as a composite function that consists of three consecutive operations: batch normalization (BN), followed by a rectified linear unit (ReLU) and a 3 × 3 convolution (Conv). The dense block is shown in Figure 3b, and it has l layers. Dense block strongly encourages the reuse of features and makes all layers in the architecture receive a direct supervision signal. It will produce k feature-maps by transition function for each layer; k is defined as the growth rate of network. Suppose that the channel of feature maps in input layer is k 0 , the channel of output feature maps will be k 0 + k × ( l 1 ) . Growth rate can regulate the contribution of new information for each layer to the global feature maps.

2.2.2. Transition Layer

The layers between dense blocks were named transition layers, and contain transitions down and transitions up. Transition down layer is defined in Figure 3c, and it consists of these consecutive operations: BN, followed by a ReLU, a 1 × 1 Conv, and a 2 × 2 average pooling for down sampling. The transition up layer was implemented by a 2 × 2 up sampling.

2.3. Loss Function

The pixels can be categorized into vessel and non-vessel; the statistical result indicates that only 10% of the pixels were retinal vessels for the fundus image. The vessel and non-vessel pixels are highly imbalanced ratio [29]. If it was not considered in the process of designing loss function, the learning process would be inclined to segment non-vascular region. The learning process will be trapped in the local minima of loss function, and the vessel pixels are often lost or only partially identified.
Loss function based on class-balanced cross-entropy was proposed by Xie et al. [30]; however, the loss value is influenced by the weight coefficient. In our approach, a novel loss function based on the dice coefficient [31] was adopted, ranging from 0 and 1. The dice coefficient can be defined by Equation (9):
D = 2 i N p i g i i N p i 2 + i N g i 2
where N is the number of label pixels, p i and g i are the predicted result and ground truth, respectively. This formulation can be differentiated yielding the gradient as follows:
D p j = 2 [ g j ( i N p i 2 + i N g i 2 ) 2 p j ( i N p i g i ) ( i N p i 2 + i N g i 2 ) 2 ]

2.4. Data Augmentation and Preprocessing

In data preprocessing, the training image (RGB) was converted into grayscale. Data normalization strategy was utilized, defined by Equation (11):
X = X μ σ
where X and X are grayscale image and normalization image and μ and σ are the mean value and standard deviation of all training images, respectively.
In the process of retinal vessel segmentation, convolutional neural network methods can easily fall into overfitting [32]. Data augmentation was used to increase the training sets and improve the generalization ability of network model. In our approach, the resolution of extracted patches was 48 × 48, and the patches were used as the input of dense u-net. Non-linear transformation as data augmentation strategy was proposed by Simard [33], which was created by uniformly generating a random transformation field, defined by U ( x , y ) = r a n d ( 1 , + 1 ) . The data augmentation result is shown in Figure 4. Figure 4a is the source image patches, and Figure 4b is ground truth. The left is the original patch, and the right is the augmented patch.

3. Result

3.1. Experiment

3.1.1. Experiment Data

The public datasets DRIVE [34] and STARE [35] were used to demonstrate the effectiveness of the proposed method. The DRIVE database contains training and testing sets. The training set contains source image, mask image, and ground truth; there were 20 source images, (RGB) whose resolution was 565 × 584. In the process of training, the image patches as training set were extracted from source images by using a random extraction strategy; the number of extracted patches was 40000, whose resolution was 48 × 48. A cross-validation strategy was utilized, and 10% of the training data was used as the validation set. In the process of testing, the testing images were divided into test patches by overlapping extraction strategy, and the extracted patches were used as a testing set. The parameters, using the overlapping extraction strategy, were set as follows: stride_height = 5 and stride_width = 5. The final segmentation result can be reconstructed by the overlapping-patches sequential reconstruction strategy. Two specialists manually segmented the testing images; the segmentation result by the first specialist was used as ground truth, the second was used as the gold standard of the first manual result. The STARE dataset also contains 20 images whose resolution is 700 × 605: the images were divided into 10 training and 10 testing image in order to validate the effectiveness of the proposed method. In the process of training and testing, the patch-based learning strategy and parameter setting were the same.
All experiments were conducted on a Linux Mint 18 OS server, equipped with Intel Xeon Gold 6130 CPU, NVIDIA TITAN X GPU, 12 GB of RAM. Dense U-net was used as the network model and the parameters were set as follows: number of epoch = 150, growth rate = 16, number of dense block = 2, layers of each dense block = 5. SGD (learning rate = 0.01, momentum = 0.9) was selected as the optimization function of network model. Training time by proposed method was 2 h, and memory was 880 M.

3.1.2. Evaluation Metrics

There were four kinds of segmentation results including true positive (TP), false negative (FN), true negative (TN), and false positive (FP), based on the fact that each pixel can be segmented correctly or incorrectly. Four indicators were utilized as evaluation metrics, which can be defined as follows: Sensitivity (Se), Specificity (Sp), Accuracy (Acc), and the area under each curve (AUC). The first three indicators can reflect the segmentation ability of vessel pixels, non-vessel pixels, and all the pixels, respectively.
Se = TP TP + FN
Sp = TN TN + FP
Acc = TP + TN TP + FN + TN + FP
AUC, which represent the area under the ROC curve, was also adopted as an evaluation metric for image segmentation, ranging from 0 to 1.

3.2. Validation of the Proposed Method

The effectiveness of the proposed method was demonstrated by public data DRIVE and STARE; the segmentation result of proposed method with dice loss function is shown in Figure 5 and Figure 6. Figure 5 is the segmentation result for public data DRIVE; Figure 5a–d are color fundus image (test image), ground truth (specialist manual segmentation result), probability map for retinal vessel by proposed method, and binarization of probability map, respectively. Figure 6 is the segmentation result for public data STARE. The result demonstrated that retinal vessel segmentation can be performed with the proposed method.
Se, Sp, Acc, and AUC were utilized as evaluation metrics for the segmentation result. Random transformation field was adopted as a data augmentation strategy; the base of the proposed method is that 40000 real patches were extracted as a training set. The base and augmented data were that 40000 real extracted patches and 40000 augmented patches were used as a training set; the statistical result is shown in Table 1. The segmentation result of the second observer was used as the gold standard. The result showed that Acc and AUC for segmentation on the DRIVE dataset increased from 0.9483 and 0.9686 to 0.9511 and 0.9740, respectively. Acc and AUC for the segmentation on the STARE dataset increased from 0.9508 and 0.9684 to 0.9538 and 0.9704, respectively. Random transformation field as a data augmentation strategy can improve the ability of retinal vessel identification.

3.3. Comparison with U-net

Retinal vessel segmentation result by the proposed method was compared with the U-net based on patch-based learning strategy. In the contrast experiments, the image patches extraction strategy by these two methods was the same. In the process of training, the random extraction strategy was used to obtain training set, and in the process of testing, overlapping extraction and overlapping-patches sequential reconstruction strategies were used to obtain the final segmentation result. In the process of training, the number of extracted patches (40000) was the same for these two methods; 40000 augmented patches by random transformation field were produced, and 80000 image patches were used as training data. In order to evaluate these two methods fairly, the depth of two training networks = 3. SGD (learning rate = 0.01, momentum = 0.9) was selected as the optimization function by U-net, which was the same as proposed method. Because dense block strongly encourages the reuse of features and makes all layers in the architecture receive direct supervision signal, it has more parameters than the ‘standard’ U-net. More convolution layers were used at the same resolution by U-net to make sure that the numbers of trainable parameters by these two methods were approximately equal. In general, a fair comparison was made to evaluate these two methods.
Figure 7 displays the local segmentation results by Dense U-net and U-net with dice loss function, respectively. The blue area is the segmentation result of fine retinal vessel, and the red area is the error segmentation result. The results demonstrated that more fine blood vessels can by segmented by the proposed method, and that a more accurate region prone to leakage and error segmentation can be segmented by the proposed method.
The quantitative analysis based on evaluation metrics for public data DRIVE and STARE is shown in Table 2. For these two methods, the values of Se, Acc, and AUC using the dice loss function were higher than those when using the cross entropy loss function. Only Sp was lower when using the dice loss function compared to using the cross entropy loss function. This demonstrates that the segmentation accuracy using dice loss function was higher than that using cross entropy function.
The result showed that for public DRIVE and STARE data, Se increased from 0.7937 and 0.7882 to 0.7986 and 0.7914, respectively. For Sp, Acc, and AUC values were approximately equal for these two methods using the dice loss function.

3.4. Comparison with the State-of-the-art Methods

The proposed method was compared with other state-of-the-art approaches, including unsupervised, supervised, and convolutional neural networks methods on public DRIVE and STARE datasets. The statistical result is shown in Table 3. Acc and AUC values were 0.9511 and 0.9740, respectively, for the DRIVE dataset and Acc and AUC values were 0.9538 and 0.9704, respectively for the STARE dataset by the proposed method.
For the multi-scale convolutional neural network method proposed by Hu et al. [17], Sp and AUC value are the highest. In their study, Hu proposed an improved cross entropy loss function that was influenced by the weight coefficient, and applied CRFs as a post processing strategy to get the final binarization segmentation result. Their segmentation result was influenced by the weight coefficient, and this parameter needs to be set manually. For convolution neural network method with reinforcement sample learning strategy proposed by Guo et al. [18], the Se value was the highest, Sp and Acc value was the lowest, and the final segmentation result was the worst. For U-net based on patch-based learning strategy, Se, Sp, Acc and AUC value were not the highest; however, the segmentation result was the best in the comprehensive evaluation. For the proposed method, the Se value was higher than that of U-net, and Sp, Acc, and AUC value were close to U-net. This means that the segmentation result of proposed method is similar to U-net, and that the recognition rate of blood vessel is higher than U-net. Se, Sp, Acc, and AUC values by the proposed method were higher than the specialist result, which demonstrates that the segmentation result by the proposed method is better than specialist results, and that this method has clinical application value.

4. Conclusions

In this study, retinal vessel segmentation framework based on patch-based learning strategy and Dense U-net was proposed. The random extraction strategy was used to obtain image patches as training data, the Dense U-net was adopted as training network model, and the dice loss function was optimized by stochastic gradient descent (SGD). Random transformation field was used as a data augmentation strategy to enlarge the training data and improve the generalization ability. The proposed method was applied to public datasets DRIVE and STARE to complete the retinal vessel segmentation. Se, Sp, Acc, and AUC were adopted as evaluation metrics to demonstrate the effectiveness of the proposed method. The results demonstrated that the proposed method is competitive in these evaluation metrics. The segmentation accuracy by proposed method was higher than that of specialist, showing that this method has clinical application value. There is no post-processing strategy in this study, and the breakage of fine blood vessels was produced in the process of binarization. Therefore, post-processing strategy may also improve our results in future work.

Author Contributions

C.W. proposed, designed evaluation indexes for segmentation result, drafted and revised the paper; Z.Z. verified the experimental data and discussed the influence of parameter setting on fusion metrics; Q.R. verified the experimental data and provided the help of language embellishment. Y.X. analyzed the data and revised the paper; Y.Y. supervised this project and checked the paper quality. All authors approved the final manuscript.

Funding

This work is supported by National Natural Science Foundation of China under Grants (21603180), Fundamental Research Funds for Key Scientific Research Project of Henan Higher Education Institutions under Grants (17A310005, 17A535003), Disciplinary group of Psychology and Neuroscience, Xinxiang Medical University under Grants (2016PN-KFKT-19), Research Project of Xinxiang Medical University under Grants (505060), Henan Province Science and Technology Research Project under Grants (192102310455), Open project of Biomedical Engineering School under Grants (2018-BME-KFKT-01,2018-BME-KFKT-06), and Scientific and Technological Project of Henan Province under Grants (182102310528, 182102310555)

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Sohini, R.; Dara, D.K.; Keshab, K.P. Blood Vessel Segmentation of Fundus Images by Major Vessel Extraction and Sub-Image Classification. IEEE J. Biomed. Health Inform. 2015, 19, 1118–1128. [Google Scholar]
  2. Guariglia, E. Entropy and Fractal Antennas. Entropy 2016, 18, 84. [Google Scholar] [CrossRef]
  3. Berry, M.V.; Lewis, Z.V. On the Weierstrass-Mandelbrot fractal function. Proc. R. Soc. Lond. Ser. A 1980, 370, 459–484. [Google Scholar] [CrossRef]
  4. Guariglia, E. Harmonic Sierpinski Gasket and Applications. Entropy 2018, 20, 714. [Google Scholar] [CrossRef]
  5. Frangi, A.F.; Niessen, W.J.; Vincken, K.I.; Viergever, M.A. Multiscale vessel enhancement filtering. In Proceedings of the Imitational Conference on Medical Image Computing and Computer Assisted Intervention, Cambridge, MA, USA, 11–13 October 1998; Springer: Berlin, Germany, 1998; pp. 130–137. [Google Scholar]
  6. Sato, Y.; Nakaiima, S.; Atsumi, H.; Koller, T.; Gerig, G.; Yoshida, S.; Kikinis, R. 3D Multi-scale line filter for segmentation and visualization of curvilinear structures in medical images. Med. Image Anal. 1998, 2, 143–168. [Google Scholar] [CrossRef]
  7. Jiang, X.Y.; Mojon, D. Adaptive local thresholding by verification based multi-threshold probing with application to vessel detection in retinal images. IEEE Trans. Pattern Anal. Mach. Intell. 2003, 25, 131–137. [Google Scholar] [CrossRef]
  8. Dashtbozorg, B.; Bekkers, E.; Pluim, J.P.; Duits, R.; TerHaar Romeny, B.M.; Zhang, J. Robust retinal vessel segmentation via locally adaptive derivative frames in orientation scores. IEEE Trans. Med. Imaging 2016, 35, 2631–2644. [Google Scholar]
  9. Azzopardi, G.; Strisciuglio, N.; Vento, M.; Petkov, N. Trainable COSFIRE filters for vessel delineation with application to retinal images. Med. Image Anal. 2015, 19, 46–57. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  10. Zhao, Y.; Rada, L.; Chen, K.; Harding, S.P.; Zheng, Y. Automated vessel segmentation using infinite perimeter active contour model with hybrid region information with application to retinal images. IEEE Trans. Med. Imaging 2015, 34, 1797–1807. [Google Scholar] [CrossRef]
  11. Liang, L.M.; Huang, C.L.; Shi, F.; Wu, J.; Jiang, H.J.; Chen, X.J. Retinal Vessel Segmentation Using Level Set Combined with Shape Priori. Chin. J. Comput. 2018, 41, 1678–1692. [Google Scholar]
  12. Guido, R.C. Practical and useful tips on discrete wavelet transforms. IEEE Signal Process. Mag. 2015, 32, 162–166. [Google Scholar] [CrossRef]
  13. Guido, R.C.; Addison, P.S.; Walker, J. Introducing wavelets and time-frequency analysis. IEEE Eng. Med. Biol. Mag. 2009, 28, 1–13. [Google Scholar] [CrossRef] [PubMed]
  14. Liang, M.M.; Shen, L.D.; Wang, Y.X.; Zheng, L.Y. Eye fundus vessel segmentation technology based on SVM. Appl. Sci. Technol. 2017, 44, 67–71. [Google Scholar]
  15. Orlando, J.I.; Prokofyeva, E.; Blaschko, M.B. A discriminatively trained fully connected conditional random field model for blood vessel segmentation in fundus images. IEEE Trans. Biomed. Eng. 2017, 64, 16–27. [Google Scholar] [CrossRef] [PubMed]
  16. Zhang, J.; Chen, Y.; Bekkers, E.; Wang, M.L.; Dashtbozorg, B.; Ter Haar Romeny, B.M. Retinal vessel delineation using a brain-inspired wavelet transform and random forest. Pattern Recognit. 2017, 69, 107–123. [Google Scholar] [CrossRef]
  17. Bengio, Y.; Courville, A.; Vincent, P. Representation learning: A review and new perspectives. IEEE Trans. Pattern Anal. Mach. Intell. 2013, 35, 1798–1828. [Google Scholar] [CrossRef] [PubMed]
  18. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. ImageNet classification with deep convolutional neural networks. In Proceedings of the International Conference Neural Information Processing Systems, Lake Tahoe, NV, USA, 3–6 December 2012; Volume 60, pp. 1097–1105. [Google Scholar]
  19. Long, J.; Shelhamer, E.; Darrell, T. Fully Convolutional Networks for Semantic Segmentation. In Proceedings of the Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 3430–3440. [Google Scholar]
  20. Ronneberger, O.; Fischer, P.; Brox, T. U-net: Convolutional networks for biomedical image segmentation. In Proceedings of the International Conference on Medical Image Computing and Computer-Assisted Intervention, Munich, Germany, 5–9 October 2015; pp. 234–241. [Google Scholar]
  21. Brancati, N.; Frucci, M.; Gragnaniello, D.; Riccio, D. Retinal Vessels Segmentation Based on a Convolutional Neural Network. In Progress in Pattern Recognition, Image Analysis, Computer Vision, and Applications; Springer: Cham, Switzerland, 2017; pp. 119–126. [Google Scholar]
  22. Oliveira, A.F.M.; Pereira, S.R.M.; Silva, C.A.B. Retinal Vessel Segmentation based on Fully Convolutional Neural Networks. Expert Syst. Appl. 2018, 112, 229–242. [Google Scholar] [CrossRef]
  23. Guo, Y.H.; Budak, U.; Vespa, L.J.; Khorasania, E.; Şengür, A. A retinal vessel detection approach using convolution neural network with reinforcement sample learning strategy. Measurement 2018, 125, 586–591. [Google Scholar] [CrossRef]
  24. Hu, K.; Zhang, Z.Z.; Niu, X.R.; Zhang, Y.; Cao, C.H.; Xiao, F.; Gao, X.P. Retinal vessel segmentation of color fundus images using multiscale convolutional neural network with an improved cross-entropy loss function. Neurocomputing 2018, 309, 179–191. [Google Scholar] [CrossRef]
  25. Huang, G.; Liu, Z.; Van der Maaten, L.; Weinberger, K.Q. Densely connected convolutional networks. In Proceedings of the Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 4700–4708. [Google Scholar]
  26. Huang, G.; Chen, D.; Li, T.; Wu, F.; Van der Maaten, L.; Weinberger, K.Q. Multi-scale dense convolutional networks for efficient prediction. In Proceedings of the International Conference on Learning Representations, Vancouver, BC, Canada, 30 April–3 May 2018; pp. 1–14. [Google Scholar]
  27. Szegedy, C.; Ioffe, S.; Vanhoucke, V.; Alemi, A.A. Inception-v4, Inception-Res Net and the impact of residual connections on learning. In Proceedings of the AAAI Conference on Artificial Intelligence, San Francisco, CA, USA, 4–9 February 2017; pp. 4278–4284. [Google Scholar]
  28. Jégou, S.; Drozdzal, M.; Vazquez, D.; Romero, A.; Bengio, Y. The one hundred layers tiramisu: Fully convolutional DenseNets for semantic segmentation. In Proceedings of the Computer Vision and Pattern Recognition Workshops, Honolulu, HI, USA, 21–26 July 2017; pp. 1175–1183. [Google Scholar]
  29. He, H.; Garcia, E.A. Learning from Imbalanced Data. IEEE Trans. Knowl. Data Eng. 2009, 21, 1263–1284. [Google Scholar] [Green Version]
  30. Xie, S.N.; Tu, Z.W. Holistically-nested edge detection. In International Journal of Computer Vision; Springer: Cham, Switzerland, 2015; pp. 1–16. [Google Scholar]
  31. Milletari, F.; Navab, N.; Ahmadi, S.A. V-Net: Fully Convolutional Neural Networks for Volumetric Medical Image Segmentation. In Proceedings of the Fourth International Conference on 3D Vision, Stanford, CA, USA, 25–28 October 2016; pp. 565–571. [Google Scholar]
  32. Oliveira, A.; Pereira, S.; Silva, C.A. Augmenting Data When Training a CNN for Retinal Vessel Segmentation: How to Warp? In Proceedings of the IEEE 5th Portuguese Meeting on Bioengineering, Coimbra, Portugal, 16–18 February 2017; pp. 1–4. [Google Scholar]
  33. Simard, P.Y.; Steinkraus, D.; Platt, J.C. Best practices for convolutional neural networks applied to visual document analysis. In Proceedings of the International Conference on Document Analysis and Recognition, Edinburgh, UK, 6 August 2003; pp. 958–962. [Google Scholar]
  34. Staal, J.J.; Abramoff, M.D.; Niemeijer, M.; Viergever, M.A.; Van Ginneken, B. Ridge based vessel segmentation in color images of the retina. IEEE Trans. Med. Imaging 2004, 23, 501–509. [Google Scholar] [CrossRef] [PubMed]
  35. Hoover, A.; Kouznetsova, V.; Goldbaum, M. Locating blood vessels in retinal images by piece-wise threshold probing of a matched filter response. IEEE Trans. Med. Imaging 2000, 19, 203–210. [Google Scholar] [CrossRef] [PubMed]
Figure 1. Overview of the proposed method.
Figure 1. Overview of the proposed method.
Entropy 21 00168 g001
Figure 2. Patches extraction (a) patches extraction strategy (b) patches extraction result.
Figure 2. Patches extraction (a) patches extraction strategy (b) patches extraction result.
Entropy 21 00168 g002
Figure 3. Patches training for semantic segmentation. (a) Dense U-Net architecture; (b) dense block; (c) transition down.
Figure 3. Patches training for semantic segmentation. (a) Dense U-Net architecture; (b) dense block; (c) transition down.
Entropy 21 00168 g003aEntropy 21 00168 g003b
Figure 4. Data augmentation result. (a) Image patches; (b) corresponding ground truths.
Figure 4. Data augmentation result. (a) Image patches; (b) corresponding ground truths.
Entropy 21 00168 g004
Figure 5. Segmentation results of DRIVE by the proposed method. (a) Color fundus image; (b) ground truth; (c) probability map; (d) binarization result.
Figure 5. Segmentation results of DRIVE by the proposed method. (a) Color fundus image; (b) ground truth; (c) probability map; (d) binarization result.
Entropy 21 00168 g005
Figure 6. Segmentation results of STARE by the proposed method. (a) Color fundus image; (b) ground truth; (c) probability map; (d) binarization result.
Figure 6. Segmentation results of STARE by the proposed method. (a) Color fundus image; (b) ground truth; (c) probability map; (d) binarization result.
Entropy 21 00168 g006
Figure 7. Comparison of segmentation result by Dense U-net and U-net. (a) The local region of fundus images; (b) ground truth; (c) binarization results by Dense U-net with dice loss function; (d) binarization results by U-net with dice loss function.
Figure 7. Comparison of segmentation result by Dense U-net and U-net. (a) The local region of fundus images; (b) ground truth; (c) binarization results by Dense U-net with dice loss function; (d) binarization results by U-net with dice loss function.
Entropy 21 00168 g007
Table 1. Performance of proposed method on DRIVE and STARE.
Table 1. Performance of proposed method on DRIVE and STARE.
DRIVESTARE
Proposed methodSeSpAccAUCSeSpAccAUC
Second human observer0.77600.97240.9472 0.89520.93840.9349
40000 real0.78860.97160.94830.96860.79040.97160.95080.9684
40000 real
+40000 augmented
0.79860.97360.95110.97400.79140.97220.95380.9704
Se: sensitivity; Sp: specificity; Acc: accuracy; AUC: the area under each curve
Table 2. The performance of the proposed method in DRIVE and STARE.
Table 2. The performance of the proposed method in DRIVE and STARE.
DRIVESTARE
MethodSeSpAccAUCSeSpAccAUC
Second human observer0.77600.97240.9472 0.89520.93840.9349
U-net (dice-loss)0.79370.97470.95170.97450.78820.97290.95470.9740
U-net (cross-entropy)0.77580.97550.95000.97420.78380.97800.95350.9673
Dense U-net (dice-loss)0.79860.97360.95110.97400.79140.97220.95380.9704
Dense U-net (cross-entropy)0.78860.97360.94830.97160.78960.97340.94750.9682
Table 3. The performance of proposed method on DRIVE and STARE.
Table 3. The performance of proposed method on DRIVE and STARE.
DRIVESTARE
TypeMethodSeSpAccAUCSeSpAccAUC
Second expert observer0.77600.97240.9472 0.89520.93840.9349
UnsupervisedZhao [7]0.74200.98200.95400.86200.78000.97800.95600.9673
Azzopardi [6]0.76550.97040.94420.96140.77160.97010.94970.9563
Zhang [5]0.77430.97250.97760.96360.77910.97580.95540.9748
SupervisedOrlando [10]0.78970.96840.94540.95060.76800.97380.95190.9570
Zhang [11]0.78610.97120.94660.97030.78820.97290.95470.9740
Deep learningHu [19]0.77720.97930.95330.97590.75430.98140.96320.9751
Guo [18]0.89900.92830.91990.9652
U-net0.79370.97470.95170.97450.78820.97290.95470.9740
Our proposed0.79860.97360.95110.97400.79140.97220.95380.9704

Share and Cite

MDPI and ACS Style

Wang, C.; Zhao, Z.; Ren, Q.; Xu, Y.; Yu, Y. Dense U-net Based on Patch-Based Learning for Retinal Vessel Segmentation. Entropy 2019, 21, 168. https://0-doi-org.brum.beds.ac.uk/10.3390/e21020168

AMA Style

Wang C, Zhao Z, Ren Q, Xu Y, Yu Y. Dense U-net Based on Patch-Based Learning for Retinal Vessel Segmentation. Entropy. 2019; 21(2):168. https://0-doi-org.brum.beds.ac.uk/10.3390/e21020168

Chicago/Turabian Style

Wang, Chang, Zongya Zhao, Qiongqiong Ren, Yongtao Xu, and Yi Yu. 2019. "Dense U-net Based on Patch-Based Learning for Retinal Vessel Segmentation" Entropy 21, no. 2: 168. https://0-doi-org.brum.beds.ac.uk/10.3390/e21020168

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop