Expand this Topic clickable element to expand a topic
Skip to content
Optica Publishing Group

Joint retina segmentation and classification for early glaucoma diagnosis

Open Access Open Access

Abstract

We propose a joint segmentation and classification deep model for early glaucoma diagnosis using retina imaging with optical coherence tomography (OCT). Our motivation roots in the observation that ophthalmologists make the clinical decision by analyzing the retinal nerve fiber layer (RNFL) from OCT images. To simulate this process, we propose a novel deep model that joins the retinal layer segmentation and glaucoma classification. Our model consists of three parts. First, the segmentation network simultaneously predicts both six retinal layers and five boundaries between them. Then, we introduce a post processing algorithm to fuse the two results while enforcing the topology correctness. Finally, the classification network takes the RNFL thickness vector as input and outputs the probability of being glaucoma. In the classification network, we propose a carefully designed module to implement the clinical strategy to diagnose glaucoma. We validate our method both in a collected dataset of 1004 circular OCT B-Scans from 234 subjects and in a public dataset of 110 B-Scans from 10 patients with diabetic macular edema. Experimental results demonstrate that our method achieves superior segmentation performance than other state-of-the-art methods both in our collected dataset and in public dataset with severe retina pathology. For glaucoma classification, our model achieves diagnostic accuracy of 81.4% with AUC of 0.864, which clearly outperforms baseline methods.

© 2019 Optical Society of America under the terms of the OSA Open Access Publishing Agreement

1. Introduction

Glaucoma is the leading cause of irreversible blindness [1], and the early detection of glaucoma is of great significance to cure this disease. Elevated intraocular pressure (IOP), visual field (VF) defect and glaucomatous optic neuropathy (GON) yield three main clinical symptoms for glaucoma diagnosis [2]. Retinal nerve fiber layer (RNFL) thinning is an early signal of glaucoma [2]. The advantages of Optical Coherence Tomography (OCT), such as fast scanning speed, non-invasiveness, high resolution and repeatability, make it widely used in eye disease diagnosis. In clinical practice, ophthalmologists make use of OCT to measure the RNFL thickness of peripapillary regions [3] to diagnose glaucoma. Current clinical OCT machines give high-resolution cross sectional structure of retina, but rough retinal layer segmentation.

 figure: Fig. 1

Fig. 1 Our collected data are circular B-Scans performed in a 3.4mm diameter circle centered at the optic nerve head with depth of 1.9mm. (a) Current clinical RNFL thickness report uses sectoral-based RNFL thickness obtained from automatic segmentation of OCT machine; (b) Entire RNFL thickness vector is adopted in this paper calculated from segmentation results by our proposed approach. We segment the whole circular B-Scan into six layers (from top to bottom): vitreous, NFL (nerve fiber layer), GCL + IPL (ganglion cell layer and inner plexiform layer), INL-RPE (from inner nuclear layer to retinal pigment epithelium), choroid and sclera.

Download Full Size | PDF

One striking characteristic of retina is the strict biological topology, i.e., the distinctive retinal layers reflected in OCT image. Retina has been partitioned into ten layers [4] in medical imaging according to components of cells and biological functions. Retinal layers are naturally distributed in a fixed order. Overlapping or intercross of layers does not exist. Keeping the accurate topology of retina in segmentation is necessary, and also challenging. Previous works [5, 6] proposed using an additional network with the same architecture of segmentation net to rectify the topology error of OCT image segmentation, which was at the price of much more parameters. Another work [7] introduced a new loss measuring the similarity of topological features to restrict the topology error when delineating road maps. We observe that the boundaries between retinal layers are also in a fixed order and thus can be complementary to the retinal layer segmentation. Therefore, our network is designed to detect retinal boundaries and to segment retinal layers simultaneously in a sequential way where the former predicted boundaries give complementary information to guide the latter layer segmentation. And a novel post processing step is added to fuse both results and ensures to obtain topology-correct segmentation results.

Our network adopts fully-convolutional design considering that fully convolutional network (FCN) has shown state-of-the-art performance on pixel-wise labeling in semantic segmentation [8–10] and boundary detection [7, 11]. Convolutional network has strong representation ability of image features and shows state-of-the-art performance in many computer vision tasks such as image classification [12] and object detection [13]. Fully convolutional network takes advantage of convolutional networks to complete the label predictions pixels-to-pixels. Ronneberger et al. [14] proposed a U-shape FCN called U-net to deal with very small training set, especially biomedical images. U-net has been successfully implemented in many tasks of biomedical images segmentation [15]. For OCT segmentation, He et al. [5] proposed a modified U-net called S-net to segment retinal layers combined with an additional identical net to correct topology error of the segmented mask. Other state-of-the-art approaches for retina segmentation include combining graph search with convolutional neural network (CNN-GS) [16, 17] or with recurrent neural network (RNN-GS) [18], however, researches show that these patch-based methods are comparable or slightly inferior to FCN-based model on segmentation performance and take more time for inference [18]. Hence we design our network in a fully-convolutional way.

Most of previous machine learning methods used in glaucoma diagnosis adopt either the vertical cup to disc ratio (CDR) or RNFL thickness as the feature [1, 19] via super pixel segmentation, which is inevitably incomprehensive compared with pixel-wise segmentation. What is worse, current RNFL thickness measurements in clinical OCT reports are summarized in 4 quadrants, 8 quadrants or 12 clock hours [19, 20], or in thickness maps [21]. RNFL is split into 4 or 8 or 12 equal parts and average thickness of each part is reported, which loses local or pixel-level information. However, sectoral-based RNFL thickness report still remains the basis to diagnose glaucoma in clinical practice (see Fig. 1(a)). We claim that it is beneficial for the algorithm to have access to the pixel-level thickness instead of a sectoral-based thickness, as more information can be used and automatically learned by the network. Thickness is defined as the number of pixels of a certain retinal layer at a certain position in this paper (see Fig. 1(b)).

In this paper, we propose a joint segmentation-diagnosis pipeline to detect retinal layer boundaries, segment retinal layers and diagnose glaucoma (see Fig. 2). We achieve topology-correct layer segmentation and complete layer boundaries. Accuracy of glaucoma diagnosis outperforms baseline models. Our main contributions are as follows:

  • We design a sequential multi-task fully convolutional neural network called BL-net to detect boundaries and to segment layers. BL-net utilizes the detected boundaries to facilitate the layer segmentation.
  • We propose a topology refinement strategy called bi-decision to improve the results of layer segmentation. Also, combination strategy is proposed to fuse both layer segmentation and boundary detection results to obtain topology consistent segmentation mask.
  • We design a classification network with an interpretable module to diagnose glaucoma based on the entire RNFL thickness vector calculated from segmentation results.

