Next Article in Journal
Contraction Integral Equation for Three-Dimensional Electromagnetic Inverse Scattering Problems
Previous Article in Journal
Developments in Electrical-Property Tomography Based on the Contrast-Source Inversion Method
Previous Article in Special Issue
Two-Dimensional Orthonormal Tree-Structured Haar Transform for Fast Block Matching
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

PixelBNN: Augmenting the PixelCNN with Batch Normalization and the Presentation of a Fast Architecture for Retinal Vessel Segmentation

by
Henry A. Leopold
1,*,
Jeff Orchard
2,
John S. Zelek
1,† and
Vasudevan Lakshminarayanan
1,†
1
Department of Systems Design Engineering, University of Waterloo, Waterloo, ON N2L 3G1, Canada
2
David R. Cheriton School of Computer Science, University of Waterloo, Waterloo, ON N2L 3G1, Canada
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Submission received: 1 November 2018 / Revised: 5 January 2019 / Accepted: 24 January 2019 / Published: 2 February 2019
(This article belongs to the Special Issue Mathematical and Computational Methods in Image Processing)

Abstract

:
Analysis of retinal fundus images is essential for eye-care physicians in the diagnosis, care and treatment of patients. Accurate fundus and/or retinal vessel maps give rise to longitudinal studies able to utilize multimedia image registration and disease/condition status measurements, as well as applications in surgery preparation and biometrics. The segmentation of retinal morphology has numerous applications in assessing ophthalmologic and cardiovascular disease pathologies. Computer-aided segmentation of the vasculature has proven to be a challenge, mainly due to inconsistencies such as noise and variations in hue and brightness that can greatly reduce the quality of fundus images. The goal of this work is to collate different key performance indicators (KPIs) and state-of-the-art methods applied to this task, frame computational efficiency–performance trade-offs under varying degrees of information loss using common datasets, and introduce PixelBNN, a highly efficient deep method for automating the segmentation of fundus morphologies. The model was trained, tested and cross tested on the DRIVE, STARE and CHASE_DB1 retinal vessel segmentation datasets. Performance was evaluated using G-mean, Mathews Correlation Coefficient and F1-score, with the main success measure being computation speed. The network was 8.5× faster than the current state-of-the-art at test time and performed comparatively well, considering a 5× to 19× reduction in information from resizing images during preprocessing.

1. Introduction

The segmentation of retinal morphology has numerous applications in assessing ophthalmologic and cardiovascular disease pathologies, such as Glaucoma and Diabetes [1]. Diabetic retinopathy (DR) is one of the main causes of blindness globally, the severity of which can be rapidly assessed based on retinal vascular structure [2]. Glaucoma, another major cause for global blindness, can be diagnosed based on the properties of the optic nerve head (ONH). Analysis of the ONH typically requires the removal of vasculature for computational methods. Similar analyses of other structures within the eye benefit from the removal of retinal vessels making the segmentation and subtraction of vasculature critical to many forms of fundus analysis. Direct assessment of vessel characteristics such as length, width, tortuosity and branching patterns can uncover abnormal growth patterns or other disease markers—such as the presence of aneurysms, which are used to evaluate the severity of numerous health conditions including diabetes, arteriosclerosis, hypertension, cardiovascular disease and stroke [3]. For these types of diseases, early detection is critical in minimizing the risk complications and vision loss in the case of DR, glaucoma and other conditions of the eye [4]; early detection is often the most effective method for reducing patient risk through modifications to lifestyle, medication and acute monitoring [5]. Similarly, the same information—this time gleaned from youth, can be used as indicators in the prediction of those individuals’ health later in life [6].
Retinal vessel segmentation from fundus images plays a key role in computer-aided retinal analyses, either in the assessment of the vessels themselves or in vessel removal prior to the evaluation of other morphologies, such as the ONH and macula. For this reason, it has been the most crucial step of practically all non-deep computer based analyses of the fundus [7]. Automated computer image analysis provides a robust alternative to direct ophthalmoscopy by a medical specialist, providing opportunities for more comprehensive analysis through techniques such as batch image analysis [8]. As such, much research has gone into automatically measuring retinal morphology, traditionally utilizing images captured via fundus cameras. However, automatic segmentation of the vasculature has proven to be a challenge, mainly due to inconsistencies such as noise or variations in hue and brightness, which can greatly reduce the quality of fundus images [9]. Traditional retinal pathology and morphology segmentation techniques often evaluate the green channel of RGB fundus images, as it is believed to be the “best” channel for assessing vascular tissue and lesions, while the red and blue channels suffer low contrast and high noise [10]. Unfortunately, variations in image quality and patient ethnicity often invalidate this belief in real world settings.
Accurate feature extraction from retinal fundus images is essential for eye-care specialists in the care and treatment of their patients. Unfortunately, experts are often inconsistent in diagnosing retinal health conditions resulting in unnecessary complications [11]. Computer-aided detection (CAD) methods are being utilized for retinal disease evaluation in commercial settings, however most traditional methods are unable to match the performance of clinicians. These systems under-perform due to variations in image properties and quality, resulting from the use of varying capture devices and the experience of the user [9]. To properly build and train an algorithm for commercial settings would require extensive effort by clinicians in the labelling of each and every dataset—a feat that mitigates the value of CAD systems. Overcoming these challenges would give rise to longitudinal studies able to utilize multi-modal image registration and disease/condition status measurements, as well as make applications in surgery preparation and biometrics more viable [9].
The emergence of deep learning methods has enabled the development of CAD systems with an unprecedented ability to generalize across datasets, overcoming the shortcoming of traditional or “shallow” algorithms. Computational methods for image analysis are divided into supervised and unsupervised techniques. Prior to deep learning, supervised methods encompassed pattern recognition algorithms, such as k-nearest neighbours, decision trees and support vector machines (SVMs). Examples of such methods in the segmentation of retinal vessels include 2D Gabor wavelet and Bayesian classifiers [10], line operators and SVMs [3] and AdaBoost-based classifiers [12]. Supervised methods require that training materials be prepared by an expert, traditionally limiting the application of shallow methods. Unsupervised techniques stimulate a response within the pixels of an image to determine class membership and do not require manual delineations. The majority of deep learning approaches fall into the supervised learning category, due to their dependence on ground truths during training. Often, unsupervised deep learning techniques refer to unsupervised pertraining to improving network parameter initialization as well as some generative and adversarial methods.
Deep learning overcomes shallow methods’ inability to generalize across datasets through the random generation and selection of a series of increasingly dimensional feature abstractions from combinations of multiple non-linear transformations on a dataset [13]. Applications of these techniques for object recognition in images first appeared in 2006 during the MNIST digit image classification problem, of which convolutional neural networks (CNNs) currently hold the highest accuracy [14]. Like other deep neural networks (DNNs), CNNs are designed modularly with a series of layers selected to address different classification problems. A layer is comprised of an input, output, size (number of “neurons”) and a varying number of parameters/hyper-parameters that govern its operation. The most common layers include convolutional layers, pooling/subsampling layers and fully connected layers.
A popular method for facilitating multi-resolution generalizability with fully convolutional networks is the use of dilated convolutions within the model [15,16]. Dilated convolutions can be computationally expensive, as they continuously increase in size through the utilization of zero padding to prevent information loss. Downsampling is another family of methods that sample features during strided convolution at one or more intermediate stages of a fully convolutional network (FCN), later fusing the samples during upsampling [17] and/or multi-level classifiers [18]. Such methods take advantage of striding to achieve similar processing improvements as dilated convolutions with increased computational efficiency, albeit with a loss in information. Variations in downsampling methods aim to compensate for this loss of information. Implementing both long and short skip connections has been shown to prevent information loss and increase convergence speed [19], while mitigating losses in performance [20].
Deep algorithms often pose retinal image analysis as a binary classification task, learning to differentiate morphologies based on performance masks manually delineated from the images. The current limitation with most unsupervised methods is that they utilize a set of predefined linear kernels to convolve the images or templates that are sensitive to variations in image quality and fundus morphologies [8]. Deep learning approaches overcome these limitations, and have been shown to outperform shallow methods for screening and other tasks in diagnostic retinopathy [21,22]. A recent review chapter discusses many of these issues and related methodologies [23].
The goal of this work is to collate different key performance indicators (KPIs) and state-of-the-art methods applied to this task, introduce PixelBNN, and frame computational efficiency–performance trade-offs under varying degrees of information loss using common datasets. PixelBNN is a novel variation of PixelCNN [24]—a dense FCN, that takes a fundus image as the input and returns a binary segmentation mask of the same dimension. The network was able to evaluate test images in 0.0466 s, 8.5× faster than the state-of-the-art when using resized images, while retaining comparable performance. Section 2 discusses the method and network architecture. Section 3 describes the experimental design. The resulting network performance is described in Section 4. Lastly, Section 5 discusses the results, future work and then concludes the paper.

