1 Introduction

Coronary atherosclerotic heart disease (CAD) [1, 2] is one of the leading health problems in the world. It has characteristics of high morbidity, mortality and patients number. Acute coronary syndrome (ACS) is the most dangerous symptoms in CAD. And vulnerable plaque rupture is the main cause of ACS, which will lead to vessel blockage, myocardial ischemia and even necrosis. In CAD diagnosis, a good plaque detection and segmentation result of intravascular optical coherence tomography (IV-OCT) images can provide effective information of coronary artery stenosis and lesions for doctors. Therefore, it has great significance to propose an accurate plaque detection and segmentation approach.

Table 1 The comparison of IV-OCT-related works in terms of Jaccard similarity (JS) and accuracy

In recent years, many researches have done the classification and segmentation of the vessel lumen and plaque in IV-OCT images. They are presented in Table  1. In terms of the plaque segmentation, Athanasiou et al. [12] proposed a fully automated segmentation method based on K-means clustering. In terms of plaque classification, Athanasiou et al. [10] introduced the random forest (RF) to classify the plaque. And Gessert et al. [11] proposed deep learning based method for the classification of Cartesian and polar coordinate IV-OCT images. In Xu et al. [7, 8] article, they employed the deep feature and support vector machine (SVM) to classify IV-OCT images. But reference [12] faced the problems of poor segmentation accuracy, and they [7, 10] need relatively large dataset to improve accuracy. This is mainly because the uncertainty of plaque position, size, and shape in IV-OCT images.

To solve the above problems, we introduce the convolutional neural networks (CNN), which has been widely used in the detection and classification of various images and has achieved surprisingly good results. From the first application of CNN in object detection field by R-CNN [13], to the reduction of repeated computation by fast R-CNN, to the further improvement of real-time performance of target detection algorithm by faster R-CNN [14], many improvements have been proposed to enhance the accuracy of faster R-CNN. For example, In [15], Sun et al. improved faster R-CNN framework for object detection, which includes the feature concatenation, hard negative mining, multi-scale training and model pre-training. Therefore, we consider the application of faster R-CNN-based method to detect and locate the plaque of IV-OCT images.

Fig. 1
figure 1

The structure of faster R-CNN

We know that the active contour model (ACM) has been proven to be a successful application on both nature and medical images, but it is rarely applied to plaque segmentation of IV-OCT images. At present, many improvement have been proposed to solve some limitations of the Chan–Vese (CV) [16] and local binary fitting (LBF) models [17]. In [18], Zhao et al. proposed an improved ACM in a variational level set function, which integrated the local and global intensity information of image effectively. In [19], Song et al. introduced a novel framework that employed color and texture features to delineate megakaryocytic nuclei and uses a novel dual-channel ACM to delineate its boundary. Munir et al. [20] proposed that the image convolved by a variable kernel into an energy formulation, where width of the kernel varies in each iteration. It solves the problem of detecting objects having intensity differences inside them. All these approaches improve the segmentation accuracy on images with weak edges and inhomogeneities by combining CV and LBF models, but they are more or less susceptible to initial parameters and computational complexity and sensitive to noise. Because IV-OCT image contains a large amount of Speckle noise, those methods cannot be directly used for plaque segmentation of IV-OCT images.

In addition, we need to improve the adaptability of ACM to Speckle noise. Recently, the effective denoising methods are fourth-order partial differential equation (PDE)-based methods. In [21], Srivastava et al. presented a fourth-order PDE-based nonlinear filter adapted to Speckle noise with Rayleigh distribution in IV-OCT images. And in [22], Kumar et al. also proposed a hybrid approach which contain the PDE and fuzzy c-means (FCM) for Poisson noise removal and microbiopsy images segmentation. Moreover, PDE-based method and ACM are also implemented by minimizing the energy functional. Therefore, we take account into a new way to combine the energy function of PDE and ACM, OCT image with high level Speckle noise can be segmented.