The rest of this paper is structured as follows. Section 2 details the proposed OCT segmentation and glaucoma diagnosis pipeline. Section 3 presents experimental setting, including details of the dataset, implementation details, baseline models and evaluation metrics. Section 4 shows experimental results, including layer segmentation and boundary detection, glaucoma classification as well as analysis of classification results. Section 5 discusses our method and results compared with current approaches. Conclusions are included in Section 6.

 figure: Fig. 2

Fig. 2 The workflow of segmentation-diagnosis pipeline: BL-net for segmentation, refinement process and classification net.

Download Full Size | PDF

2. Method

Our method consists of three components, the first is proposed BL-net for joint boundary detection and layer segmentation. The coarse results of BL-net are delivered to the second component for refinement. Finally, classification net takes the RNFL thickness vector extracted from segmentation result as feature to diagnose glaucoma.

2.1. BL-net

BL-net consists of two consecutive parts with identical network architecture as shown in Fig. 3: the first is for pixel-wise retinal boundary detection noted as B-part and the second is for pixel-wise retinal layer segmentation noted as L-part. The only difference is the input. OCT image alone is the input of B-part, while the predicted boundary masks from the B-part and OCT image are concatenated together as the input of the L-part. BL-net is the first to simultaneously implement retinal boundary detection and retinal layer segmentation in OCT image. BL-net fuses the information of retinal boundaries with OCT image to facilitate the retinal layer segmentation. This sequential multi-task design is more direct to utilize complementary information of boundaries than Chen et al. [22] using two parallel decoders. The network architecture adopts an encoder-decoder design (See Fig. 3). Encoder of the network consists of four contracting blocks to extract feature. Each block consists of two 3 × 3 convolutions, each convolution is followed by a rectified linear unit (ReLU) and batch normalization [23]. A 2 × 2 max pooling operation with stride 2 connects blocks for downsampling. After each downsampling the number of feature channels is doubled. Decoder of the network consists of a 2 × 2 bilinear upsampling followed by concatenation with the feature map of the third block of encoder and two aforementioned convolutions. The second tolast layer is a 1 × 1 convolution to map final feature vectors to the desired retinal layer. And the last layer is an upsampling operation to map the logits into the same size of the input image followed by a softmax operation. Here the final output is a 6×560×1024 volume. For B-part, it is corresponding to the probability maps of five boundaries between neighboring layers and background; and for L-part, it represents six layers: vitreous, NFL, GCL-IPL, INL-RPE, choroid and sclera.

 figure: Fig. 3

Fig. 3 The architecture of BL-net.

Download Full Size | PDF

BL-net is trained end-to-end and parameters of B-part (wb) and L-part (wl) are updated for the two tasks jointly. Therefore, B-part and L-part learn feature representation and segmentation independently, while the detected boundary from B-part is as extra information to guide the following layer segmentation except for OCT image. The objective function for segmentation consists of two unweighted cross-entropy losses and L2 regularization: Loss_seg = Loss_b + Loss_l + L2, where Loss_b is for per-pixel boundary detection and Loss_l is for pixel-wise layer segmentation. More clearly, we optimize the following function during training BL-net:

Loss_seg=xχlogpb(x,gb(x);wb)xχlogpl(x,gl(x);wb,wl)+α||w||2
where the first two terms are pixel-wise error loss for boundary detection and layer segmentation, and the last term is L2 regularization. x is the pixel position in image space χ, and pb(x,gb(x);wb) is the predicted softmax probability of x with the true boundary label gb(x); similarly, pl(x,gl(x);wb,wl) denotes the predicted softmax probability of x with the true layer label gl(x). α denotes the weight coefficient of regularization. All parameters w are updated with standard back propagation.

2.2. Refinement

It exists that coarse predictions of boundaries and layers are discontinuous and topology-wrong. Hence we propose three strategies to tackle these situations.

2.2.1. Interpolation

Interpolation is adopted to refine incomplete boundaries. Given n pairs of detected boundary coordinates (xj, yj), our goal is to recover the missing boundary height from 1 to 1024 along the width. We adopt the interpolation method proposed in [24], which uses all the observed samples to recover the missing sample as shown in Eq. 2:

f(x)=j=0n1(yjyj+1)σ((βα)Axxj+1xj+(αxj+1βxj)xj+1xj)+ynσ((βα)Axxnxn1+(2αβxnαxn1)xnxn1A)
where interpolation parameters A, α and β are set as 3.2, 1, and -1 respectively. This setting shows good visual effects when interpolating discontinuous boundaries. Except for this approximate neural network (nn) interpolation, we also employ linear interpolation as comparison.

2.2.2. Bi-decision strategy

We devise bi-decision strategy to decide the exact location of boundary in the layer segmentation masks via its two adjacent layers. Take the first boundary as an example: it is the down-boundary of layer 1 and simultaneously the top-boundary of layer 2. If the layer segmentation is perfect, they should completely match each other; otherwise, any noise with these two labels would lead to mismatch. To this end, we propose the location of boundary should be assured if and only if the top- and down- layers touch each other seamlessly.

Our bi-decision strategy can be formulated as Algorithm 1:

Tables Icon

Algorithm 1. Bi-decision strategy

The index(c,l;L) returns a vector of locations of layer l in column c. The output Ml records the exact boundary locations and mask_l records the validity of each entry of Ml.

2.2.3. Combination strategy

We employ combination strategy to combine the results of boundary detection and layer segmentation, and ensures the final results to be topology correct. In our experiment, we observe that the predicted boundaries by B-part are accurate but have a low recall. On the other hand, boundaries from masks of layer segmentation are complete but lack accuracy. For simplicity, we transfer both the segmentation results into two 5 × 1024 boundary location matrices Ml, Mb, where 5 corresponds to the number of boundaries, 1024 is the image width, and each entry of the matrix represents the height of the boundary in the original segmentation map. If a boundary is missing at a certain region, then the matrix will be invalid at the corresponding entry. To cope with this situation, we also generate a binary mask for each matrix, whose entry is 1 if that boundary location is valid and 0 otherwise (see Alg. 2.2.2). Intuitively, we can use interpolation or fill in the missing values by the complementary matrix. On the other hand, since we have ground-truth boundary locations, we can also learn to complement the incomplete boundary location matrix with the complete one.

 figure: Fig. 4