2. Material and Methods

Deep learning methods for retinal segmentation are typically based on techniques which have been successfully applied to image segmentation in other fields, and often utilize stochastic gradient descent (SGD) to optimize the network [21]. Recent work into stochastic gradient-based optimization has incorporated adaptive estimates of lower-order moments, resulting in the Adam optimization method, which is further described below [25]. Adam was first successfully applied to the problem of retinal vessel segmentation by the authors, laying the foundation for this work [26].
Herein, a fully-residual autoencoder batch normalization network (“PixelBNN”) was trained via a random sampling strategy whereby samples are randomly augmented from a training set of fundus images and fed into the model, as described in Section 2.2. PixelBNN utilizes gated residual convolutional and deconvolutional layers activated by concatenated rectifying linear units (CReLU), similar to PixelCNN [15,24] and PixelCNN++ [27]. PixelBNN differs from its predecessors in three areas; (1) varied convolutional filter streams, (2) gating strategy, and (3) introduction of batch normalization layers [28] from which it draws its name.

2.1. Datasets

2.1.1. DRIVE

The CNN was trained and tested against the Digital Retinal Images for Vessel Extraction (DRIVE) database (http://www.isi.uu.nl/Research/Databases/DRIVE/), a standardized set of fundus images used to gauge the effectiveness of classification algorithms [29]. The images were 8 bits per RGBA channel with a 565 × 584 pixel resolution. The data set comprised of 20 training images with manually delineated label masks and 20 test images with two sets of manually delineated label masks by the first and second human observers. The images were collected for a diabetic retinopathy screening program in the Netherlands using a Canon CR5 non-mydriatic 3CCD camera with a 45° field of view [29].

2.1.2. STARE

The Structured Analysis of the Retina database (http://cecas.clemson.edu/~ahoover/stare/) has 400 retinal images which are acquired using TopCon TRV-50 retinal camera with 35° field of view and pixel resolution of 700 × 605. The database was populated and funded through the US National Institutes of Health [1]. A subset of the data was labelled by two experts, thereby providing 20 images with labels and ground truths. To compensate for the small number of images, four-fold cross-validation was used. Therein, the network was trained over four runs, leaving five images out each time, resulting in all 20 images being evaluated without overlapping the training set, thus minimizing network bias.

2.1.3. CHASE_DB1

The third dataset used in this study was a subset of the Child Heart and Health Study in England database (CHASE_DB1), containing 28 paired high-resolution (1280 × 960 pixels) fundus images from each eye of 14 children, captured with a 30° field of view using a Nidek NM-200-D fundus camera. Compared to STARE, CHASE_DB1 is more susceptible to bias as the images are all pairs from the same patient—this restricts the number of samples to 14. Due to this constraint and for the same reasons as with STARE, four-fold cross-validation was used to preclude overlapping datasets between training and test time, this time grouping sets by patients. (https://blogs.kingston.ac.uk/retinal/chasedb1/).

2.2. Preprocessing

The most common and effective method for correcting inconsistencies within an image dataset is by comparing the histogram of an image obtained to that of an ideal histogram describing the brightness, contrast and signal/noise ratio, and/or determination of image clarity by assessing morphological features [30]. Fundus images typically contain between 500 × 500 to 2000 × 2000 pixels, making training a classifier a memory and time consuming ordeal. Rather than processing an entire image, the image–label pairs are randomly cropped and resized using bicubic interpolation to 256 × 256 pixels, flipped, rotated and/or enhanced to extend the dataset.

2.2.1. Continuous Pixel Space

It has been shown that a continuous domain representation of pixel colour channels vastly improves memory efficiency during training [31]. This is primarily due to dimensionality reduction from initial channel values to a distribution of (−0.5 to 0.5). features are learned with densely packed gradients rather than needing to keep track of very sparse values associated with typical channel values [27]. Herein, the raw pixel values of each channel were remapped from (0, 255) to (−0.5, 0.5).

2.2.2. Image Enhancement

Local histogram enhancement methods greatly improve image quality and contrast, improving network performance during training and evaluation. Rather than sampling all pixels within an image once, histograms were generated for subsections of the image, each of which is normalized. One limitation for local methods is the risk of enhancing noise within the image. Contrast limited adaptive histogram equalization (CLAHE) is one method that overcomes this limitation. CLAHE limits the maximum pixel intensity peaks within a histogram, redistributing the values across all intensities prior to histogram equalization [32]. This is the contrast enhancement method used herein.

2.3. Network Architecture

PixelBNN is a fully-residual autoencoder with gated residual streams, each initialized by differing convolutional filters. It is based on UNET [33], PixelCNN [15] as well as various work on the use of skip connections and batch normalization within fully convolutional networks [17,18,19,34]. Figure 1a illustrates the architecture of the proposed method, whereby processed image patches were passed through two convolution layers with different filters to create parallel input streams for the encoder. Convolutional downsampling occurred between each ResNet block in the encoder and deconvolutional upsampling in the decoder. Each gated ResNet block consisted of four gated ResNets, each of which had an architecture as shown in Figure 1b. Each gated ResNet was made up of convolution layers with kernel size 3 and stride of 1. Stream 1 ResNet was gated with Stream 2 by a network-in-network (NIN) layer—which is a 1 × 1 convolutional layer like those found in Inception models [20]—which concatenated the output features from the first steam with those of the second. PixelBNN utilized convolutional downsampling with a stride of 2, as well as long and short skip connections. Each gated ResNet in the encoder had a skip connection to a paired Gated ResNet in the decoder. Dropout was applied to outbound connections of each gated ResNet during downsampling. The output was a vessel mask of equal size to the input. The label is used to train the network, specifically to calculate the loss of the generated vessel mask.
This method differs from prior work in the layer architecture by the use of gated filter streams and regularization by batch normalization joint with dropout during training. While nuanced, the network further differentiates from many state-of-the-art architectures in its use of Adam optimization, layer activation by CReLU and use of downsampling in place of other multi-resolution strategies. The network made extensive use of CReLU to reduce feature redundancy and negative information loss that would otherwise be incurred with the use of rectified linear units (ReLU). CReLU models have been shown to consistently outperform ReLU models of equivalent size while reducing the number of parameters by half, leading to significant gains in performance [35]. It differs from PixelCNN++ [27] in three ways. Firstly, feature maps were implemented as with UNET [33] with a starting value of 16, doubling at each downsampling. Secondly, in the use of batch normalization after each downsampling and before dropout, rather than dropout alone. Thirdly, it differs in its use of paired convolution layers on continuous pixel space RGB images.
The architecture was influenced by the human vision system; more detail on this subject is covered in prior work by the authors [23]:
  • The use of two parallel input streams resembles bipolar cells in the retina, each stream possessing different yet potentially overlapping feature spaces initialized by different convolutional kernels.
  • The layer structure was based on that of the lateral geniculate nucleus, visual cortices (V1, V2) and medial temporal Gyrus, whereby each is represented by an encoder–decoder pair of gated ResNet blocks.
  • Final classification was executed by a convolutional layer which concatenates the outputs of the final gated ResNet block, as the inferotemporal cortex is believed to do.

2.4. Platform

Training and testing of the proposed method was done using a computer with an Intel(R) Core(TM) i7-5820K CPU with 3.30GHz of processing power, 32 GB of RAM and a GM200 GeForce GTX TITAN X graphics card equivalent to 3072 CUDA cores. On this platform, it took roughly 14 h to train the network. At test time, the network processed a single image in 0.0466 s using the same system. In this study, Tensorflow [36] and other python scientific, imaging, and graphing libraries were used to evaluate the results.

2.5. Experiment Design

This paper explores the impact of information loss and computational efficiency due to resizing on the task of vessel segmentation in fundus images. It presents PixelBNN, a novel network architecture for multi-resolution image segmentation and feature extraction based on PixelCNN. This was the first time this family of dense fully connected convolutional networks have been applied to fundus images. The specific task of retinal vessel segmentation was chosen due to the availability of different datasets that together provided ample variances for cross-validation, training efficiency, model performance, and robustness. Architectural elements of the network have been thoroughly evaluated in the literature, as mentioned in Section 2.3. A comparison with the full-resolution datasets will be carried out along side an ablation study, which is beyond the scope of this paper and left for future work. The goal of this work was to collate different KPIs and state-of-the-art methods applied to this task, introduce PixelBNN, and frame computational efficiency–performance trade-offs under varying degrees of information loss using common datasets.

2.6. Performance Indicators

Model performance was evaluated using a set of KPIs, which were calculated by comparing the network output against the first set of manual delineations as the ground truth on a per-pixel basis. The test dataset had a second set of manual delineations which were used to benchmark the results against a second human observer (the ‘2nd observer’). There were four potential classification outcomes for each pixel; true positive (TP), false positive (FP), true negative (TN) and false negative (FN). These outcomes were then used to derive KPIs, such as sensitivity (SN; also known as recall), specificity (SP), accuracy (Acc) and the receiver operating characteristic (ROC), which can be a function of SN and SP, true positive rate (TPR) and false positive rate (FPR), or other similar KPI pairs. SN and SP are two of the most important KPIs to consider when developing a classification system as they are both representations of the “truth condition” and are thereby a far better performance measure than Acc. In an ideal system, both SN and SP will be 100%, however this is rarely the case in real life. The area under a ROC curve (AUC), as well as Cohen’s kappa coefficient ( κ ), are two common approaches for measuring network performance. κ is measured using the probability ( n k i ) of an observer (i) predicting a category (k) for a number of items (N) and provides a measure of agreement between observers—in this case, the network’s prediction and the ground truth [37].
The Matthews correlation coefficient (MCC), the F1-score (F1), and the G-mean (G) performance metrics were used to better assess the resulting fundus label masks. These particular metrics are well suited for cases with imbalanced class ratios, as with the abundance of non-vessel pixels comparative to a low number of vessel pixels in this binary segmentation task. MCC has been used to assess vessel segmentation performance in several cases, and its value is a range from 1 to + 1 , respectively indicating total disagreement or alignment between the ground truth and prediction [38]. Precision (Pr) is the proportion of positive samples properly classified and is often measured against SN in a precision-recall curve, similar to ROC. F-scores are harmonic means of Pr and SN, and may incorporate weightings to adjust for class imbalances. This work uses the F1-score with a range from 0 to 1, where 1 signifies perfect segmentation of the positive class. G-mean is the geometric mean between SN and SP. Importantly, G-mean is a better balance between SN and SP than AUC, making it a superior performance measure to AUC, as well as SN, SP and Pr individually [39]. The KPIs are defined in Table 1.

2.7. Training Details

For each dataset, the network parameters were randomly reinitialized using the Xavier algorithm [40]. Table 2 summarizes the three data sets as well as the test–train data distribution and approximate information loss incurred during preprocessing. Pre-training was never conducted and so the network was trained from scratch for each dataset. In the case of STARE and CHASE_DB1, one set of parameters was trained from scratch for each fold. Images were reduced in size to alleviate the computational burden of the training task rather than using the original image to train the network. Image size was first normalized to 256 × 256 before undergoing dataset augmentation. This step is the cause of the majority of information loss relative to the original images and, given the variance in dataset image size, was a convenient way to produce different degrees of information loss. Note, other methods compared herein extract patches rather than resize the original fundus images.
The images were randomly cropped to between 216 to 256 pixels along each axis and resized to 256 × 256. They were then randomly flipped both horizontally and vertically before being rotated at 0°, 90° or 180°. The brightness and contrast of each patch was randomly shifted to further increase network robustness. PixelBNN learned to generate vessel label masks from fundus images in batches of three for 1 e 5 iterations utilizing Adam optimization with an initial learning rate of 1 e 5 and decay rate of 0.94 every 2 e 4 iterations. Batch normalization was conducted with an initial ϵ of 1 e 5 and decay rate of 0.9 before the application of dropout regularization [41] with a keep probability of 0.6. It required approximately 11 h to complete training for DRIVE and the same for each fold during cross-validation.

3. Results

The output of PixelBNN was a binary label mask, predicting vessel and non-vessel pixels, thereby segmenting the original image. Each dataset contained manual delineations from two experts; the first was used as the ground truth for training the model and the second was used for evaluating the network’s performance against a secondary human observer. Independently, each dataset was used to train a separate model from scratch resulting in three sets of model parameters.

3.1. Performance Comparison

The results were compared with those of other state-of-the-art methods for vessel segmentation with published results for at least one of the DRIVE, STARE or CHASE_DB1 datasets. The results for the model trained and tested on DRIVE are shown in Table 3, STARE results are shown in Table 4 and CHASE_DB1 results are in Table 5. Cross-testing was conducted using each of these sets to measure the performance of the network against each other datasets’ test images. The results from cross-testing are summarized in Table 6. Most of the articles report SN and SP, relying on Acc and AUC to validate performance, whereas κ , MCC and F1-scores have been sparsely applied until recently. Regardless of other KPIs, most recent works report SN and SP from which the G-mean was calculated. Herein, the G-mean is considered to be a truer performance indicator than SN, SP and Pr. Further, the main KPIs used to evaluate model performance are F1-score, G-mean and MCC. For completeness, SN, SP, Pr, Acc, AUC and κ are also tabulated. Table 7 compares the computation time for training the network and evaluating test images with the methods that share the same GPU.
Overall, the predictions reveal that losses in performance are largely the result of fine-vessels being missed as well as anomalous pathologies. Figure 2, Figure 3 and Figure 4 show the best and worst scoring same-set images, ground truth and resulting predictions for testing and cross-testing that image with DRIVE, STARE and CHASE_DB1 respectively. The model’s performance varied between datasets, outperforming other methods in a subset of cross-testing tasks for which there were few published baselines. At face value, the model appears to under-perform the state-of-the-art, however the information lost when resizing the images during preprocessing is quite severe.

3.2. Computation Time

Computation time is a difficult metric to benchmark due to variances in test system components and performance. In an attempt to evaluate this aspect, recent works that share the same GPU—the NVIDIA Titan X—were compared. This is a reasonable comparison, as the vast majority of computations are performed on the GPU when training DNNs. Table 7 shows the comparable methods’ approximate training and test speeds. Training time was evaluated by normalizing the total time for training the network by the number of training iterations. The total number of iterations was not provided in the multi-classifier article [55]. Test time is the duration required for evaluating one image at test time, end-to-end. The network evaluated test images in 0.0466 s, 8.6× faster than the state-of-the-art.

4. Discussion

Herein, the impact of information loss due to image resizing on performance and computational efficiency during vessel segmentation in fundus images was investigated. Different from the works in the literature, which use cropping and patch segmentation strategies, the proposed method instead resized the fundus images, shrinking them to 256 × 256. This incurred a loss of information as many pixels and details were discarded in the process, proportionately reducing the feature space by which the model could learn this task. The decision to explore this strategy was primarily driven by computational efficiency, as the methods are intended for use in real time within CAD systems in low-resource settings. A novel brain-inspired deep learning architecture was proposed for this task, coined PixelBNN as it is a variant of PixelCNN—a family of FCNs which has never before been applied to fundus images. DRIVE, STARE and CHASE_DB1 retinal fundus image datasets were used to evaluate model performance and generalizability across datasets. Compared to the other methods, PixelBNN used 5 × less information for DRIVE, 6.5× less for STARE, and 18.75× less information for CHASE_DB1 (see Table 2).
Basing the results of G-mean, MCC and F1-scores place the network performance in the middle of the back for DRIVE and STARE. The results are mixed for CHASE_DB1, as the G-mean is state-of-the-art, while the rest are quite poor. PixelBNN performed better on STARE and CHASE_DB1 when the model was trained with DRIVE rather than that same set, outperforming the state-of-the-art with regards to G-mean. The results show a loss of fine vessel detail, with SP degrading proportionately to information loss. This trend is not surprising, given deep learning method performance is dependant on the availability of data to train the system. Interestingly, SN follows this trend for DRIVE and STARE, but then increases dramatically with CHASE_DB1. The high degree of information loss results in over-merging vessel structures, resulting in state-of-the-art performance with regards to G-mean—its balance of SN to SP. Cross testing further exemplifies the heightened SN, and demonstrates the model’s ability to learn generalizable features even at severe levels of information loss.
Overall, the method showed an increase of 8.5× in computational efficiency versus the state-of-the-art, performed relatively well, even with a 19× reduction in information. Without further modification, this method may work well within larger CAD systems as an effective subroutine alongside specialized detection algorithms, or even in low-resource settings. It is worth noting that PixelBNN’s use is extensible to any image domain and its application to any task autoencoders can be applied to. Further refinement of the PixelBNN architecture and hyperparameters, such as increasing the number of streams or ResNets, may enable it as a standalone classifier. This will require delving into the architectural elements’ contributions as part of a generalized ablation study, which is left for future work.

5. Conclusions

This paper investigated the impact of information loss and computational efficiency due to image resizing, using PixelBNN on the task of vessel segmentation in retinal fundus images. This novel architecture performed well, even after a severe loss of information, outperforming state-of-the-art methods during cross-testing. It performed 8.5× faster than the current state-of-the-art, making it a viable candidate for application within real-world systems.

Author Contributions

Conceptualization, H.A.L.; methodology, H.A.L.; software, H.A.L.; validation, H.A.L.; formal analysis, H.A.L.; investigation, H.A.L.; resources, H.A.L.; data curation, H.A.L.; writing—original draft preparation, H.A.L.; writing—review and editing, H.A.L., J.O., J.S.Z. and V.L.; visualization, H.A.L.; supervision, J.O., J.S.Z. and V.L.; project administration, H.A.L.; funding acquisition, J.S.Z. and V.L.

Acknowledgments

This work was supported by Discovery and ENGAGE grants from the National Sciences and Engineering Research Council of Canada to J.S.Z. and V.L., respectively.

Conflicts of Interest

The authors state no conflict of interest and have nothing to disclose.

References

  1. Hoover, A.; Kouznetsova, V.; Goldbaum, M. Locating blood vessels in retinal images by piecewise threshold probing of a matched filter response. IEEE Trans. Med. Imaging 2000, 19, 203–210. [Google Scholar] [CrossRef] [PubMed]
  2. Jelinek, H.; Cree, M.J. Automated Image Detection of Retinal Pathology; CRC Press: Boca Raton, FL, USA, 2009. [Google Scholar]
  3. Ricci, E.; Perfetti, R. Retinal Blood Vessel Segmentation Using Line Operators and Support Vector Classification. IEEE Trans. Med. Imaging 2007, 26, 1357–1365. [Google Scholar] [CrossRef] [PubMed]
  4. Cree, M.J. The Waikato Microaneurysm Detector; Technical Report; The University of Waikato: Hamilton, New Zealand, 2008. [Google Scholar]
  5. Fraz, M.; Welikala, R.; Rudnicka, A.; Owen, C.; Strachan, D.; Barman, S. QUARTZ: Quantitative Analysis of Retinal Vessel Topology and size—An automated system for quantification of retinal vessels morphology. Expert Syst. Appl. 2015, 42, 7221–7234. [Google Scholar] [CrossRef]
  6. Abramoff, M.D.; Garvin, M.K.; Sonka, M. Retinal Imaging and Image Analysis. IEEE Rev. Biomed. Eng. 2010, 3, 169–208. [Google Scholar] [CrossRef] [PubMed]
  7. Fraz, M.M.; Remagnino, P.; Hoppe, A.; Uyyanonvara, B.; Rudnicka, A.R.; Owen, C.G.; Barman, S.A. An Ensemble Classification-Based Approach Applied to Retinal Blood Vessel Segmentation. IEEE Trans. Biomed. Eng. 2012, 59, 2538–2548. [Google Scholar] [CrossRef] [PubMed]
  8. 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]
  9. Fraz, M.; Remagnino, P.; Hoppe, A.; Uyyanonvara, B.; Rudnicka, A.; Owen, C.; Barman, S. Blood vessel segmentation methodologies in retinal images—A survey. Comput. Methods Programs Biomed. 2012, 108, 407–433. [Google Scholar] [CrossRef] [PubMed]
  10. Soares, J.V.; Leandro, J.J.; Cesar, R.M.; Jelinek, H.F.; Cree, M.J. Retinal vessel segmentation using the 2-D Gabor wavelet and supervised classification. IEEE Trans. Med. Imaging 2006, 25, 1214–1222. [Google Scholar] [CrossRef]
  11. Almazroa, A.; Burman, R.; Raahemifar, K.; Lakshminarayanan, V. Optic Disc and Optic Cup Segmentation Methodologies for Glaucoma Image Detection: A Survey. J. Ophthalmol. 2015, 2015, 180972. [Google Scholar] [CrossRef]
  12. Lupascu, C.A.; Tegolo, D.; Trucco, E. FABC: Retinal Vessel Segmentation Using AdaBoost. IEEE Trans. Inf. Technol. Biomed. 2010, 14, 1267–1274. [Google Scholar] [CrossRef]
  13. 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]
  14. Hinton, G.E.; Osindero, S.; Teh, Y.W. A Fast Learning Algorithm for Deep Belief Nets. Neural Comput. 2006, 18, 1527–1554. [Google Scholar] [CrossRef] [PubMed]
  15. Van den Oord, A.; Kalchbrenner, N.; Kavukcuoglu, K. Pixel Recurrent Neural Networks. In Proceedings of the 33rd International Conference on Machine Learning, New York, NY, USA, 19–24 June 2016; Balcan, M.F., Weinberger, K.Q., Eds.; PMLR: New York, NY, USA, 2016; Volume 48, pp. 1747–1756. [Google Scholar]
  16. Kalchbrenner, N.; van den Oord, A.; Simonyan, K.; Danihelka, I.; Vinyals, O.; Graves, A.; Kavukcuoglu, K. Video Pixel Networks. arXiv, 2016; arXiv:1610.00527. [Google Scholar]
  17. Long, J.; Shelhamer, E.; Darrell, T. Fully Convolutional Networks for Semantic Segmentation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Boston, MA, USA, 7–12 June 2015. [Google Scholar]
  18. Chen, H.; Qi, X.; Cheng, J.Z.; Heng, P.A. Deep Contextual Networks for Neuronal Structure Segmentation. In Proceedings of the Thirtieth AAAI Conference on Artificial Intelligence (AAAI’16), Phoenix, AZ, USA, 12–17 February 2016; pp. 1167–1173. [Google Scholar]
  19. Drozdzal, M.; Vorontsov, E.; Chartrand, G.; Kadoury, S.; Pal, C. The Importance of Skip Connections in Biomedical Image Segmentation. In Deep Learning and Data Labeling for Medical Applications: Proceedings of the First International Workshop, LABELS 2016, and Second International Workshop, DLMIA 2016, Held in Conjunction with MICCAI 2016, Athens, Greece, 21 October 2016; Carneiro, G., Mateus, D., Peter, L., Bradley, A., Tavares, J.M.R.S., Belagiannis, V., Papa, J.P., Nascimento, J.C., Loog, M., Lu, Z., et al., Eds.; Springer International Publishing: Cham, Switzerland, 2016; pp. 179–187. [Google Scholar]
  20. Szegedy, C.; Ioffe, S.; Vanhoucke, V.; Alemi, A.A. Inception-v4, Inception-ResNet and the Impact of Residual Connections on Learning. In Proceedings of the ICLR 2016 Workshop, San Juan, Puerto Rico, 2–4 May 2016. [Google Scholar]
  21. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef] [PubMed]
  22. Abràmoff, M.D.; Lou, Y.; Erginay, A.; Clarida, W.; Amelon, R.; Folk, J.C.; Niemeijer, M. Improved Automated Detection of Diabetic Retinopathy on a Publicly Available Dataset Through Integration of Deep LearningDeep Learning Detection of Diabetic Retinopathy. Investig. Ophthalmol. Vis. Sci. 2016, 57, 5200. [Google Scholar] [CrossRef] [PubMed]
  23. Leopold, H.A.; Zelek, J.S.; Lakshminarayanan, V. Deep Learning for Retinal Analysis. In Signal Processing and Machine Learning for Biomedical Big Data; Book Chapter 17; Sejdić, E., Falk, T.H., Eds.; CRC Press: Boca Raton, FL, USA, 2018; pp. 329–367. [Google Scholar]
  24. Van den Oord, A.; Kalchbrenner, N.; Espeholt, L.; kavukcuoglu, k.; Vinyals, O.; Graves, A. Conditional Image Generation with PixelCNN Decoders. In Advances in Neural Information Processing Systems 29; Lee, D.D., Sugiyama, M., Luxburg, U.V., Guyon, I., Garnett, R., Eds.; Curran Associates, Inc.: Vancouver, BC, Canada, 2016; pp. 4790–4798. [Google Scholar]
  25. Kingma, D.P.; Ba, J. Adam: A Method for Stochastic Optimization. arXiv, 2014; arXiv:1412.6980. [Google Scholar]
  26. Leopold, H.; Orchard, J.; Lakshminarayanan, V.; Zelek, J. A deep learning network for segmenting retinal vessel morphology. In Proceedings of the 2016 38th Annual International Conference of the IEEE Engineering in Medicine and Biology Society (EMBC), Orlando, FL, USA, 16–20 August 2016; p. 3144. [Google Scholar]
  27. Salimans, T.; Karpathy, A.; Chen, X.; Kingma, D.P.; Bulatov, Y. PixelCNN++: A PixelCNN Implementation with Discretized Logistic Mixture Likelihood and Other Modifications. In Proceedings of the ICLR 2017, Toulon, France, 24–26 April 2017. [Google Scholar]
  28. Ioffe, S.; Szegedy, C. Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift. In Proceedings of the 32nd International Conference on Machine Learning, Lille, France, 6–11 July 2015; Bach, F., Blei, D., Eds.; PMLR: Lille, France, 2015; Volume 37, pp. 448–456. [Google Scholar]
  29. Staal, J.; Abràmoff, 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]
  30. Fleming, A.D.; Philip, S.; Goatman, K.A.; Olson, J.A.; Sharp, P.F. Automated Assessment of Diabetic Retinal Image Quality Based on Clarity and Field Definition. Investig. Ophthalmol. Vis. Sci. 2006, 47, 1120. [Google Scholar] [CrossRef] [PubMed]
  31. Kingma, D.P.; Salimans, T.; Jozefowicz, R.; Chen, X.; Sutskever, I.; Welling, M. Improved Variational Inference with Inverse Autoregressive Flow. In Advances in Neural Information Processing Systems 29; Lee, D.D., Sugiyama, M., Luxburg, U.V., Guyon, I., Garnett, R., Eds.; Curran Associates, Inc.: Vancouver, BC, Canada, 2016; pp. 4743–4751. [Google Scholar]
  32. Szeliski, R. Computer Vision: Algorithms and Applications, 1st ed.; Springer: New York, NY, USA, 2010. [Google Scholar]
  33. Ronneberger, O.; Fischer, P.; Brox, T. U-Net: Convolutional Networks for Biomedical Image Segmentation. In Medical Image Computing and Computer-Assisted Intervention, Part III, Proceedings of the MICCAI 2015, 18th International Conference, Munich, Germany, 5–9 October 2015; Navab, N., Hornegger, J., Wells, W.M., Frangi, A.F., Eds.; Springer International Publishing: Cham, Switzerland, 2015; pp. 234–241. [Google Scholar]
  34. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep Residual Learning for Image Recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016. [Google Scholar]
  35. Shang, W.; Sohn, K.; Almeida, D.; Lee, H. Understanding and Improving Convolutional Neural Networks via Concatenated Rectified Linear Units. In Proceedings of the 33rd International Conference on Machine Learning, New York, NY, USA, 19–24 June 2016; Balcan, M.F., Weinberger, K.Q., Eds.; PMLR: New York, NY, USA; Volume 48, pp. 2217–2225. [Google Scholar]
  36. Abadi, M.; Agarwal, A.; Barham, P.; Brevdo, E.; Chen, Z.; Citro, C.; Corrado, G.S.; Davis, A.; Dean, J.; Devin, M.; et al. TensorFlow: Large-Scale Machine Learning on Heterogeneous Distributed Systems. arXiv, 2016; arXiv:1603.04467. [Google Scholar]
  37. Cohen, J. A Coefficient of Agreement for Nominal Scales. Educ. Psychol. Meas. 1960, 20, 37–46. [Google Scholar] [CrossRef]
  38. 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]
  39. He, H.; Garcia, E.A. Learning from Imbalanced Data. IEEE Trans. Knowl. Data Eng. 2009, 21, 1263–1284. [Google Scholar]
  40. Glorot, X.; Bordes, A.; Bengio, Y. Deep Sparse Rectifier Neural Networks. In Proceedings of the Fourteenth International Conference on Artificial Intelligence and Statistics, Fort Lauderdale, FL, USA, 11–13 April 2011; Gordon, G., Dunson, D., Dudík, M., Eds.; PMLR: Fort Lauderdale, FL, USA, 2011; Volume 15, pp. 315–323. [Google Scholar]
  41. Srivastava, N.; Hinton, G.; Krizhevsky, A.; Sutskever, I.; Salakhutdinov, R. Dropout: A Simple Way to Prevent Neural Networks from Overfitting. J. Mach. Learn. Res. 2014, 15, 1929–1958. [Google Scholar]
  42. Lam, B.S.Y.; Gao, Y.; Liew, A.W.C. General Retinal Vessel Segmentation Using Regularization-Based Multiconcavity Modeling. IEEE Trans. Med. Imaging 2010, 29, 1369–1381. [Google Scholar] [CrossRef] [PubMed]
  43. Kovács, G.; Hajdu, A. A self-calibrating approach for the segmentation of retinal vessels by template matching and contour reconstruction. Med. Image Anal. 2016, 29, 24–46. [Google Scholar] [CrossRef] [PubMed]
  44. Zhang, J.; Dashtbozorg, B.; Bekkers, E.; Pluim, J.P.W.; Duits, R.; ter Haar Romeny, B.M. Robust Retinal Vessel Segmentation via Locally Adaptive Derivative Frames in Orientation Scores. IEEE Trans. Med. Imaging 2016, 35, 2631–2644. [Google Scholar] [CrossRef] [PubMed]
  45. Roychowdhury, S.; Koozekanani, D.D.; Parhi, K.K. Iterative Vessel Segmentation of Fundus Images. IEEE Trans. Biomed. Eng. 2015, 62, 1738–1749. [Google Scholar] [CrossRef] [PubMed]
  46. Comparative Study of Retinal Vessel Segmentation Methods on a New Publicly Available Database; International Society for Optics and Photonics: San Diego, CA, USA, 2004; Volume 5370.
  47. Marín, D.; Aquino, A.; Gegúndez-Arias, M.E.; Bravo, J.M. A new supervised method for blood vessel segmentation in retinal images by using gray-level and moment invariants-based features. IEEE Trans. Med. Imaging 2011, 30, 146–158. [Google Scholar] [CrossRef] [PubMed]
  48. Fraz, M.M.; Remagnino, P.; Hoppe, A.; Uyyanonvara, B.; Owen, C.G.; Rudnicka, A.R.; Barman, S.A. Retinal Vessel Extraction Using First-Order Derivative of Gaussian and Morphological Processing. In Advances in Visual Computing, Proceedings of the 7th International Symposium (ISVC 2011), Las Vegas, NV, USA, 26–28 September 2011; Bebis, G., Boyle, R., Parvin, B., Koracin, D., Wang, S., Kyungnam, K., Benes, B., Moreland, K., Borst, C., DiVerdi, S., et al., Eds.; Springer: Berlin/Heidelberg, Germany, 2011; pp. 410–420. [Google Scholar]
  49. Fraz, M.M.; Basit, A.; Barman, S.A. Application of Morphological Bit Planes in Retinal Blood Vessel Extraction. J. Digit. Imaging 2013, 26, 274–286. [Google Scholar] [CrossRef] [PubMed]
  50. Vega, R.; Sanchez-Ante, G.; Falcon-Morales, L.E.; Sossa, H.; Guevara, E. Retinal vessel extraction using Lattice Neural Networks with dendritic processing. Comput. Biol. Med. 2015, 58, 20–30. [Google Scholar] [CrossRef] [PubMed]
  51. Li, Q.; Feng, B.; Xie, L.; Liang, P.; Zhang, H.; Wang, T. A Cross-Modality Learning Approach for Vessel Segmentation in Retinal Images. IEEE Trans. Med. Imaging 2016, 35, 109–118. [Google Scholar] [CrossRef]
  52. Liskowski, P.; Krawiec, K. Segmenting Retinal Blood Vessels With Deep Neural Networks. IEEE Trans. Med. Imaging 2016, 35, 2369–2380. [Google Scholar] [CrossRef]
  53. Leopold, H.A.; Orchard, J.; Zelek, J.; Lakshminarayanan, V. Segmentation and feature extraction of retinal vascular morphology. In Proceedings SPIE Medical Imaging; International Society for Optics and Photonics: San Diego, CA, USA, 2017; Volume 10133. [Google Scholar]
  54. Leopold, H.A.; Orchard, J.; Zelek, J.; Lakshminarayanan, V. Use of Gabor filters and deep networks in the segmentation of retinal vessel morphology. In Proceedings SPIE Medical Imaging; International Society for Optics and Photonics: San Diego, CA, USA, 2017; Volume 10068. [Google Scholar]
  55. Mo, J.; Zhang, L. Multi-level deep supervised networks for retinal vessel segmentation. Int. J. Comput. Assist. Radiol. Surg. 2017, 12, 2181–2193. [Google Scholar] [CrossRef]