In this paper, we propose a hybrid framework for plaque detection and segmentation in IV-OCT images based on faster R-CNN, fourth-order PDE and global-local ACM (FPDE-GLACM). Our framework employs faster R-CNN to detect the plaque location. And then PDE-GLACM is used to segment the plaque. The proposed approach is able to implement plaque segmentation and Speckle noise removal in a single process. Extensive experiments demonstrate that the proposed method has better comprehensive performance compared with other existing methods.

The rest of this paper is organized as follows. Section 2 introduces the proposed FPDE-GLACM for plaque detection and segmentation. And in Sect. 3, we present and discuss the experimental results of our approach comparison with other exciting methods. Finally, we draw conclusions in Sect. 4.

2 Proposed method

In this section, we introduce an automatic hybrid framework for plaque detection and segmentation in IV-OCT images. The plaque detection steps are introduced in Sect. 2.1. The contour initialization is presented in Sect. 2.2. And in Sect. 2.3, we exhibit the details of plaque segmentation.

2.1 The plaque detection

In image object detection, the advantages of deep learning methods have been proved. For one thing, we perform data augmentation to enrich training set, specifically in image rotate, flip and add noise. And for another, we choose faster R-CNN-based method to achieve plaque detection in IV-OCT images.

Faster R-CNN consists of three parts: the feature extraction, the region proposal, the object classification and refinement. The overall structure is shown in Fig. 1.

In the first part, we introduce some typical network structure of feature extraction, which are VGG [23], GoogLeNet [24], and ResNets [25]. Considering the second part, i.e., the region proposal networks (RPN) which outputs a series of candidate regions. And traditional faster R-CNN used 9 anchors, which sometimes leads to fail recall for some irregular-shape plaques in IV-OCT images. Therefore, we introduce four scales and three aspect ratios, yielding \(k=12\) anchors at each sliding position [15]. By default, reference frame length and width are (64, 64), \((32\sqrt{2}, 64\sqrt{2})\), \((64\sqrt{2}, 32\sqrt{2})\), (128, 128), \((64\sqrt{2}, 128\sqrt{2})\), \((128\sqrt{2}, 64\sqrt{2})\), (256, 256), \((128\sqrt{2}, 256\sqrt{2})\), \((256\sqrt{2}, 128\sqrt{2})\), (512, 512), \((256\sqrt{2}, 512\sqrt{2})\), \((512\sqrt{2}, 256\sqrt{2})\). Moreover, the performance of above network structures combined with 9 and 12 anchors is discussed. And Sect. 3 lists corresponding evaluation results. From these results, we employ ResNets101 with 12 anchors as the best model for our faster R-CNN. Finally, the third part uses existing branches for classification and bounding-box regression to obtain plaque area detection result in IV-OCT images.

2.2 Selection of initial contour

The detection box of plaque areas was obtained by IV-OCT sequence images after using faster R-CNN. In order to further segment plaque area accurately, we introduce the initial contour of proposed FPDE-GLACM. For most methods based on ACM, a good initial contour can improve performance of segmentation. In addition, the detection box provided by faster R-CNN can effectively provide the plaque location, size and shape. It can solve the difficulty of initial contour setting due to the uncertainty of above plaque conditions. Therefore, we come up with a good choice that using faster R-CNN to provide the initial contour for PDE-GLACM. An initial contour example is shown in Fig. 2.

Fig. 2
figure 2

The example of initial contour (in green) and ground truth (in red) (color figure online)

2.3 The proposed FPDE-GLAC model

Most ACM-based methods are sensitive to noise, and IV-OCT images contain a large amount of Speckle noise. The fourth-order PDE-based method can remove noise through minimizing the objective function. Similarly, the ACM-based method also segments image by minimizing the energy functional. Therefore, we propose a hybrid segmentation model based on fourth-order PDE combined with global-local ACM, whose name is PDE-GLACM. It can segment plaque area more accurately for IV-OCT images with high-level Speckle noise. And its introduction is as follows.