Fig. 4 Network for combination strategy. Mb is the boundary location matrix from coarse predicted boundary mask of B-part, and Ml is the one from the predicted layer mask of L-part refined by bi-decision. This network outputs the final learned location matrix M taking Mb and Ml as inputs.

Download Full Size | PDF

We formulate the complementary strategy with a shallow convolutional network (see Fig. 4):

Mb_l=[Mbmask_b; Mlmask_l]
M=conv(Mb_l)
where Mb, Ml and M are the boundary location matrix from predicted boundary mask, predicted layer mask and the final predicted location matrix, respectively. Mark denotes element-wise multiplication, mask_b and mask_l are weighted matrices functioning on Mb and Ml, respectively. This process can be understood as a simplified implementation of attention. Mb_l is the concatenation of masked Mb and Ml in the channel dimension, followed by a convolutional operation. The convolution combines these two matrices according to the learned weights to get final boundary location matrix.

The way to get Mb is straightforward: the height of the detected boundary in each column is its location. Ml is from refined layer segmentation. In layer segmentation mask, the fact that two adjacent pixels with different labels indicate boundary enables the transformation from layer mask to boundary mask and boundary location matrix. We use Huber loss [25] as the objective function:

Loss_loc={12(yf(x;wi))2,|yf(x)|<δδ|yf(x;wi)|12δ2,otherwise
where y is the ground-truth location matrix, f(x,wi) is the predicted location by the network with parameters wi), and δ is a threshold determining the point of intersection of different sections. This loss function is quadratic for predicted locations near the ground-truths, and linear for those far away from each other. Here we set δ as 1 in a general way [26].

2.3. Classification net

Classification net mimics the process of how ophthalmologists diagnose glaucoma: given the OCT report of sectoral-based RNFL thickness in 8 quadrants or 12 clock hours, if there is a thinning, then there is likely a glaucoma lesion. We formulate this process as a standard inner-product layer with a ReLU unit called unit layer (see Fig. 5) in the neural network, using the entire thickness vector instead of sectoral thickness vector:

unit_layer_output=max(thresholdthicknessI,0)
where (threshold - thickness  I) is the inner product layer, threshold is the bias to be learned, and I is an identity matrix that is fixed during training. Operation max is the ReLU activation. Only the entries of thickness values below the threshold can be activated and passed to following layers, while other entries are zero cleared. In this way, the classification net is no longer a black-box classifier, as we can directly inspect the learned threshold to see if it is meaningful and comparable to the average thickness of glaucomatous patients. This layer is followed by three hidden fully connected layers with 300, 100, and 50 neurons, respectively. Then the output layer predicts the probability of glaucoma with a sigmoid function. Moreover, the classification net can be optimized with BL-net end-to-end, even though they are separately trained in this paper.

 figure: Fig. 5

Fig. 5 Common fully connected layer (a) versus proposed unit layer (b).

Download Full Size | PDF

The objective function of classification is also a cross-entropy loss:

Loss_class=i=0nlogp(ti,g(ti);wc)
where ti is the RNFL thickness vector of i-th sample in n samples of training set, and p(ti,g(ti);wc) is the sigmoid probability of the sample with the ground-truth disease label. We guarantee that all images both in training set and testing set are at the same scale proportion to physical retina structures, and also RNFL thickness vector calculated in pixels are proportional to the true thickness in the real world.

3. Experiments

3.1. Data and preprocessing

Our collected dataset is comprised of 1004 OCT optic nerve scans from Zhongshan Ophthalmic Center of Sun Yat-sen University. Totally 234 subjects with or without glaucoma were enrolled at one to seven visits over a 20-month period in our study. Each subjects provided two to fourteen scans. Images were acquired by peripapillary circular scan using a Topcon DRI-OCT device. The scan was performed in a 3.4mm diameter circle centered at the optic nerve head with depth of 1.9mm. Each scan was automatically segmented by built-in software into six layers: vitreous, NFL (retinal neural fiber layer), GCL-IPL (ganglion cell layer and inner plexiform layer), INL-RPE (from inner nuclear layer to retinal pigment epithelium), choroid and sclera. These images were also manually delineated by three professional doctors in the same way. Correspondingly, the boundaries between layers were extracted as the boundary detection ground-truths. The boundary ground-truth map is also with six labels, i.e., five boundaries and background. We adopted 3-fold cross-validation in our experiments with the intention of obtaining an accurate estimation of the generalizability of our network to unseen data. We randomly split subjects into three subsets: 48 subjects of 341 scans (132 health and 209 glaucoma) in subset1, 66 subjects of 330 scans (120 health and 210 glaucoma) in subset2, and 120 subjects of 333 scans (123 health and 210 glaucoma) in subset3. Of the three subsets, each of them was retained as the validation data for testing the model, and the remaining two subsets were used as training data. After repeating three times, the three results were averaged to produce a final estimation. There is no overlap of subjects among subset1, subset2 and subset3. The resolution of OCT image is about 1.92 microns per pixel in height, and all the scans and ground-truth segmentations are cropped into the size of 560 × 1024.

Except for our collected dataset, we also applied our method to a public dataset [27]. This dataset was acquired using a Spectralis HRA+OCT (Heidelberg Engineering, Heidelberg, Germany). It is comprised of 10 OCT volumes obtained from 10 patients with diabetic macular edema (DME) containing large visible intraretinal cysts. More details were described in [27].

3.2. Implementation details

We trained all networks using Adam [28] implemented in Python 2.7 using TensorFlow [29] with a fixed learning rate of 0.0001 and momentum of 0.9 on GeForce GTX 1080. Adjusting weight balance between glaucoma and healthy images did not bring much improvement, even though the number of glaucoma images is bigger than that of health images.

3.3. Baseline models

For retina segmentation, we compared the performance of our model with the automatic segmentation of OCT device. Also we compared our BL-net with the backbone network separately trained for layer segmentation or boundary detection. Further, we compared our model with other two fully convolutional networks, i.e., U-net [14] which was widely used in medical image segmentation, and S-net + T-net [5] which was exactly designed for retinal layer segmentation. Two baseline models were trained from scratch for layer segmentation on our collected dataset. All the models adopted padded convolutions and reached convergence when stopping training. Even though there are other state-of-the-art methods for retina layer segmentation such as RNN-GS [18] and CNN-GS [16], these patch-based approaches have intrinsic drawbacks. Patch-based approaches involve pre-processing of splitting image into patches around each pixel, make classification decision according to the local features (patch) regardless of global features, and consume much time to predict segmentation. Moreover, fully-convolutional based approach is proven to be comparable and even slightly superior to patch-based approaches [18]. Considering these factors, we compared our approach with other two FCN models. In addition, to further assure the fairness and to show the generalizability of our approach, we trained our model on a public dataset for both seven retinal layers segmentation and total retina thickness segmentation to compare with existing algorithms [27, 30–32] for the same task on the same dataset.