Figure 1. (a) The overall network architecture is shown, whereby processed image patches are passed through two convolution layers with different filters to create parallel input streams for the encoder. Convolutional downsampling occurred between each ResNet block in the encoder and deconvolutional upsampling in the decoder. Each ResNet block consisted of 4 Gated ResNets, forming encoder–decoder pairs. The output was a vessel mask of equal size to the input. The label was used to train the network. (b) Gated ResNet architecture. (c) Legend for the layers, blocks and connections.
Figure 1. (a) The overall network architecture is shown, whereby processed image patches are passed through two convolution layers with different filters to create parallel input streams for the encoder. Convolutional downsampling occurred between each ResNet block in the encoder and deconvolutional upsampling in the decoder. Each ResNet block consisted of 4 Gated ResNets, forming encoder–decoder pairs. The output was a vessel mask of equal size to the input. The label was used to train the network. (b) Gated ResNet architecture. (c) Legend for the layers, blocks and connections.
Jimaging 05 00026 g001
Figure 2. Network predictions on the DRIVE dataset. The top row shows the image, segmentation masks and ground truth for the image that scored best when DRIVE was used to train and test the model; the bottom row shows the worst. For comparison, the cross-validation results from training the model with STARE and CHASE_DB1 are shown.
Figure 2. Network predictions on the DRIVE dataset. The top row shows the image, segmentation masks and ground truth for the image that scored best when DRIVE was used to train and test the model; the bottom row shows the worst. For comparison, the cross-validation results from training the model with STARE and CHASE_DB1 are shown.
Jimaging 05 00026 g002
Figure 3. Network predictions on the STARE dataset. The top row shows the image, segmentation masks and ground truth for the image that scored best when STARE was used to train and test the model; the bottom row shows the worst. For comparison, the cross-validation results from training the model with DRIVE and CHASE_DB1 are shown.
Figure 3. Network predictions on the STARE dataset. The top row shows the image, segmentation masks and ground truth for the image that scored best when STARE was used to train and test the model; the bottom row shows the worst. For comparison, the cross-validation results from training the model with DRIVE and CHASE_DB1 are shown.
Jimaging 05 00026 g003
Figure 4. Network predictions on the CHASE_DB1 dataset. The top row shows the image, segmentation masks and ground truth for the image that scored best when CHASE_DB1 was used to train and test the model; the bottom row shows the worst. For comparison, the cross-validation results from training the model with STARE and DRIVE are shown.
Figure 4. Network predictions on the CHASE_DB1 dataset. The top row shows the image, segmentation masks and ground truth for the image that scored best when CHASE_DB1 was used to train and test the model; the bottom row shows the worst. For comparison, the cross-validation results from training the model with STARE and DRIVE are shown.
Jimaging 05 00026 g004
Table 1. Key performance indicators.
Table 1. Key performance indicators.
KPIDescriptionValue
True Positive Rate (TPR)Probability of detection T P v e s s e l p i x e l c o u n t
False Positive Rate (FPR)Probability of false detection F P n o n v e s s e l p i x e l c o u n t
Accuracy (Acc)The frequency a pixel is properly classified T P + T N t o t a l p i x e l c o u n t
Sensitivity aka Recall (SN)The proportion of true positive results detected by the classifier T P R or T P T P + F N
Precision (Pr)Proportion of positive samples properly classified T P T P + F P
Specificity (SP)The proportion of negative samples properly classified 1 F P R or T N T N + F P
Kappa ( κ )Agreement between two observers A c c A c c p r o b 1 A c c p r o b
Probability of Agreement ( A c c p r o b )Probability each observer n k i selects a category k for N items 1 N 2 k n k 1 n k 2
G-mean (G)Balance measure of SN and SP S N S P
F1 Score (F1)Harmonic mean of precision and recall 2 T P 2 T P + F P + F N or 2 P r S N P r + S N
Matthews correlation coefficient (MCC)Measure from −1 to 1 of agreement between manual and predicted binary segmentations ( T P / N ) S × P P × S × ( 1 S ) × ( 1 P )
N = TP + FP + TN + FN
S = TP + FN × N
P = TP + FP × N
Table 2. Dataset statistics.
Table 2. Dataset statistics.
DatasetsDRIVESTARECHASE_DB1
Image Dimensions565 × 584700 × 6051280 × 960
Colour ChannelsRGBRGBRGB
Total Images402028
Source Grouping20 train and 20 test-14 Patients
(2 images in each)
Method Summary
Train—Test ScheduleOne-off on 20 train,
test on the other 20
4-fold cross-validation
over 20 images
four-fold cross-validation
over 14 patients
Information Loss5.03486.462118.7500
Table 3. Performance comparison for models trained and tested with DRIVE.
Table 3. Performance comparison for models trained and tested with DRIVE.
MethodsSNSPPrAccAUCkappaGMCCF1
Human (2nd Observer)0.77600.97300.80660.9472-0.75810.86890.76010.7881
Unsupervised Methods
Lam et al. [42]---0.94720.9614----
Azzopardi et al. [8]0.76550.9704-0.94420.9614-0.86190.7475-
Kovács and Hajdu [43]0.72700.9877-0.9494--0.8474--
Zhang et al. [44]0.77430.9725-0.94760.9636-0.8678--
Roychowdhury et al. [45]0.7395± 0.0620.9782± 0.0073-0.9494± 0.0050.9672-0.8505--
Niemeijer et al. [46]0.6793± 0.06990.9801± 0.0085-0.9416± 0.00659294± 0.01520.71450.8160--
Supervised Methods
Soares et al. [10]0.73320.9782-0.9461± 0.00580.96140.72850.8469--
Ricci and Perfetti [3]---0.95950.9633----
Marin et al. [47]0.70670.9801-0.94520.9588-0.8322--
Lupascu et al. [12]---0.9597± 0.00540.95610.72000.8151--
Fraz et al. [48]0.71520.97680.82050.9430--0.83580.73330.7642
Fraz et al. [7]0.74060.9807-0.94800.9747-0.8522--
Fraz et al. [49]0.73020.97420.81120.9422--0.84340.73590.7686
Vega et al. [50]0.74440.9600-0.9412--0.84540.66170.6884
Li et al. [51]0.75690.9816-0.95270.9738-0.8620--
Liskowski et al. [52]0.78110.9807-0.95350.97900.79100.8752--
Leopold et al. [53]0.68230.9801-0.94190.9707-0.8178--
Leopold et al. [54]0.78000.9727-0.94780.9689-0.8710--
Orlando et al. [38]0.78970.96840.7854---0.87410.75560.7857
Mo et al. [55]0.7779± 0.08490.9780± 0.0091-0.9521± 0.00570.9782± 0.00590.7759± 0.03290.8722± 0.0278--
PixelBNN0.6963± 0.04890.9573± 0.00890.7770± 0.04580.9106± 0.01210.8268± 0.02470.6795± 0.04140.8159± 0.02860.6820± 0.03990.7328± 0.0335
Table 4. Performance comparison for models trained and tested with STARE.
Table 4. Performance comparison for models trained and tested with STARE.
MethodsSNSPPrAccAUCkappaGMCCF1
Human (2nd Observer)0.89510.93870.64240.9353-0.70460.91660.72250.7401
Unsupervised Methods
Lam et al. [42]---0.95670.9739----
Azzopardi et al. [8]0.77160.9701-0.94970.9563-0.86520.7335-
Kovács and Hajdu [43]0.76650.9879--0.9711-0.8702--
Zhang et al. [44]0.77910.9758-0.95540.9748-0.8719--
Roychowdhury et al. [45]0.7317± 0.0530.9842± 0.0069-0.9560± 0.00950.9673-0.8486± 0.0178--
Supervised Methods
Soares et al. [10]0.72070.9747-0.94790.9671-0.8381--
Ricci et al. [3]---0.95840.9602----
Marin et al. [47]0.69440.9819-0.95260.9769-0.8257--
Fraz et al. [48]0.74090.96650.73630.9437--0.84620.70030.7386
Fraz et al. [7]0.75480.9763-0.95340.9768-0.8584--
Fraz et al. [49]0.73180.96600.72940.9423--0.84080.69080.7306
Vega et al. [50]0.70190.9671-0.9483--0.82390.59270.6082
Li et al. [51]0.77260.9844-0.96280.9879-0.8721--
Liskowski et al. [52]0.8554± 0.02860.9862± 0.0018-0.9729± 0.00270.9928± 0.00140.8507± 0.01550.9185± 0.0072--
Mo et al. [55]0.8147± 0.03870.9844± 0.0034-0.9674± 0.00580.9885± 0.00350.8163± 0.03100.8955± 0.0115--
Orlando et al. [38]0.76800.97380.7740---0.86280.74170.7644
PixelBNN0.6433± 0.05930.9472± 0.02120.6637± 0.11350.9045± 0.02070.7952± 0.03150.5918± 0.07210.7797± 0.03710.5960± 0.07190.6465± 0.0621
Table 5. Performance comparison for models trained and tested with CHASE_DB1.
Table 5. Performance comparison for models trained and tested with CHASE_DB1.
MethodsSNSPPrAccAUCkappaGMCCF1
Human (2nd Observer)0.74250.97930.80900.9560-0.75290.85270.74750.7686
Unsupervised Methods
Azzopardi et al. [8]0.75850.9587-0.93870.9487-0.85270.6802-
Zhang et al. [44]0.76260.9661-0.94520.9606-0.8583--
Roychowdhury et al. [45]0.7615± 0.05160.9575± 0.003-0.9467± 0.00760.9623-0.8539± 0.0124--
Supervised Methods
Fraz et al. [7]0.72240.9711-0.94690.9712-0.8376--
Li et al. [51]0.75070.9793-0.95810.9716-0.8574--
Liskowski et al. [52]0.7816± 0.01780.9836± 0.0022-0.9628± 0.00200.9823± 0.00160.7908± 0.01110.8768± 0.0063--
Mo et al. [55]0.7661 ± 0.05330.9816± 0.0076-0.9599± 0.00500.9812± 0.00400.8672± 0.02010.7689± 0.0263--
Orlando et al. [38]0.72770.97120.7438---0.84030.70460.7332
PixelBNN0.8618± 0.02320.8961± 0.01500.3951± 0.06030.8936± 0.01380.878959± 0.01380.4889± 0.06090.8787± 0.01400.5376± 0.04910.5391± 0.0587
Table 6. Model performance measures from cross-training.
Table 6. Model performance measures from cross-training.
MethodsSNSPPrAccAUCkappaGMCCF1
Test images from: DRIVE
Model
trained on:
STARE
Soares et al. [10]---0.9397-----
Ricci et al. [3]---0.9266-----
Marin et al. [47]---0.9448-----
Fraz et al. [7]0.72420.9792-0.94560.9697-0.8421--
Li et al. [51]0.72730.9810-0.94860.9677-0.8447--
Liskowski et al. [52]---0.94160.9605----
Mo et al. [55]0.74120.9799-0.94920.9653-0.8522--
PixelBNN0.5110± 0.03620.9533± 0.00940.7087± 0.05540.8748± 0.01260.7322± 0.01990.5193± 0.04040.6974± 0.02580.5309± 0.04220.5907± 0.0348
Model
trained on:
CHASE_DB1
Li et al. [51]0.73070.9811-0.94840.9605-0.8467--
Mo et al. [55]0.73150.9778-0.94600.9650-0.8457--
PixelBNN0.6222± 0.04410.9355± 0.00850.6785± 0.03830.8796± 0.00900.7788± 0.02040.5742± 0.02820.7622± 0.02540.5768± 0.02790.6463± 0.0237
Test images from: STARE
Model
trained on:
DRIVE
Soares et al. [10]---0.9327-----
Ricci et al. [3]---0.9464-----
Marin et al. [47]---0.9528-----
Fraz et al. [7]0.70100.9770-0.94930.9660-0.8276--
Li et al. [51]0.70270.9828-0.95450.9671-0.8310--
Liskowski et al. [52]---0.95050.9595----
Mo et al. [55]0.70090.9843-0.95700.9751-0.8306--
PixelBNN0.7842± 0.05520.9265± 0.01960.6262± 0.11430.9070± 0.01810.8553± 0.03230.6383± 0.09420.8519± 0.03430.6465± 0.08730.6916± 0.0868
Model
trained on:
CHASE_DB1
Li et al. [51]0.69440.9831-0.95360.9620-0.8262--
Mo et al. [55]0.73870.9787-0.95490.9781-0.8503--
PixelBNN0.6973± 0.03720.9062± 0.01890.5447± 0.09570.8771± 0.01570.8017± 0.02260.5353± 0.07180.7941± 0.02450.5441± 0.06490.6057± 0.0674
Test images from: CHASE_DB1
Model
trained on:
DRIVE
Li et al. [51]0.71180.9791-0.94290.9628-0.8348--
Mo et al. [55]0.70030.9750-0.94780.9671-0.8263--
PixelBNN0.9038± 0.01960.8891± 0.00890.3886± 0.05040.8901± 0.00880.8964± 0.01160.4906± 0.05160.8963± 0.01160.5480± 0.04130.5416± 0.0513
Model
trained on:
STARE
Fraz et al. [7]0.71030.9665-0.94150.9565-0.8286--
Li et al. [51]0.72400.9768-0.94170.9553-0.8410--
Mo et al. [55]0.70320.9794-0.95150.9690-0.8299--
PixelBNN0.7525± 0.02330.9302± 0.00660.4619± 0.05700.9173± 0.00590.8413± 0.01320.5266± 0.04820.8365± 0.01430.5475± 0.04120.5688± 0.0475
Table 7. Computation times for different networks using an NVIDIA Titan X.
Table 7. Computation times for different networks using an NVIDIA Titan X.
MethodDescriptionTraining Time
(s/iteration)
Test Time
(s/image)
Liskowski et al. [52]Repurposed MNIST LeNet0.9692
Mo et al. [55]Pre-trained Multi-classifierN/A0.4
PixelBNNProposed Method0.520.0466

Share and Cite

MDPI and ACS Style

Leopold, H.A.; Orchard, J.; Zelek, J.S.; Lakshminarayanan, V. PixelBNN: Augmenting the PixelCNN with Batch Normalization and the Presentation of a Fast Architecture for Retinal Vessel Segmentation. J. Imaging 2019, 5, 26. https://0-doi-org.brum.beds.ac.uk/10.3390/jimaging5020026

AMA Style

Leopold HA, Orchard J, Zelek JS, Lakshminarayanan V. PixelBNN: Augmenting the PixelCNN with Batch Normalization and the Presentation of a Fast Architecture for Retinal Vessel Segmentation. Journal of Imaging. 2019; 5(2):26. https://0-doi-org.brum.beds.ac.uk/10.3390/jimaging5020026

Chicago/Turabian Style

Leopold, Henry A., Jeff Orchard, John S. Zelek, and Vasudevan Lakshminarayanan. 2019. "PixelBNN: Augmenting the PixelCNN with Batch Normalization and the Presentation of a Fast Architecture for Retinal Vessel Segmentation" Journal of Imaging 5, no. 2: 26. https://0-doi-org.brum.beds.ac.uk/10.3390/jimaging5020026

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