Figure 3 shows the whole plaque segmentation process of proposed PDE-GLACM. To be specific, first of all, the detection result obtained by faster R-CNN is used as initial contour of PDE-GLACM. Then, we get an anisotropic diffusion image by minimizing the objective function and take it as input of Gaussian function to generate the Gaussian image. Afterward, we subtract the Gaussian image from the anisotropic diffusion image to produce the edge guide image. Moreover, we obtain the evolution image by minimizing the energy functional. Finally, for the energy functional convergence, the segmentation result is received. Instead, the evolution image is sent to PDE-GLACM to get a new anisotropic diffusion image and we will continue the above steps until it convergence.

Fig. 3
figure 3

The workflow of proposed FPDE-GLAC

In the first stage, we exhibit the fourth-order PDE part. It can better preserve the edge information while removing noise. IV-OCT image contains a lot of Speckle noise, and these noise follow Rayleigh distribution [21, 22], it can describe as:

$$\begin{aligned} P(I|{I_0}) = \frac{{\pi u}}{{2I_0^2}}\exp \left( { - \frac{{\pi {u^2}}}{{4I_0^2}}} \right) , \end{aligned}$$
(1)

where \({I_0}\) is original image and I is the restored image. And the maximum likelihood estimate of \({I_0}\) can be obtained by minimizing (1)

$$\begin{aligned} {L_1}(I|{I_0}) = \ln p(I|{I_0}) = \ln \left( {\frac{{\pi I}}{{2I_0^2}}} \right) - \frac{{\pi {I^2}}}{{4I_0^2}}. \end{aligned}$$
(2)

Then the objective function of fourth-order PDE can be defined as

$$\begin{aligned} E(I) = \int {_\varOmega } \left[ {{L_1}(I|{I_0}) + \lambda \zeta (||{\nabla ^2}I||)} \right] \mathrm{d}\varOmega . \end{aligned}$$
(3)

To remove Speckle noise in IV-OCT images, the Euler–Lagrange equation and gradient decent is used to minimize the objective function (3), and it can be rewritten as

$$\begin{aligned} \frac{{\partial I}}{{\partial t}} = \frac{{\pi {I^2} - 2I_0^2}}{{2I_0^2I}} - \lambda {\nabla ^2}\left[ {\xi (||{\nabla ^2}I||){\nabla ^2}I} \right] , \end{aligned}$$
(4)

where diffusion coefficient \(\xi \) is defined by

$$\begin{aligned} \xi (||{\nabla ^2}I||) = \frac{1}{{1 + {{\left( {\frac{{||{\nabla ^\mathrm{{2}}}I||}}{K}} \right) }^2}}}, \end{aligned}$$
(5)

where K is given by [21]

$$\begin{aligned} K = 1.4826 \mathrm{{median[||}}\nabla I||\mathrm{{ - median(||}}\nabla I\mathrm{{||)]}}. \end{aligned}$$
(6)

In the second stage, we propose the GLACM part which considers both local and global information of IV-OCT images to segment plaque area precisely. Then, we define the energy functional of GLACM as follows

$$\begin{aligned} E = \omega {{E^\mathrm{g}}} + (1 - \omega ) {{E^\mathrm{l}}} + \mu {{E^\mathrm{p}}} + \nu {{E^\mathrm{r}}}, \end{aligned}$$
(7)

where \({{E^\mathrm{g}}}\) is global energy item, \({{E^\mathrm{l}}}\) is local energy item, \({{E^\mathrm{p}}}\) is regularization item, \({{E^\mathrm{r}}}\) is length constraint item, and \(\omega \), \(1-\omega \), \(\mu \), \(\nu \) are their parameters, respectively. The proposed global energy item \({{E^\mathrm{g}}}\) in our model is given by

$$\begin{aligned} \begin{aligned} {{E^\mathrm{g}}}&= {\lambda _1}\int {_{{C_{in}}}} {\left| {PI(x) - {g_1}(x)} \right| ^2}\mathrm{d}x \\&\quad + {\lambda _2}\int {_{{C_{out}}}} {\left| {PI(x) - {g_2}(x)} \right| ^2}\mathrm{d}x \end{aligned}, \end{aligned}$$
(8)

where \({g_1}\) and \({g_2}\) are the average intensities of PI(x) inside and outside of the contour C.