For glaucoma diagnosis, to show the effectiveness of our classification net, SVM [33] was adopted as a baseline. SVM was often used in glaucoma classification [20]. SVM with linear kernel was used as we found it achieved much better results than other kernels such as rbf. To demonstrate the validity of using entire RNFL thickness vector to diagnose glaucoma, VGG16 [34] using OCT images as inputs was adopted as the other baseline. VGG16 was pre-trained with ImageNet and fine-tuned on our collected dataset. In addition, our classification net with sectoral-based thickness was also compared as another baseline.

3.4. Evaluation metrics

To evaluate the layer-based segmentation similarity, we adopt the average Jaccard index J [35] defined as the mean intersection-over-union (mIoU) of each estimated layer and the ground-truth. To evaluate the boundary-based accuracy, we employ average Dice coefficient (F-score) [35] as the metric. Dice coefficient reflects the trade-off between precision and recall. J and Dice are defined as follows using TP (true positive), FP (false positive), TN (true negative) and FN (false negative):

J=1ll=1lLiL_GiLiL_Gi=1ll=1nTPiTPi+FPi+FNi
Dice=1bj=1b2PjRjPj+Rj,Pj=TPjTPj+FPj,Rj=TPjTPj+FNj
where L and L_G are the predicted mask and ground-truth of layer segmentation, l and b are the number of layers to segment and the number of boundaries to detect, respectively. To show the segmentation result of each retinal layer, we provide Dice coefficient for each layer and the average unsigned distance (in pixels) [30] between the ground-truth and computed boundaries of bi-decision for each retinal boundary. For the public dataset, to compare our method to existing algorithms, we also calculate Dice coefficient for each layer and unsigned boundary localization errors (U-BLE) [30] for each boundary. In addition, we use accuracy and area under ROC curve (AUC) to evaluate the performance of classification.

 figure: Fig. 6

Fig. 6 Qualitative results of segmentation on our collected dataset. (a) shows examples of segmentations from BL-net and refinement strategies. (b) shows the refinement process of a bad case’s detected boundaries and segmented layers. U-net and S-net are two baseline models, bi-decision is proposed to refine outputs of the l-part of BL-net, interpolation is proposed to refine outputs of the b-part of BL-net and combination strategy is to fuse the two refined results. Refinement strategies correct topology error of bad segmentations.

Download Full Size | PDF

Tables Icon

Table 1. Average segmentation results using 3-fold cross-validation on our collected dataset. Jaccard index J is used as the region-based metric and Dice coefficient is used as the contour-based metric. ‡: Boundary masks are transformed from predicted layer segmentation. †: Layer masks are transformed from predicted boundaries. *: Statistically significant improvement compared with S-net+T-net (pvalue ≤ 0.1).

4. Results

4.1. Layer segmentation and boundary detection

Results on our collected dataset are shown in Table 1 and Fig. 6. Results of our models include coarse results from BL-net and refined results: bi-decision for coarse layer masks, interpolation for coarse boundary masks, and combination strategy for boundary location matrices from bi-decision result and coarse boundary masks. Our model and baseline models outperformed the built-in algorithm of OCT device with a large margin. Both J and Dice of BL-net are higher than those of separately trained backbone network (see Table 1). Paired T-test shows that the improvement of Dice is statistically significant (pvalue=0.014 for L-part, pvalue=0.018 for B-part). These verify the advantage of our proposed sequential architecture. The following presents the comparison between our model and baseline models.

 figure: Fig. 7

Fig. 7 Illustrations of bi-decision strategy removing the topology error. Take the third boundary for example. The third boundary is the down-boundary of layer 3 and the top-boundary of layer 4. The matched of these two boundaries is assured as the true boundary which is followed by interpolation to produce the final complete one.

Download Full Size | PDF

Tables Icon

Table 2. Dice coefficient for each retinal layer and unsigned boundary localization errors (mean ± standard deviation in pixels) for each retinal boundary of bi-decision.

Coarse results of L-part, with J = 92.8% and Dice = 71.7%, were superior to the performance of S-net with increase of 1.0% and 0.8%, respectively. This demonstrated the effectiveness of detected boundaries on facilitating layer segmentation. Stillcoarse results of L-part achieved better results than S-net + T-net. Further S-net outperformed U-net with more than 2% and 1.5% improvement at these two metrics. In addition, BL-net showed superiority in the load of network with just 5.6 million parameters, less than half of those of S-net. Coarse predicted boundaries by B-part were accurate but incomplete with Dice = 73.2% and J = 69.0%, where Dice was higher but J was much lower compared with results of L-part. In addition, coarse predicted boundaries had a high precision of 75.3% and a relatively low recall of 71.9%, which also reflected the accuracy and discontinuity of direct predicted boundaries.

Bi-decision strategy improved the coarse results of L-part, increasing both J and Dice by 0.2%. It surpassed S-net + T-net by 1.1% on metric J and 0.3% on metric Dice. Bi-decision refined the topology of retina segmentation by removing intra-layer noise. The process of bi-decision is illustrated in Fig. 7. Take the third boundary for example. It is the down-boundary of layer 3 (marked as yellow in layer masks) and the top-boundary of layer 4 (marked as purple in layer masks). The destroyed topology of layer 3 and layer 4 in layer masks leads to the separation between them, causing the incomplete matched boundary. Then interpolation produces the final third boundary. The Dice for each retinal layer and the unsigned boundary localization errors (in pixels) for each retinal boundary are shown is Table 2, which also verifies the effectiveness of bi-decision strategy. In a word, bi-decision strategy effectively rectifies the topology error by utilizing two adjacent layers to decide the boundary.

Tables Icon

Table 3. Comparison of Dice coefficient for each retinal layer on a public dataset. The best performance is shown by bold and the second best is shown by *.

Tables Icon

Table 4. Comparison of unsigned boundary localization errors (in pixels) for each retinal boundary on a public dataset. The best performance is shown by bold.

 figure: Fig. 8

Fig. 8 Examples of seven retinal layers and total retina segmentation on public dataset. (a) For seven retina layers, the first column shows segmented layers, and the second column shows computed boundaries. (b) shows segmentation results for total retina. All segmentations are from l-part of BL-net combined with bi-decision strategy.

Download Full Size | PDF

Both interpolation methods, i.e., nn and linear interpolation, brought a surprisingly large improvement (from 0.690 to 0.912) of the J score of B-part prediction. This makes sense because the predicted boundaries are accurate but discontinuous, which can be further refined by interpolation. On the other hand, the Dice coefficient dropped accordingly by 1.0%, which we think is acceptable. In addition, combination strategy, learning the combination of the results of B-part and L-part, increased J by 1.0% and increased Dice by 0.4% compared with S-net + T-net.

A complete layer segmentation was produced in only 0.32 seconds per image on average during test for l-part in our BL-net. The average time per image combining with bi-decision strategy was 0.94 seconds. This definitely outperforms the results in existing algorithms such as 145 seconds in [18], 43.1 seconds in [16] and 11.4 seconds in [27].

Results on public dataset for seven retinal layers segmentation are shown in Table 3, Table 4 and Fig. 8(a). Our method performed best in one of the seven retinal layers in terms of Dice, and second best in five retinal layers compared with other three recently published papers [27, 30, 31]. Compared with the manual expert 2, our method got higher Dice coefficient in five retinal layers. In addition, our method outperformed both manual expert 2 and paper [30] in delineating all eight retinal boundaries in terms of the unsigned boundary localization errors (see Table 4). For total retina segmentation, the proposed bi-decision strategy with BL-net achieved 0.991 on Dice, surpassing both the method in [32] with 0.969 and the method in [27] with 0.985. Examples of segmentation results are shown in Fig. 8(b).

4.2. Glaucoma classification

The classification results of glaucoma are shown in Table 5 and ROC curves are shown in Fig. 9(a). Our model achieved diagnostic accuracy of 0.814 with AUC of 0.864. The accuracy surpassed SVM by 5.5% and VGG16 by 6.0%. The AUC surpassed SVM by 1.0% and VGG16 by 11.8%. This result indicates that using RNFL thickness vector to diagnose glaucoma was more efficient than using the whole OCT images. In addition, our model using entire RNFL thickness vector outperformed using RNFL thickness sectors (eight quadrants). This verified that the entire RNFL thickness information is necessary for the diagnose of glaucoma.

Tables Icon

Table 5. Diagnosing results (testing set). †: Initialization of bias of the unit layer of classification net. *: Average RNFL thickness in training.

 figure: Fig. 9

Fig. 9 ROC curves for glaucoma classification. (a) shows the performance of different models. (b) shows the performance of our classification net using RNFL thickness vector when covering a specific region. S1, S2 .. S8 sequentially denote each of the region of eight splitting on the vector.

Download Full Size | PDF

4.3. Analysis of classification

We verify that our idea using the entire RNFL thickness vector is better than the traditional sectoral-based thickness to diagnose glaucoma. As Table 5 shows, our net using entire thickness vector outperformed using sectoral-based thickness by 2.9% on accuracy and 6.4% on AUC. Further, we investigated whether some regions of RNFL are more critical than others to diagnose glaucoma. So we equally divided the thickness vector into 8 sections (noted as s1, s2 .. s8), and evaluated the classification performance by randomly setting one section of the vector to 0 during testing. The results are shown in Table 6 and Fig. 9(b). Turning off regions s1, s3, s6 and s8 caused obvious decline of AUC. From a doctor’s view, these regions correspond to those near the temporal quadrant, where glaucomatous optic neuropathy usually starts.

Tables Icon

Table 6. Classification results using the RNFL thickness vector covering a specific region.

5. Discussion

In this paper, we design a novel fully convolutional network called BL-net to segment retinal layers and to detect retinal boundaries simultaneously, propose novel post-processing strategies including bi-decision strategy and combination strategy to improve segmentation results, and leverage the ophthalmologists’ diagnostic strategy to design a simple but interpretable classification network to diagnose glaucoma according to the entire RNFL thickness calculated from segmentation results. Our segmentation-diagnosis pipeline combines retina segmentation and glaucoma diagnosis in a consecutive way, predicting both retina layer and boundary segmentation as well as giving glaucoma diagnosing result. Experimental results on our collected dataset of 234 subjects (1004 images) demonstrate the effectiveness of the proposed segmentation-diagnosis pipeline, and experimental results on public dataset of 10 patients (110 images) with diabetic macular edema show the generalizability of our method.

Our BL-net, a fully convolutional network, is a full image-based approach. Experimental results verify the discussion in [18] that FCN-based approaches are much faster than patch-based approaches. BL-net takes only 0.32 seconds on average to predict a complete retina segmentation for an OCT image, and BL-net plus post-processing take less than 1 second. Since FCN-based approaches are comparable or even slightly superior to patch-based approaches on accuracy and consistency as shown in [18], baseline models for retina segmentation in this paper are all FCN-based models. One baseline model, S-net + T-net, was proposed by He et al. [5] where T-net was designed as an additional net to correct topology error of the segmented mask from S-net to improve the performance. They flattened OCT images and subdivided them into small overlapping patches to train the net. Superior to He et al. [5] and other retina segmentation algorithms [36, 37], our model accepts the whole image as input with no need to flatten or subdivide image, which simplifies the data pre-processing and speeds the inference process. Also BL-net has relatively less parameters (5.6 million) than S-net + T-net (26.8 million).

We design the BL-net as a multi-task FCN to segment retinal layers and to detect retinal boundaries simultaneously. Our idea is inspired by the work of Chen et al. [22], which detects gland objects and contours simultaneously with multi-level features. Different from Chen et al. [22] which mainly aimed at accurately segmenting touching glands, our BL-net is designed to keep the accurate topology of retina in final layer segmentation by leveraging complementary information of layer and boundary. Also instead of just concatenating the up-sampling results of multi-level features with different receptive field sizes, we adopt a skip connection similar with U-net [14] to concatenate features in down-sampling way with up-sampling results. This connection enables our network to learn multi-scale features. Another difference lies in the architecture of network, Chen et al. [22] adopted two branches to implement multi-task, while we design a tandem structure with two consecutive parts to employ two different tasks. In addition, we propose novel refinement strategies, including bi-decision for layer refinement and combination strategies. Bi-decision is proved to be efficient in removing topology errors and achieves good performance in both private and public datasets. Note that the combination strategy does not surpass the bi-decision, the reason lies in the difficulty to learn a proper convolutional filter which fits every point of the retinal boundaries. However, the combination strategy provides a feasible and novel idea to leverage both the boundary location matrix from detected boundaries of B-part and the boundary location matrix from bi-decision of L-part. And the combination net is actually small with only 11 parameters (when the size of convolutional filter set as 1 × 5), so there is little computation. We think this should be of interest and inspiration for future study.