The edge guide image PI(x) is obtained by subtracting the anisotropic diffusion image from original image after Gaussian transformation. That is why PI(x) can clearly display plaque edge information and increase the difference between plaque and non-plaque. Using PI(x) instead of original image in CV model to drive the evolution contour C can effectively improve the segmentation effect of plaque area and avoid error segmentation. It can be defined as follows

$$\begin{aligned} PI(x) = P(x) - I(x), \end{aligned}$$
(9)

where P(x) is Gaussian function.

$$\begin{aligned} P\left( x \right) = \frac{1}{{\sqrt{2\pi } \sigma }}\exp \left( { - \frac{{{{\left( {I(x) - M} \right) }^2}}}{{2{\sigma ^2}}}} \right) , \end{aligned}$$
(10)

where I(x) is original gray image, M and \(\sigma \) are the mean and the standard deviation of pixel intensity within initial evolution contour C.

Since plaque area can reach 60–70% in initial area, the intensity mean and standard deviation of initial area are close to the intensity distribution of plaque area. Therefore, it is concluded that the larger the Gaussian value of the pixel indicates it’s intensity close to the mean, which increases the possibility of being a plaque. Then, we subtract the Gaussian image from the anisotropic diffusion image to obtain the edge guide image, which has clearer plaque edge information and increases difference between plaque and non-plaques and use it as the input image to make the FPDE-GLACM more easily and accurately adhere to plaque boundaries.

The proposed local energy item \({{E^\mathrm{l}}}\) in our model is defined as follows: LBF model only uses original image and ignores image edge information. Thus, LBF model may cause the problem of edge leakage especially plaque segmentation in IV-OCT images. The local part of GLACM uses edge guide image instead of the original image.

$$\begin{aligned} \begin{aligned} {{E^\mathrm{l}}}&= {\lambda _1}\int { {\int {_{{C_{in}}}G * |PI(x) - {f_1}{|^2}} dx} } \mathrm{d}y \\&\quad + {\lambda _\mathrm{{2}}}\int { {\int {_{{C_{out}}}G * |PI(x) - {f_2}{|^2}dx} } } \mathrm{d}y \end{aligned}, \end{aligned}$$
(11)

where \({f_1}\) and \({f_2}\) are two smooth functions to approximate the neighborhood intensity of pixel x. G is the Gaussian kernel.

To improve segmentation efficiency of this model and avoid complicated level set re-initialization process, the regularization item \({{E^\mathrm{p}}}\) is added to the energy functional. Its expression is

$$\begin{aligned} {{E^\mathrm{p}}} = \int {\frac{\mathrm{{1}}}{\mathrm{{2}}}} (|\nabla \varphi (x) - 1{|^2})dx. \end{aligned}$$
(12)

In addition, to ensure the smoothness of evolution contour, we also add the length constraint item \({{E^\mathrm{r}}}\) in the energy functional that is expressed as

$$\begin{aligned} {{E^\mathrm{r}}} = \int {|\nabla H(\varphi (x))|dx}. \end{aligned}$$
(13)

To better solve the proposed energy functional (7), we introduce the regularized Heaviside function and Dirac function:

$$\begin{aligned} H(x)= & {} \frac{1}{2}\left[ {1 + \frac{2}{\pi }\arctan \left( {\frac{x}{\varepsilon }} \right) } \right] , \end{aligned}$$
(14)
$$\begin{aligned} \delta (x)= & {} H'(x) = \frac{1}{\pi }\frac{\varepsilon }{{{\varepsilon ^2} + {x^2}}}. \end{aligned}$$
(15)

Then, we use level set function \(\varphi (x)\) instead of evolution curve C, by combining (14) and (15), the energy functional (7) can be rewritten as follows