For glaucoma diagnosis, we design a simple classification network with several fully connected layers where the first layer learns the thickness thresholds to keep thinning signals. The input of classification network is the entire RNFL thickness vector calculated from pixel-wise segmentation results. Different from super pixel segmentation adopted by current methods of automatic glaucoma diagnosis [1, 19], pixel to pixel labeling keeps complete and accurate information. Muhammad et al. [38] used convolutional neural network to extract features from OCT images to diagnose glaucoma. Their research focused on the whole image but lacked medical interpretations. Experimental results show our simple classification network using RNFL thickness outperforms deep convolutional neural networks like VGG16 using the whole image. We analyzed the learned thickness thresholds which presented min of 30.7μm, median of 53.8μm, max of 78.7μm, mean of 52.1μm, and standard deviation of 7.27. The learned thickness threshold varied along the RNFL. This verifies that the design of the unit layer in classification network is efficient to learn a unique thickness threshold at each point of RNFL.

More researches directly took conventional RNFL thickness measurements from OCT reports to train a classifier to diagnose glaucoma [39], however, conventional RNFL thickness measurements are often summarized in 4 quadrants, 8 quadrants or 12 clock hours [19,20], or in thickness maps [21], these sectoral-based measurements or maps lose thickness information in more detailed level. Therefore, to avoid problems of using incomprehensive thickness information and getting hardly interpretable diagnosing results [38], we develop a segmentation-diagnosis pipeline for joint pixel-wise retinal layer segmentation, retinal boundary detection and glaucoma diagnosis. Different from [40] which also conducted segmentation of OCT images and diagnosis of general sight-threatening retinal diseases, we utilize the intermediate results (RNFL thickness) of segmentation masks while they directly use the segmentation masks, and we focus on the assistant diagnosis of glaucoma which is not included in [40]. From the segmentation result, we can get the RNFL thickness at each column in the OCT image. Then we use this entire RNFL thickness vector instead of current sectoral-based thickness to train our model to diagnose glaucoma.

It should be noted that BL-net and classification net have not been trained in an end-to-end way due to the intermediate refinement strategies. Actually BL-net and classification net can be optimized end-to-end if without the proposed refinement strategies which are not differentiable. And we have tried fine-tuning the pre-trained BL-net directly combined with the classification net, and found the performance of B-part in BL-net improved, especially the region metric J of coarse prediction increased 9.7%. However, the performance of classification declined 1.3% on AUC compared with separately trained classification net. Future work may investigate the special network design to take place of additional refinement process, thus making the end-to-end training of segmentation-diagnosis possible.

6. Conclusion

We propose a segmentation-diagnosis pipeline for joint retina segmentation and glaucoma diagnosis. Our BL-net outputs retinal boundary mask and retinal layer mask in a sequential way. Proposed bi-decision strategy rectifies the topology error to improve both region connectivity and boundary correctness. Proposed combination strategy utilizes complementary information from both detected boundaries and segmented layers to boost segmentation performance. Our classification net verifies that using entire RNFL thickness vector from segmentation maps is more effective than using sectoral-based RNFL thickness to diagnose glaucoma. Our BL-net combined with refinement strategies achieves state-of-the-art segmentation performance on both our collected dataset and the public dataset. And our method also achieves the best diagnostic accuracy of glaucoma.

Funding

National Key Research and Development Project (2018YFC010302); Science and Technology Program of Guangzhou, China (201803010066); Industrial Collaboration Project (Y9Z005); Shenzhen Research Program (JCYJ20170818164704758, JCYJ20150925163005055).

Disclosures

The authors declare that there are no conflicts of interest related to this article.

References

1. M. E. A. Bechar, N. Settouti, V. Barra, and M. A. Chikh, “Semi-supervised superpixel classification for medical images segmentation: application to detection of glaucoma disease,” Multidimens Syst. Signal Process. pp. 1–20 (2017).

2. M. Usman, M. M. Fraz, and S. A. Barman, “Computer vision techniques applied for diagnostic analysis of retinal oct images: a review,” Arch. Comput. Methods Eng. 24, 449–465 (2017). [CrossRef]  

3. F. A. Medeiros, L. M. Zangwill, L. M. Alencar, C. Bowd, P. A. Sample, R. Susanna, and R. N. Weinreb, “Detection of glaucoma progression with stratus oct retinal nerve fiber layer, optic nerve head, and macular thickness measurements,” Investig. ophthalmology & visual science 50, 5741–5748 (2009). [CrossRef]  

4. F. Shi, X. Chen, H. Zhao, W. Zhu, D. Xiang, E. Gao, M. Sonka, and H. Chen, “Automated 3-d retinal layer segmentation of macular optical coherence tomography images with serous pigment epithelial detachments,” IEEE transactions on medical imaging 34, 441–452 (2015). [CrossRef]  

5. Y. He, A. Carass, Y. Yun, C. Zhao, B. M. Jedynak, S. D. Solomon, S. Saidha, P. A. Calabresi, and J. L. Prince, “Towards topological correct segmentation of macular oct from cascaded fcns,” in Fetal, Infant and Ophthalmic Medical Image Analysis, (Springer, 2017), pp. 202–209. [CrossRef]  

6. Y. He, A. Carass, B. M. Jedynak, S. D. Solomon, S. Saidha, P. A. Calabresi, and J. L. Prince, “Topology guaranteed segmentation of the human retina from oct using convolutional neural networks,” arXiv preprint arXiv:1803.05120 (2018).

7. A. Mosinska, P. Marquez Neila, M. Kozinski, and P. Fua, “Beyond the pixel-wise loss for topology-aware delineation,” in Conference on Computer Vision and Pattern Recognition (CVPR), (2018), CONF.

8. J. Long, E. Shelhamer, and T. Darrell, “Fully convolutional networks for semantic segmentation,” in Proceedings of the IEEE conference on computer vision and pattern recognition, (2015), pp. 3431–3440.

9. L. C. Chen, G. Papandreou, I. Kokkinos, K. Murphy, and A. L. Yuille, “Semantic image segmentation with deep convolutional nets and fully connected crfs,” Comput. Sci. pp. 357–361 (2014).

10. L.-C. Chen, G. Papandreou, I. Kokkinos, K. Murphy, and A. L. Yuille, “Deeplab: Semantic image segmentation with deep convolutional nets, atrous convolution, and fully connected crfs,” IEEE transactions on pattern analysis machine intelligence 40, 834–848 (2018). [CrossRef]  

11. S. Xie and Z. Tu, “Holistically-nested edge detection,” in Proceedings of the IEEE international conference on computer vision, (2015), pp. 1395–1403.

12. A. Krizhevsky, I. Sutskever, and G. E. Hinton, “Imagenet classification with deep convolutional neural networks,” in Advances in neural information processing systems, (2012), pp. 1097–1105.

13. R. Girshick, J. Donahue, T. Darrell, and J. Malik, “Rich feature hierarchies for accurate object detection and semantic segmentation,” in Proceedings of the IEEE conference on computer vision and pattern recognition, (2014), pp. 580–587.

14. O. Ronneberger, P. Fischer, and T. Brox, “U-net: Convolutional networks for biomedical image segmentation,” in International Conference on Medical image computing and computer-assisted intervention, (Springer, 2015), pp. 234–241.

15. Ö. Çiçek, A. Abdulkadir, S. S. Lienkamp, T. Brox, and O. Ronneberger, “3d u-net: learning dense volumetric segmentation from sparse annotation,” in International Conference on Medical Image Computing and Computer-Assisted Intervention, (Springer, 2016), pp. 424–432.

16. L. Fang, D. Cunefare, C. Wang, R. H. Guymer, S. Li, and S. Farsiu, “Automatic segmentation of nine retinal layer boundaries in oct images of non-exudative amd patients using deep learning and graph search,” Biomed. optics express 8, 2732–2744 (2017). [CrossRef]  

17. J. Hamwood, D. Alonso-Caneiro, S. A. Read, S. J. Vincent, and M. J. Collins, “Effect of patch size and network architecture on a convolutional neural network approach for automatic segmentation of oct retinal layers,” Biomed. Opt. Express 9, 3049–3066 (2018). [CrossRef]   [PubMed]  

18. J. Kugelman, D. Alonso-Caneiro, S. A. Read, S. J. Vincent, and M. J. Collins, “Automatic segmentation of oct retinal boundaries using recurrent neural networks and graph search,” Biomed. Opt. Express 9, 5759–5777 (2018). [CrossRef]   [PubMed]  

19. J. Xu, H. Ishikawa, G. Wollstein, R. A. Bilonick, L. S. Folio, Z. Nadler, L. Kagemann, and J. S. Schuman, “Three-dimensional spectral-domain optical coherence tomography data analysis for glaucoma detection,” PloS one 8, e55476 (2013). [CrossRef]   [PubMed]  

20. D. Bizios, A. Heijl, J. L. Hougaard, and B. Bengtsson, “Machine learning classifiers for glaucoma diagnosis based on classification of retinal nerve fibre layer thickness parameters measured by stratus oct,” Acta ophthalmologica 88, 44–52 (2010). [CrossRef]   [PubMed]  

21. K. Vermeer, J. Van der Schoot, H. Lemij, and J. De Boer, “Automated segmentation by pixel classification of retinal layers in ophthalmic oct images,” Biomed. optics express 2, 1743–1756 (2011). [CrossRef]  

22. H. Chen, X. Qi, L. Yu, and P.-A. Heng, “Dcan: deep contour-aware networks for accurate gland segmentation,” in Proceedings of the IEEE conference on Computer Vision and Pattern Recognition, (2016), pp. 2487–2496.

23. S. Ioffe and C. Szegedy, “Batch normalization: Accelerating deep network training by reducing internal covariate shift,” arXiv preprint arXiv:1502.03167 (2015).

24. B. Llanas and F. Sainz, “Constructive approximate interpolation by neural networks,” J. Computat. Appl. Math. 188, 283–308 (2006). [CrossRef]  

25. P. J. Huber, et al., “Robust estimation of a location parameter,” The annals mathematical statistics 35, 73–101 (1964). [CrossRef]  

26. S. Olut, Y. H. Sahin, U. Demir, and G. Unal, “Generative adversarial training for mra image synthesis using multi-contrast mri,” arXiv preprint arXiv:1804.04366 (2018).

27. S. J. Chiu, M. J. Allingham, P. S. Mettu, S. W. Cousins, J. A. Izatt, and S. Farsiu, “Kernel regression based segmentation of optical coherence tomography images with diabetic macular edema,” Biomed. optics express 6, 1172–1194 (2015). [CrossRef]  

28. D. P. Kingma and J. Ba, “Adam: A method for stochastic optimization,” arXiv preprint arXiv:1412.6980 (2014).

29. M. Abadi, P. Barham, J. Chen, Z. Chen, A. Davis, J. Dean, M. Devin, S. Ghemawat, G. Irving, M. Isard, et al., “Tensorflow: a system for large-scale machine learning,” in OSDI, vol. 16 (2016), pp. 265–283.

30. A. Chakravarty and J. Sivaswamy, “A supervised joint multi-layer segmentation framework for retinal optical coherence tomography images using conditional random field,” Comput. methods programs biomedicine 165, 235–250 (2018). [CrossRef]  

31. A. G. Roy, S. Conjeti, S. P. K. Karri, D. Sheet, A. Katouzian, C. Wachinger, and N. Navab, “Relaynet: retinal layer and fluid segmentation of macular optical coherence tomography using fully convolutional networks,” Biomed. optics express 8, 3627–3642 (2017). [CrossRef]  

32. F. G. Venhuizen, B. van Ginneken, B. Liefers, M. J. van Grinsven, S. Fauser, C. Hoyng, T. Theelen, and C. I. Sánchez, “Robust total retina thickness segmentation in optical coherence tomography images using convolutional neural networks,” Biomed. optics express 8, 3292–3316 (2017). [CrossRef]  

33. J. A. K. Suykens and J. Vandewalle, “Least squares support vector machine classifiers,” Neural Process. Lett. 9, 293–300 (1999). [CrossRef]  

34. K. Simonyan and A. Zisserman, “Very deep convolutional networks for large-scale image recognition,” Comput. Sci. (2014).

35. F. Perazzi, J. Pont-Tuset, B. McWilliams, L. Van Gool, M. Gross, and A. Sorkine-Hornung, “A benchmark dataset and evaluation methodology for video object segmentation,” in The IEEE Conference on Computer Vision and Pattern Recognition (CVPR), (2016).

36. A. Lang, A. Carass, M. Hauser, E. S. Sotirchos, P. A. Calabresi, H. S. Ying, and J. L. Prince, “Retinal layer segmentation of macular oct images using boundary classification,” Biomed. optics express 4, 1133–1152 (2013). [CrossRef]  

37. S. J. Chiu, X. T. Li, P. Nicholas, C. A. Toth, J. A. Izatt, and S. Farsiu, “Automatic segmentation of seven retinal layers in sdoct images congruent with expert manual segmentation,” Opt. express 18, 19413–19428 (2010). [CrossRef]   [PubMed]  