$$\begin{aligned}&{E^{\mathrm{GLAC}}} = \mu \int {\frac{1}{2}} (|\nabla \varphi (x) - 1{|^2})dx + \nu \int {|\nabla H(\varphi (x))|dx} \nonumber \\&\quad + \omega \left\{ {{\lambda _1}\int {|PI(x) - {g_1}{|^2}} H(\varphi (x))dx} \right. \nonumber \\&\quad + {\lambda _2}\left. {\int {|PI(x) - {g_2}{|^2}} (1 - H(\varphi (x)))dx} \right\} \nonumber \\&\quad + (1 - \omega )\left\{ {{\lambda _1}\int {\int {G * {{\left| {PI(x) - {f_1}} \right| }^2}H(\varphi (x))dx} \mathrm{d}y} } \right. \nonumber \\&\quad + {\lambda _2}\left. {\int {\int {G * {{\left| {PI(x) - {f_2}} \right| }^2}(1 - H(\varphi (x)))dx} \mathrm{d}y} } \right\} \nonumber \\ \end{aligned}$$
(16)

Using the variation method, expressions of \({g_i}\) and \({f_i}\) can be obtained by

$$\begin{aligned} {g_1}= & {} \frac{{\int {PI(x){H}(\varphi (x))} dx}}{{\int {{H}(\varphi (x))dx} }}, \end{aligned}$$
(17)
$$\begin{aligned} {g_2}= & {} \frac{{\int {PI(x)(1 - {H}(\varphi (x)))} dx}}{{\int {(1 - {H}(\varphi (x)))dx} }}, \end{aligned}$$
(18)
$$\begin{aligned} {f_1}= & {} \frac{{G*[PI(x){H}(\varphi (x))]}}{{G * {H}(\varphi (x))}}, \end{aligned}$$
(19)
$$\begin{aligned} {f_2}= & {} \frac{{G*[PI(x)(1 - {H}(\varphi (x)))]}}{{G*(1 - {H}(\varphi (x)))}}. \end{aligned}$$
(20)

According to the Euler–Lagrange equation and gradient descent method, the evolution function of level set function \(\varphi (x)\) can be obtained as follows

$$\begin{aligned} \begin{aligned} \frac{{\partial \varphi }}{{\partial t}}&= \mu \left( {{\nabla ^2}\varphi - \mathrm{{div}}\left( {\frac{{\nabla \varphi }}{{|\nabla \varphi |}}} \right) } \right) \\&\quad +\nu {\delta }(\varphi )\mathrm{{div}}\left( {\frac{{\nabla \varphi }}{{|\nabla \varphi |}}} \right) + {\delta }(\varphi )({e_1} + {e_2}). \end{aligned} \end{aligned}$$
(21)

The expressions of \(e_{1}\) and \(e_{2}\) are

$$\begin{aligned} {e_1}= & {} {\omega _1}\left[ - {\lambda _1}|PI(x) - {g_1}{|^2} + {\lambda _2}|PI(x) - {g_2}{|^2}\right] , \end{aligned}$$
(22)
$$\begin{aligned} {e_2}= & {} {\omega _2}\left[ { - {\lambda _1}\int {\int {G * |PI(x) - {f_1}{|^2}} dxdy} } \right. \nonumber \\&\left. { + {\lambda _2}\int {\int {G * |PI(x) - {f_2}{|^2}dxdy} } } \right] . \end{aligned}$$
(23)

The solution of evolution function (21) can be achieved by finite difference method

$$\begin{aligned} \begin{aligned} \frac{{\varphi _{ij}^{n + 1} - \varphi _{ij}^n}}{{\varDelta t}}&= \mu \left( {\nabla _{}^2\varphi _{ij}^n - \mathrm{{div}}\left( {\frac{{\nabla \varphi _{ij}^n}}{{|\nabla \varphi _{ij}^n|}}} \right) } \right) \\&\quad + \nu {\delta }\left( {\varphi _{ij}^n} \right) \mathrm{{div}}\left( {\frac{{\nabla \varphi _{ij}^n}}{{|\nabla \varphi _{ij}^n|}}} \right) + {\delta }(\varphi _{ij}^n)({e_1} + {e_2}). \end{aligned} \end{aligned}$$
(24)

Finally, the expression of proposed FPDE-GLACM is defined as follows

$$\begin{aligned} \frac{{\partial {I_{ij}}}}{{\partial t}}= & {} \frac{{I_{ij}^{n + 1} - I_{ij}^n}}{{\varDelta t}} \nonumber \\= & {} \left\{ {\frac{{\pi I_{ij}^2 - 2I_0^2}}{{2I_0^2{I_{ij}}}} - \lambda \nabla ^2\left[ {\xi (||\nabla ^2{I_{ij}}||)\nabla ^2{I_{ij}}} \right] } \right. \nonumber \\&+ \left. {\arg \min {E^{GLAC}}} \right\} \end{aligned}$$
(25)

And (25) can be rewritten as

$$\begin{aligned} I_{ij}^{n + 1}= & {} I_{ij}^n \nonumber \\&+ \varDelta t \left\{ {\frac{{\pi I_{ij}^2 - 2I_0^2}}{{2I_0^2{I_{ij}}}} - \lambda \cdot {\nabla ^2}[\xi (||\nabla _{ij}^2{I_{ij}}||)]\nabla _{ij}^2{I_{ij}}} \right. \nonumber \\&\left. { + \arg \min {E^{GLAC}}} \right\} \end{aligned}$$
(26)

3 Experiments

In this section, to demonstrate the effectiveness of the proposed FPDE-GLACM, we use both synthetic images and IV-OCT images to evaluate its performance through extensive experiments. The experimental data include synthetic image and 5000 IV-OCT images which contain training dataset (4000) and testing dataset (1000). The size of IV-OCT image is \(300 \times 300\) pixels. These images were collected by a C7 model IV-OCT scanner (St. Jude Medical, USA), which was provided by the department of cardiology at Peking Union Medical College Hospital, China. And the experimental environment is Intel Core i7-8750H CPU, NVIDIA GeForce GTX 1070 GPU, 16.00 GB DDR4 memory, Windows 10 operating system, Python 3.6.1, and MATLAB 2018a software.

3.1 Evaluation of plaque detection

In this section, selection of CNN model is discussed, and accuracy of performance of faster R-CNN is evaluated. The accuracy can calculate the proportion of correctly classification, which is defined as

$$\begin{aligned} \mathrm{{Accuracy}} = \frac{{\mathrm{TP} + \mathrm{TN}}}{{\mathrm{TP} + \mathrm{TN} + \mathrm{FP} + \mathrm{FN}}}, \end{aligned}$$
(27)

where TP, TN, FP, and FN are the true positive, true negatives, false positive, and false negatives, respectively.

The performance of applying VGG, GoogLeNet, and ResNet to faster R-CNN was compared and shown the results in Fig. 4. It can be found that ResNet has the highest accuracy. Hence, we choose ResNet in feature extraction. Then, we test three well-known structures of ResNet which namely ResNet50, ResNet101, and ResNet152 and compared their accuracy when choosing 9 anchors and 12 anchors respectively. As also shown in Fig. 4, the ResNet101 combined with 12 anchors is the best choice. Therefore, we use the ResNet101 combined with 12 anchors to construct faster R-CNN and use it to implement the plaque detection for IV-OCT images.

Fig. 4
figure 4

Accuracy of VGG, GoogLeNet, ResNet50, ResNet101, and ResNet152 with 9 and 12 anchors, respectively

3.2 The segmentation evaluation

To more accurately and objectively evaluate the proposed framework performance, we select synthetic images and IV-OCT images for experiments and use manual segmentation results of doctors as ground truth and two metrics as the evaluation standard, which are Jaccard similarity (JS) and Dice similarity coefficient (DICE). To test the segmentation accuracy of the proposed FPDE-GLACM and other existing methods, the JS is introduced to evaluate the similarity between algorithm segmentation results and ground truth, which is represented by

$$\begin{aligned} \mathrm{{JS}} = \frac{{\left| {A \cap B} \right| }}{{\left| {A \cup B} \right| }}, \end{aligned}$$
(28)

where A is the algorithm segmentation result and B is ground truth.

Then, we also use the DICE to quantitatively evaluate the above methods performance and the DICE is defined by

$$\begin{aligned} \mathrm{{DICE}} = \frac{{\mathrm{{2}}\left| {A \cap B} \right| }}{{\left| A \right| + \left| B \right| }}, \end{aligned}$$
(29)