38. H. Muhammad, T. J. Fuchs, N. De Cuir, C. G. De Moraes, D. M. Blumberg, J. M. Liebmann, R. Ritch, and D. C. Hood, “Hybrid deep learning on single wide-field optical coherence tomography scans accurately classifies glaucoma suspects,” J. glaucoma 26, 1086–1094 (2017). [CrossRef]  

39. K. Omodaka, G. An, S. Tsuda, Y. Shiga, N. Takada, T. Kikawa, H. Takahashi, H. Yokota, M. Akiba, and T. Nakazawa, “Classification of optic disc shape in glaucoma using machine learning based on quantified ocular parameters,” PloS one 12, e0190012 (2017). [CrossRef]  

40. J. De Fauw, J. R. Ledsam, B. Romera-Paredes, S. Nikolov, N. Tomasev, S. Blackwell, H. Askham, X. Glorot, B. O’Donoghue, D. Visentin, et al., “Clinically applicable deep learning for diagnosis and referral in retinal disease,” Nat. medicine 24, 1342 (2018). [CrossRef]  

Cited By

Optica participates in Crossref's Cited-By Linking service. Citing articles from Optica Publishing Group journals and other participating publishers are listed here.

Alert me when this article is cited.


Figures (9)

Fig. 1
Fig. 1 Our collected data are circular B-Scans performed in a 3.4mm diameter circle centered at the optic nerve head with depth of 1.9mm. (a) Current clinical RNFL thickness report uses sectoral-based RNFL thickness obtained from automatic segmentation of OCT machine; (b) Entire RNFL thickness vector is adopted in this paper calculated from segmentation results by our proposed approach. We segment the whole circular B-Scan into six layers (from top to bottom): vitreous, NFL (nerve fiber layer), GCL + IPL (ganglion cell layer and inner plexiform layer), INL-RPE (from inner nuclear layer to retinal pigment epithelium), choroid and sclera.
Fig. 2
Fig. 2 The workflow of segmentation-diagnosis pipeline: BL-net for segmentation, refinement process and classification net.
Fig. 3
Fig. 3 The architecture of BL-net.
Fig. 4
Fig. 4 Network for combination strategy. Mb is the boundary location matrix from coarse predicted boundary mask of B-part, and Ml is the one from the predicted layer mask of L-part refined by bi-decision. This network outputs the final learned location matrix M taking Mb and Ml as inputs.
Fig. 5
Fig. 5 Common fully connected layer (a) versus proposed unit layer (b).
Fig. 6
Fig. 6 Qualitative results of segmentation on our collected dataset. (a) shows examples of segmentations from BL-net and refinement strategies. (b) shows the refinement process of a bad case’s detected boundaries and segmented layers. U-net and S-net are two baseline models, bi-decision is proposed to refine outputs of the l-part of BL-net, interpolation is proposed to refine outputs of the b-part of BL-net and combination strategy is to fuse the two refined results. Refinement strategies correct topology error of bad segmentations.
Fig. 7
Fig. 7 Illustrations of bi-decision strategy removing the topology error. Take the third boundary for example. The third boundary is the down-boundary of layer 3 and the top-boundary of layer 4. The matched of these two boundaries is assured as the true boundary which is followed by interpolation to produce the final complete one.
Fig. 8
Fig. 8 Examples of seven retinal layers and total retina segmentation on public dataset. (a) For seven retina layers, the first column shows segmented layers, and the second column shows computed boundaries. (b) shows segmentation results for total retina. All segmentations are from l-part of BL-net combined with bi-decision strategy.
Fig. 9
Fig. 9 ROC curves for glaucoma classification. (a) shows the performance of different models. (b) shows the performance of our classification net using RNFL thickness vector when covering a specific region. S1, S2 .. S8 sequentially denote each of the region of eight splitting on the vector.

Tables (7)

Tables Icon

Algorithm 1 Bi-decision strategy

Tables Icon

Table 1 Average segmentation results using 3-fold cross-validation on our collected dataset. Jaccard index J is used as the region-based metric and Dice coefficient is used as the contour-based metric. ‡: Boundary masks are transformed from predicted layer segmentation. †: Layer masks are transformed from predicted boundaries. *: Statistically significant improvement compared with S-net+T-net (pvalue ≤ 0.1).

Tables Icon

Table 2 Dice coefficient for each retinal layer and unsigned boundary localization errors (mean ± standard deviation in pixels) for each retinal boundary of bi-decision.

Tables Icon

Table 3 Comparison of Dice coefficient for each retinal layer on a public dataset. The best performance is shown by bold and the second best is shown by * .

Tables Icon

Table 4 Comparison of unsigned boundary localization errors (in pixels) for each retinal boundary on a public dataset. The best performance is shown by bold.

Tables Icon

Table 5 Diagnosing results (testing set). †: Initialization of bias of the unit layer of classification net. *: Average RNFL thickness in training.

Tables Icon

Table 6 Classification results using the RNFL thickness vector covering a specific region.

Equations (9)

Equations on this page are rendered with MathJax. Learn more.

L o s s _ s e g = x χ log p b ( x , g b ( x ) ; w b ) x χ log p l ( x , g l ( x ) ; w b , w l ) + α | | w | | 2
f ( x ) = j = 0 n 1 ( y j y j + 1 ) σ ( ( β α ) A x x j + 1 x j + ( α x j + 1 β x j ) x j + 1 x j ) + y n σ ( ( β α ) A x x n x n 1 + ( 2 α β x n α x n 1 ) x n x n 1 A )
M b _ l = [ M b m a s k _ b ;   M l m a s k _ l ]
M = conv ( M b _ l )
L o s s _ l o c = { 1 2 ( y f ( x ; w i ) ) 2 , | y f ( x ) | < δ δ | y f ( x ; w i ) | 1 2 δ 2 , otherwise
u n i t _ l a y e r _ o u t p u t = max ( t h r e s h o l d t h i c k n e s s I , 0 )
L o s s _ c l a s s = i = 0 n log p ( t i , g ( t i ) ; w c )
J = 1 l l = 1 l L i L _ G i L i L _ G i = 1 l l = 1 n T P i T P i + F P i + F N i
D i c e = 1 b j = 1 b 2 P j R j P j + R j , P j = T P j T P j + F P j , R j = T P j T P j + F N j
Select as filters


Select Topics Cancel
© Copyright 2024 | Optica Publishing Group. All rights reserved, including rights for text and data mining and training of artificial technologies or similar technologies.