where A is the algorithm segmentation result and B is ground truth. Similarly, the closer the values to 1 of JS and DICE mean the better segmentation effects are achieved.

3.2.1 Experiment with synthetic images

To test the performance of proposed FPDE-GLACM in synthetic images with different level Speckle noise, we compare it with improved active contour model (IACM) [18] and dual-channel active contour (DCAC) model [19]. The results are shown in Fig. 5. For above approaches, the same iterations are used. Note that FPDE-GLACM provides better performance than IACM and DCAC, mainly because the energy functional of FPDE-GLACM fuse the objective function based on Rayleigh distribution and fourth-order PDE to avoid noise interference and employ edge guide image to retain the edge information of synthetic images.

To test the performance of a model only visual comparison is not enough and the segmentation results need to be evaluated by JS and DICE. The results are shown in Fig. 6. It is obvious that FPDE-GLACM is used to segment synthetic images with different levels Speckle noise with high precision. Besides, with the increase in noise, the segmentation precision of each algorithm decreases, especially IACM, which is sensitive to Speckle noise. Therefore, we can conclude that the FPDE-GLACM can achieve better segmentation results compared to above-mentioned methods for synthetic images with different levels of Speckle noise.

Fig. 5
figure 5

Segmentation comparison, from the first to last rows are IACM, DCAC, and FPDE-GLACM with 0%, 1%, 2%, and 3% Speckle noise, respectively

Fig. 6
figure 6

JS and DICE of synthetic image

Fig. 7
figure 7

Segmentation results for IV-OCT images. From the first to the last row are ground truth, CNN-RG, CNN-GC, CNN-RW, CNN-LBF, CNN-IACM, CNN-DCAC, and FPDE-GLACM, respectively

3.2.2 Experiment with IV-OCT images

In the experiment with IV-OCT images, we compared the performance between the proposed method and some classical methods such as the regional growth (RG) [26], graph cut (GC) [27], random walk (RW) [28], local binary fitting (LBF) model [17], and some advanced methods such as improved active contour model (IACM) [18], dual-channel active contour (DCAC) model [19] combined with the faster R-CNN. In the following, we call them CNN-RG, CNN-GC, CNN-RW, CNN-LBF, CNN-IACM, and CNN-DCAC, respectively. The corresponding results are shown in Fig. 7. It is found that CNN-RG segment almost areas with high intensity and sensitive to noise, so it cannot effectively segment plaque of IV-OCT images. CNN-GC and CNN-RW can roughly segment plaque area, but their accuracy is relatively unsatisfied. Because CNN-LBF is sensitive to noise, it has the worst segmentation results among the above four ACM-based methods. CNN-IACM and CNN-DCAC can obtain relatively better segmentation results at most plaque edge, but there have some over-segmentation near plaque edge between vessel lumen. From visual effect, it can be observed that the proposed FPDE-GLACM has the highest accuracy in plaque segmentation of IV-OCT images.

In order to quantitatively evaluate the performance of above seven methods, mean and variance value of JS and DICE are illustrated in Table 2. We observe that the proposed FPDE-GLACM attains better performance than other six methods. The JS and DICE of our method reach 0.851 ± 0.042 and 0.876 ± 0.043, respectively.

Table 2 JS and DICE obtained by seven methods

4 Conclusions

In this paper, we propose a hybrid framework based on the faster R-CNN and PDE-GLACM. The framework first detects plaque area in IV-OCT images by using faster R-CNN. Secondly, we use the detection box as the initial contour of PDE-GLACM. And then, to effectively remove Speckle noise, we combine the Rayleigh distribution with fourth-order PDE and add its objective function to the energy functional of proposed GLACM which considers global and local information of image. It can effectively overcome the influence of Speckle noise and realize the segmentation of plaque area in IV-OCT images. The proposed framework obtains accurate detection and segmentation result compared with other existing methods, and these results may assist doctor in diagnosis and treatment of CAD. In further research, we will concentrate on improving this framework for computational complexity.