arxiv: v1 [cs.cv] 21 Sep 2017

Size: px
Start display at page:

Download "arxiv: v1 [cs.cv] 21 Sep 2017"

Transcription

1 H-DenseUNet: Hybrid Densely Connected UNet for Liver and Liver Tumor Segmentation from CT Volumes Xiaomeng Li 1, Hao Chen 1,2, Xiaojuan Qi 1, Qi Dou 1, Chi-Wing Fu 1, Pheng Ann Heng 1 1 Department of Computer Science and Engineering, The Chinese University of Hong Kong. 2 Imsight Medical Technology, Inc. arxiv: v1 cs.cv 21 Sep 2017 Abstract Liver and liver tumor segmentation plays an important role in hepatocellular carcinoma diagnosis and treatment planning. Recently, fully convolutional neural networks (FCNs) serve as the back-bone in many volumetric medical image segmentation tasks, including 2D and 3D FCNs. However, 2D convolutions can not fully leverage the spatial information along the z-axis direction while 3D convolutions suffer from high computational cost and GPU memory consumption. To address these issues, we propose a novel hybrid densely connected UNet (H-DenseUNet), which consists of a 2D DenseUNet for efficiently extracting intra-slice features and a 3D counterpart for hierarchically aggregating volumetric contexts under the spirit of the auto-context algorithm. In this way, the H-DenseUNet can harness the hybrid deep features effectively for volumetric segmentation. We extensively evaluated our method on the MICCAI 2017 Liver Tumor Segmentation (LiTS) Challenge. Our method outperformed other state-of-the-art methods on the overall score, with dice per case on liver and tumor as and 0.686, as well as global dice score on liver and tumor as and 0.829, respectively. Introduction Liver cancer is one of the most common cancer diseases in the world and causes massive deaths every year (Lu, Marziliano, and Thng, 2006). The accurate measurements from CT, including tumor volume, shape, location and further functional liver volume, can assist doctors in making accurate hepatocellular carcinoma evaluation and treatment planning. Traditionally, the liver and liver lesion are delineated by radiologists on a slice-by-slice basis, which is time-consuming and prone to inter- and intra-rater variations. Therefore, automatic liver and liver tumor segmentation methods are highly demanded in the clinical practice. Automatic liver segmentation from the contrast-enhanced CT volumes is a very challenging task due to the low intensity contrast between the liver and other neighboring organs (see the first row in Figure 1). Moreover, radiologists usually enhance CT scans by an injection protocol for clearly observing tumors, which may increase the noise inside the images on the liver region. Compared with liver Copyright c 2018 Raw image Ground truth 3D display Figure 1: Examples of contrast-enhanced CT scans showing the large variations of shape, size, location of liver lesion. Each row shows a CT scan acquired from individual patient. The red regions denote the liver while the green ones denote the lesions (see the black arrows above). segmentation, liver tumor segmentation is considered to be a more challenging task. First, the liver tumor has various size, shape, location and numbers within one patient, which hinders the automatic segmentation, as shown in Figure 1. Second, some lesions do not have clear boundaries, limiting the performance of solely edge based segmentation methods (see the lesions in the third row of Figure 1). Third, many CT scans consist of anisotropic dimensions with high variations along the z-axis direction (the voxel spacing ranges from 0.45mm to 6.0mm), which further poses challenges for automatic segmentation methods. To tackle these difficulties, strong ability for extracting visual features is required. Recently, fully convolutional neural networks (FCNs) have achieved remarkable success on a board array of recognition problems. Many researchers advance this stream using deep learning methods in the liver tumor segmentation problem and the literature can be classified into two categories broadly. (1) 2D FCNs, such as UNet architecture (Christ et al., 2016), Multi-channel FCN (Sun

2 et al., 2017), and the FCN based on VGG-16 (Ben-Cohen et al., 2016). (2) 3D FCNs, where 2D convolutions are replaced by 3D convolutions with volumetric data input (Lu et al., 2017; Dou et al., 2016). However, 2D FCN based methods ignore the contexts on the z-axis, which would lead to limited segmentation accuracy. To be specific, single or adjacent slices cropped from volumetric images were fed into 2D FCNs (Sun et al., 2017; Ben-Cohen et al., 2016) and the 3D segmentation volume is generated by simply stacking the 2D segmentation maps. Although adjacent slices are employed, it is still not enough to probe the spatial correlation along the third dimension, which may degrade the segmentation performance. To solve this problem, some researchers proposed to use tri-planar schemes (Prasoon et al., 2013), that is, three 2D FCNs were applied on orthogonal planes (e.g., the xy, yz, and xz planes) and voxel prediction results are generated by the average of these probabilities. However, this approach still cannot probe sufficient volumetric contexts, leading to limited representation ability. Compared to 2D FCNs, 3D FCNs cost a large amount of computation (e.g., high memory consumption and long training time) (Chen et al., 2016). The high memory consumption limits the depth of the network as well as the filter s field-of-view, which are the two key factors for performance gains (Simonyan and Zisserman, 2014; Chen et al., 2017). The heavy computation of 3D convolutions also impedes its application in training a large-scale dataset. Moreover, many researchers have demonstrated the effectiveness of knowledge transfer (the knowledge learnt from one source domain efficiently transferred to another domain) for boosting the performance (Chen et al., 2015; Tajbakhsh et al., 2016). Unfortunately, only a dearth of 3D pre-trained model exists, which restricts the performance and the adoption of 3D FCNs. To address the above problems, we proposed a novel hybrid densely connected UNet (H-DenseUNet) by efficiently probing intra-slice features and extracting 3D contexts for liver and liver lesion segmentation. Our H-DenseUNet pushes the limit further than other works with technical contributions that improve the following two key factors: Increased network depth. First, to fully extract hierarchical intra-slice features, we design a deep and efficient training network based on 2D convolutions, called 2D DenseUNet, which inherits the advantages of both densely connected path (Huang et al., 2016) and UNet connections (Ronneberger, Fischer, and Brox, 2015). Densely connected path is derived from densely connected network (DenseNet), where the improved information flow and parameters efficiency make it easy for training a deep network. Different from DenseNet (Huang et al., 2016), we add the UNet connections, i.e., long-range skip connections, between the encoding part and decoding part in our architecture; hence, we can enable low-level spatial feature preservation for better intra-slice context exploration. Hybrid feature exploration. Second, to further explore the volumetric feature representation, we design a 3D counterpart to hierarchically aggregate inter-slice correlations. To do so, we adopt the auto-context mechanism (Tu, 2008) by integrating high-level visual features obtained from the 2D DenseUNet. With the guidance of semantic probabilities from 2D DenseUNet, the optimization burden in the 3D counterpart can be well alleviated, which contributes to training efficiency. Moreover, the volumetric features and the high representative intra-slices contexts can be automatically optimized together for better liver and tumor recognition. In summary, this work has the following achievements: We design a DenseUNet to effectively probe hierarchical intra-slice features for liver and tumor segmentation, where densely connected path and UNet connections are carefully integrated to maximize the performance. To our knowledge, this is the first work that pushes the depth of 2D networks for liver and tumor segmentation to 167 layers. We propose a H-DenseUNet framework to explore hybrid (intra-slice and inter-slice) features for liver and tumor segmentation, which elegantly tackles the problems occurred in 2D (e.g., contexts neglect along z-axis ) and 3D convolutions (e.g., long training time), and can be served as a new paradigm for effectively exploiting 3D contexts. We adopt the auto-context mechanism for effectively and efficiently training 3D DenseUNet by integrating hybrid features. Compared with state-of-the-art methods, this work excelled others and achieved the best overall performance in the recent MICCAI 2017 LiTS Challenge. Related Work Hand-crafted feature based methods In the past decades, a lot of algorithms, including thresholding (Soler et al., 2001; Moltz et al., 2008), region growing and deformable model based methods (Wong et al., 2008; Jimenez- Carretero et al., 2011) and machine learning based methods (Huang et al., 2014; Vorontsov, Abi-Jaoudeh, and Kadoury, 2014) have been proposed to segment liver and liver tumor. Threshold-based methods classified foreground and background according to whether the intensity value is above a threshold. Variations of region growing algorithms were also popular in the liver and lesion segmentation task. For example, Wong et al. (2008) segmented tumors by a 2D region growing method with knowledge-based constraints. Level set methods also attracted attentions from researchers with the advantages of numerical computations involving curves and surfaces. For example, Jimenez-Carretero et al. (2011) proposed to classify tumor by a multi-resolution 3D level set method coupled with adaptive curvature technique. A large variety of machine learning based methods have also been proposed for liver tumor segmentation. For example, Huang et al. (2014) proposed to employ random feature subspace ensemble-based extreme machine learning for liver lesion segmentation. Vorontsov, Abi-Jaoudeh, and Kadoury (2014) proposed to segment tumor by support vector machine (SVM) classifier and then refined the results by omnidirectional deformable surface model. Deep learning based methods Convolutional neural network (CNN) has achieved great success in image recogni-

3 tion problems in computer vision community. Similarly, many researchers proposed to utilize various FCNs for learning feature representation in the application of liver and lesion segmentation. For example, Ben-Cohen et al. (2016) proposed to use a FCN for liver segmentation and livermetastasis detection in CT examinations. Christ et al. (2016, 2017) proposed a cascaded FCN architecture and dense 3D conditional random fields (CRFs) to automatically segment liver and liver lesion. In the meanwhile, Sun et al. (2017) designed a multi-channel FCN to segment liver tumors from CT images, where the probability map was generated by feature fusion from multi-channels. Recently, during the ISBI 2017 challenge on liver and lesion segmentation challenge, Han (2017) proposed a 2.5D 24-layer FCN model and achieved the first place in ISBI challenge, which employed residual blocks as the building blocks and UNet connections across the encoding part and decoding part. Here 2.5D refers to using 2D convolutions with the input of adjacent slices from 3D volume data. Both Vorontsov et al. (2017) and Chlebus et al. (2017) achieved the second place in the ISBI challenge. Vorontsov et al. (2017) also employed ResNet-like residual blocks and UNet connections with 21 convolution layers, which is a bit shallower and has fewer parameters compared to that proposed by Han (2017). Chlebus et al. (2017) trained liver and tumor based on a 28-layer UNet architecture in two individual models and subsequently filtered the false positives of tumor segmentation results by a random forest classifier. Instead of using 3D FCNs, all of the top results used 2D FCNs with different network depths, showing the efficacy of 2D FCNs regarding the underlying volumetric segmentation problem. However, these shallow networks have the limited representation ability and ignore 3D contexts, which restrict the recognition performance. Method Figure 2 shows the pipeline of our proposed method for liver and tumor segmentation. To reduce the overall computation time, a simple ResNet architecture (Han, 2017) is trained to get a quick but coarse segmentation of liver. With the input of patches within the coarse liver region, our proposed H- DenseUNet efficiently probes intra-slice and inter-slice features through a 2D DenseUNet and a 3D counterpart for accurate segmentation of the liver and liver lesions. 2D DenseUNet One of the important principles in the deep learning architecture is "the deeper, the better" (Simonyan and Zisserman, 2014; He et al., 2016). However, as the FCN goes deeper, the gradient vanish problem may occur and thus impedes the convergence of the network. Recently, Huang et al. (2016) achieved excellent performance on object recognition benchmark tasks by a deep and efficient network, called DenseNet. The success is attributed to the introduction of dense connectivity, which refers to the direct connections from any layer to all subsequent layers (see Figure 2). The l th layer receives the feature maps of all preceding layers, x 0,..., x l 1, as input: x l = H l (x 0, x 1,..., x l 1 ), (1) where x 0, x 1,..., x l 1 is the concatenation of feature maps generated in layer from x 0 to x l 1. Each function produces k feature maps and k is called growth rate. One advantage of the dense connectivity between layers is that it has fewer parameters than traditional networks because it avoids learning redundant features. Moreover, the densely connected path ensures the maximum information flow between layers, which improves the gradients flow, and thus alleviates the burden in searching for the optimal solution when building deep neural networks. However, a deep FCN network for segmentation tasks actually contains many max-pooling and upsampling operations, which may lead to the spatial loss of high resolution features. With this consideration, we develop a 2D DenseUNet, which inherits both advantages of densely connected path and UNet connections (Ronneberger, Fischer, and Brox, 2015). Specifically, the dense connection between layers is employed within each micro-block to ensure the maximum information flow while the UNet long range connection links the encoding part and decoding part to preserve low-level features. The high parameter efficiency and improved gradients flow throughout the network makes the network easy to train. Furthermore, our architecture has good capability to segment small targets, such as lesions, by preserving high resolution features through the UNet long range connections. The illustration and the detailed structure of 2D Dense- UNet are shown in Figure 2(c) and Table 1, respectively. The input is a stack of three adjacent slices and the output is a 2D score map corresponding to the center slice of the input. The depth of 2D DenseUNet is extended to 167 layer, referred as 2D DenseUNet-167, which consists of convolution layers, pooling layers, dense blocks, transition layers and upsampling layers. The dense block denotes the cascade of several micro-blocks, in which all layers are directly connected, see Figure 2(c). To change the size of feature-maps, the transition layer is employed, which consists of a batch normalization layer and one 1 1 convolution layer followed by an average pooling layer. An compression factor is included in the transition layer to compress the number of feature-maps, which prevents the expanding of feature-maps (we set 0.5 in our experiments). The upsampling layer is implemented by bilinear interpolation, followed by the summation with low-level features (ie., UNet connections) and a 3 3 convolutional layer. Before each convolution layer in the architecture, a batch normalization and a Rectified Linear Unit (ReLU) are employed. H-DenseUNet 2D DenseUNet with deep convolutions can produce hierarchical features but neglect the spatial information along the z dimension while 3D DenseUNet has large GPU computational cost and limited kernel s field-of-view as well as the network depth. To address these issues, we proposed H- DenseUNet, where 2D DenseUNet and its 3D counterpart are integrated.

4 Loss 2D DenseUNet 2D input: Concatenation Probability maps 3D DenseUNet Loss 2D ResNet Liver segmentation Tumor segmentation (a) 1 st stage : Coarse liver segmentation 3D input: (b) 2 nd stage: H-DenseUNet for accurate liver and tumor segmentation Dense block 1 Transition layer 1 Upsampling layer 3 Upsampling layer 4 Upsampling layer (c) The illustration of the 2D DenseUNet. Figure 2: The Illustration of the pipeline for liver and lesion segmentation. (a) 2D ResNet is employed for coarse liver segmentation to reduce computation time. (b) The H-DenseUNet consists of 2D DenseUNet and 3D counterpart, fed with the input within coarse liver region, which are responsible for hierarchical features extraction from intra-slice and inter-slice respectively. (c) The illustration of the 2D DenseUNet. The structure in the orange block is a micro-block and k denotes the growth-rate. The motivation of this design is inspired by the autocontext algorithm (Tu, 2008). The concatenation of the volumetric images (original data) and the contextual information (probability maps generated from 2D DenseUNet version) are fed into the 3D counterpart to distill the visual features with 3D contexts. Specifically, the detectors in the 3D counterpart trained based not only on the features probed from the original images, but also on the probabilities of a large number of context pixels. The learning algorithm automatically selects and fuses important supporting context pixels together with features about 3D shape appearance, contributing to the effectiveness of 3D contexts extraction. With the guidance from supporting contexts pixels, the burden in searching for the optimal solution in the 3D counterpart has also been well alleviated, which improves the learning efficiency of the 3D network. In our experiments, the 3D counterpart of H-DenseUNet costs only 9 hours to converge, which significantly faster than training the 3D counterpart with original data solely (63 hours). The detailed structure of the 3D counterpart is shown in the Table 1, called 3D DenseUNet-65, which consists of 65 convolutions and the growth rate is 32. The input of 3D model is the cropped volumetric images and the output of the model is a 3D segmentation map. Compared with 2D DenseUNet counterpart, the number of micro-blocks in each dense block is decreased due to the high memory consumption of 3D convolutions and the limited GPU memory. Another difference is that feature-maps along the third dimension only downsample and upsample for 2 times since we use small size input along the z dimension and it is unnecessary to use a larger size by paying off the kernel s file-ofview on the xy plane and depth of the network. The rest of the network setting is the same with the 2D counterpart. We employ weighted cross-entropy function as described in equation 2 in the network and then refine the network by hard pixel mining strategy. Loss Functions and Test Procedures To train the H-DenseUNet, we first employed weighted cross-entropy function as the loss function and then refined by using hard pixel mining strategy in both two stages. We elaborate the details as follows. Weighted cross-entropy function The final predicted score map has three classes, i.e., background, liver and le-

5 Table 1: Architectures of the proposed H-DenseUNet, consisting of the 2D DenseUNet and the 3D counterpart. The symbol denotes the long range UNet summation connections. The second and forth column indicate the output size of the current stage in two architectures, respectively. Note that each "conv" corresponds the sequence BN-ReLU-Conv. Feature size 2D DenseUNet-167 (k=48) Feature size 3D DenseUNet-65 (k=32) input convolution ,96,stride ,96,stride pooling max pool,stride max pool,stride 2 1 1, 192 conv 1 1 1, 128 conv dense block , 48 conv 3 3 3, 32 conv conv conv transition layer average pool average pool 1 1, 192 conv 1 1 1, 128 conv dense block , 48 conv 3 3 3, 32 conv conv conv transition layer average pool, average pool 1 1, 192 conv 1 1 1, 128 conv dense block , 48 conv 3 3 3, 32 conv conv conv transition layer average pool average pool 1 1, 192 conv 1 1 1, 128 conv dense block , 48 conv 3 3 3, 32 conv upsampling layer upsampling dense block 3, 768, conv upsampling dense block 3, 224, conv upsampling layer upsampling dense block 2, 384, conv upsampling dense block 2, 192, conv upsampling layer upsampling dense block 1, 96, conv upsampling dense block 1, 96, conv upsampling layer upsampling convolution 1, 96, conv upsampling convolution 1, 96, conv upsampling layer upsampling, 64, conv upsampling, 64, conv convolution , , 3 sion. The weighted cross-entropy function is: L = 1 N N i=1 c=1 3 wi c yi c log p c i (2) where p i denotes probability of voxel i belongs to class c (background, liver or lesion), w c i denotes the weight and yc i indicates the ground truth label for voxel i. Hard pixel mining strategy It s observed that the voxel distribution is extremely imbalanced, hence a vast number of easy negatives may overwhelm the classifier during training. To solve this issue, we employed hard pixel mining strategy to down-weight the loss assigned to well-classified examples. To be specific, when the network comes to converge, we sort all the probability values for each class and only include the voxels with high misclassification rate in the loss function, as shown following: N 3 i=1 c=1 L = 1 {y i = c and p i Ω r } log p c i 3 c=1 1 {y (3) i = c and p i Ω r } N i=1 where 1{ } is an indicator function. Ω r is the set of probabilities within the top r misclassification error (r = 10% in our experiments). With this procedure, the "hard learning" pixels (e.g., small tumors with blurred edges) will be given more importance and the classifier can focus on learning hard cases. Test Procedures In the test stage, we first get the coarse liver segmentation result and then the 2D DenseUNet generates the more accurate background, liver and lesion probability maps on the slices within the detected coarse liver lesion. The probability maps are stacked to a volumetric data and then concatenated with the corresponding original volumetric images, the 3D counterpart can generate the accurate liver and tumor segmentation results. Then the liver and lesion are merged, and a largest connected component labeling is performed to generate the final liver. After that, the final lesion segmentation result is generated by removing lesions outside the final liver region. Experiments and Results Dataset and Pre-processing We tested our method on the dataset of MICCAI 2017 LiTS Challenge, which contains 131 and 70 contrast-enhanced 3D abdominal CT scans for training and testing respectively. The dataset was acquired by different scanners and protocols from six different clinical sites, with a largely varying in-plane resolution from 0.55 mm to 1.0 mm and slice spacing from 0.45 mm to 6.0 mm. For image preprocessing, we truncated the image intensity values of all scans to the range of -200,250 HU to remove the irrelevant details. For coarse liver segmentation, all the training images were resampled to a fixed resolution of mm 3. Since the liver lesions are extremely small in some training cases, we trained with the original images in our following stages to avoid possible artifact from image resampling. Evaluation Metrics According to the evaluation of MICCAI LiTS challenge, we employed two metrics for evaluating the segmentation performance on liver and tumor respectively, including Dice per case score and Dice global score. Dice per case score refers an average Dice per volume score while Dice global score is the Dice score evaluated by combining all datasets into one.

6 3D DenseUNet without pre-trained model 2D DenseUNet without pre-trained model 2D DenseUNet with pre-trained model H-DenseUNet case 1 Loss case Epoch Figure 3: Training loss of 2D DenseUNet with and without pre-trained model, 3D DenseUNet without pre-trained model as well as H-DenseUNet. To compare different methods comprehensively, we define the overall score by averaging the four segmentation results, seen in the last column of Table 3. Implementation Details The model was implemented using Keras package (Chollet and others, 2015). The parameters of the encoder part in 2D DenseUNet was initialized using the pre-trained model for DenseUNet-167 while the 3D counterpart was randomly initialized. The initial learning rate was 0.01 and decayed according to the equation lr = lr (1 iterations/total_iterations)0.9. We used stochastic gradient descent with momentum. For data augmentation, we adopted random mirror and scaling between 0.8 and 1.2 for all training data to alleviate overfitting. The training of 2D DenseUNet model took about 21 hours using two NVIDIA Titan Xp GPU with 12 GB memory while the 3D counterpart model cost about 9 hours under the same settings. In the test phase, the total processing time of one subject depends on the number of slices, ranging from 30 seconds to 200 seconds. Ablation Analysis of H-DenseUNet In this section, we compare the results trained in an end-toend manner by 2D DenseUNet-167, 3D DenseUNet-65 and our proposed H-DenseUNet to evaluate the effectiveness of each component. We first analyze the learning behaviors of 2D DenseUNet with and without pre-trained model. Both two experiments were conducted under the same experiment settings. The training loss curves are shown in Figure 3 and we can see that the 2D DenseUNet with pre-trained model converged faster and achieved lower loss than that without pre-trained model, which shows the importance of utilizing pre-trained model with transfer learning. The testing results in Table 2 demonstrated that the pre-trained model can help the network achieve better performance consistently. Figure 4: Examples of liver and tumor segmentation results of H-DenseUNet from the testing dataset. The red regions denote the liver and the green ones denote the tumors. Even without using the pre-trained model, 2D DenseUNet still outperformed 3D DenseUNet, including faster convergence and lower loss, which highlights the effectiveness and efficiency of 2D convolutions with deep neural networks. In our experiments, 3D DenseUNet took much more training time (63 hours) to converge compared to 2D DenseUNet (21 hours). From Table 2, compared with the results generated by 3D DenseUNet, 2D DenseUNet with pre-trained model achieved 8.7% and 3% improvement on the lesion segmentation results by the measurement of Dice per case and Dice global score, respectively. Compared with 2D DenseUNet, our proposed HDenseUNet advanced the segmentation results on both two measurements for liver and tumor consistently. The performance gains show that contextual information along the z dimension, indeed, contributes to the recognition of lesion and liver, especially for lesions that have much more blurred boundary and considered to be hard cases. Compared with the loss curve of 3D DenseUNet (see Figure 3), our H-DenseUNet took much less training time to converge (around 30 hours), contributing to the efficiency in exploring 3D contexts. Figure 4 presents some examples of liver and tumor segmentation results of our H-DenseUNet on the testing dataset. We can observe that most small targets as well as large objects can be well segmented. Compare with Other Methods There were totally 49 submissions in both ISBI1 and MICCAI2 liver and tumor segmentation challenges. Both challenges employed the same training and testing datasets for fair performance comparison. Different from the ISBI challenge, more evaluation metrics have been added in the MICCAI challenge for comprehensive comparison. The detailed results of top 15 teams including both ISBI and MICCAI challenges are listed in Table 3. 1 ISBI challenge result: codalab.org/competitions/17094\#learn\_the\ _details-isbi MICCAI challenge result: codalab.org/competitions/17094\#results case 69

7 Table 2: Segmentation results by ablation study of our methods on the test dataset. Model Lesion Liver Overall score Dice global Dice per case Dice global Dice per case - 3D DenseUNet without pre-trained model D DenseUNet without pre-trained model UNet (Chlebus et al., 2017) ResNet (Han, 2017) D DenseUNet with pre-trained model H-DenseNet Table 3: Results of ISBI and MICCAI 2017 liver tumor segmentation challenge. Team Lesion Liver Overall score Dice global Dice per case Dice global Dice per case - our lehealth hans.meine Elehanx (Han, 2017) medical deepx Njust Medical (Vorontsov et al., 2017) Gchlebus (Chlebus et al., 2017) predible Lei (Bi et al., 2017) ed10b chunliang yaya mabc Notice: - denotes that the team participated in ISBI competition and the measurement was not evaluated. All the top teams in the challenges employed deep learning based methods, demonstrating the effectiveness of CNN based methods in medical image analysis. For example, Han (2017), Vorontsov et al. (2017) and Bi et al. (2017) all adopted 2D deep FCNs, where ResNet-like residual blocks were employed as the building blocks. In addition, Chlebus et al. (2017) trained liver and tumor by UNet architecture in two individual models, followed by a random forest classifier. In comparison, our method with a 167-layer network consistently outperformed these methods, which highlighted the efficacy of 2D DenseUNet with pre-trained model. Furthermore, our proposed H-DenseUNet excelled other methods on the overall performance, which validated the effectiveness of our method by incorporating volumetric and auto-context information. Conclusion We present H-DenseUNet for liver and tumor segmentation from CT volumes, a new paradigm for effectively and efficiently exploiting 3D contexts under the spirit of autocontext mechanism. The architecture gracefully addressed the problems occurred in 2D convolutions and 3D convolutions, where 2D convolutions ignore the volumetric contexts and 3D convolutions suffer from long training time. Our method excelled others on MICCAI 2017 LiTS Challenge on a single-model basis, which demonstrated the striking performance of the proposed H-DenseUNet. In addition, our network architecture is inherently general and can be easily extended to other applications. In the future, we plan to conduct extensive study of our method on a much larger liver dataset. References Ben-Cohen, A.; Diamant, I.; Klang, E.; Amitai, M.; and Greenspan, H Fully convolutional network for liver segmentation and lesions detection. In International Workshop on Large-Scale Annotation of Biomedical Data and Expert Label Synthesis, Springer. Bi, L.; Kim, J.; Kumar, A.; and Feng, D Automatic liver lesion detection using cascaded deep residual networks. arxiv preprint arxiv: Chen, H.; Ni, D.; Qin, J.; Li, S.; Yang, X.; Wang, T.; and Heng, P. A Standard plane localization in fetal ultrasound via domain transferred deep neural networks. IEEE journal of biomedical and health informatics 19(5): Chen, H.; Dou, Q.; Wang, X.; Qin, J.; Cheng, J. C.; and Heng, P.-A d fully convolutional networks for intervertebral disc localization and segmentation. In In-

8 ternational Conference on Medical Imaging and Virtual Reality, Springer. Chen, H.; Dou, Q.; Yu, L.; Qin, J.; and Heng, P.-A Voxresnet: Deep voxelwise residual networks for brain segmentation from 3d mr images. NeuroImage. Chlebus, G.; Meine, H.; Moltz, J. H.; and Schenk, A Neural network-based automatic liver tumor segmentation with random forest-based candidate filtering. arxiv preprint arxiv: Chollet, F., et al Keras. fchollet/keras. Christ, P. F.; Elshaer, M. E. A.; Ettlinger, F.; Tatavarty, S.; Bickel, M.; Bilic, P.; Rempfler, M.; Armbruster, M.; Hofmann, F.; D Anastasi, M.; et al Automatic liver and lesion segmentation in ct using cascaded fully convolutional neural networks and 3d conditional random fields. In International Conference on Medical Image Computing and Computer-Assisted Intervention, Springer. Christ, P. F.; Ettlinger, F.; Grün, F.; Elshaera, M. E. A.; Lipkova, J.; Schlecht, S.; Ahmaddy, F.; Tatavarty, S.; Bickel, M.; Bilic, P.; et al Automatic liver and tumor segmentation of ct and mri volumes using cascaded fully convolutional neural networks. arxiv preprint arxiv: Dou, Q.; Chen, H.; Jin, Y.; Yu, L.; Qin, J.; and Heng, P.- A d deeply supervised network for automatic liver segmentation from ct volumes. In International Conference on Medical Image Computing and Computer- Assisted Intervention, Springer. Han, X Automatic liver lesion segmentation using a deep convolutional neural network method. arxiv preprint arxiv: He, K.; Zhang, X.; Ren, S.; and Sun, J Deep residual learning for image recognition. In Proceedings of the IEEE conference on computer vision and pattern recognition, Huang, W.; Yang, Y.; Lin, Z.; Huang, G.-B.; Zhou, J.; Duan, Y.; and Xiong, W Random feature subspace ensemble based extreme learning machine for liver tumor detection and segmentation. In Engineering in Medicine and Biology Society (EMBC), th Annual International Conference of the IEEE, IEEE. Huang, G.; Liu, Z.; Weinberger, K. Q.; and van der Maaten, L Densely connected convolutional networks. arxiv preprint arxiv: Jimenez-Carretero, D.; Fernandez-de Manuel, L.; Pascau, J.; Tellado, J. M.; Ramon, E.; Desco, M.; Santos, A.; and Ledesma-Carbayo, M. J Optimal multiresolution 3d level-set method for liver segmentation incorporating local curvature constraints. In Engineering in medicine and biology society, EMBC, 2011 annual international conference of the IEEE, IEEE. Lu, F.; Wu, F.; Hu, P.; Peng, Z.; and Kong, D Automatic 3d liver location and segmentation via convolutional neural network and graph cut. International journal of computer assisted radiology and surgery 12(2): Lu, R.; Marziliano, P.; and Thng, C. H Liver tumor volume estimation by semi-automatic segmentation method. In Engineering in Medicine and Biology Society, IEEE-EMBS th Annual International Conference of the, IEEE. Moltz, J. H.; Bornemann, L.; Dicken, V.; and Peitgen, H Segmentation of liver metastases in ct scans by adaptive thresholding and morphological processing. In MICCAI workshop, volume 41, 195. Prasoon, A.; Petersen, K.; Igel, C.; Lauze, F.; Dam, E.; and Nielsen, M Deep feature learning for knee cartilage segmentation using a triplanar convolutional neural network. In International conference on medical image computing and computer-assisted intervention, Springer. Ronneberger, O.; Fischer, P.; and Brox, T U-net: Convolutional networks for biomedical image segmentation. In International Conference on Medical Image Computing and Computer-Assisted Intervention, Springer. Simonyan, K., and Zisserman, A Very deep convolutional networks for large-scale image recognition. arxiv preprint arxiv: Soler, L.; Delingette, H.; Malandain, G.; Montagnat, J.; Ayache, N.; Koehl, C.; Dourthe, O.; Malassagne, B.; Smith, M.; Mutter, D.; et al Fully automatic anatomical, pathological, and functional segmentation from ct scans for hepatic surgery. Computer Aided Surgery 6(3): Sun, C.; Guo, S.; Zhang, H.; Li, J.; Chen, M.; Ma, S.; Jin, L.; Liu, X.; Li, X.; and Qian, X Automatic segmentation of liver tumors from multiphase contrast-enhanced ct images based on fcns. Artificial Intelligence in Medicine. Tajbakhsh, N.; Shin, J. Y.; Gurudu, S. R.; Hurst, R. T.; Kendall, C. B.; Gotway, M. B.; and Liang, J Convolutional neural networks for medical image analysis: Full training or fine tuning? IEEE transactions on medical imaging 35(5): Tu, Z Auto-context and its application to high-level vision tasks. In Computer Vision and Pattern Recognition, CVPR IEEE Conference on, 1 8. IEEE. Vorontsov, E.; Abi-Jaoudeh, N.; and Kadoury, S Metastatic liver tumor segmentation using texture-based omni-directional deformable surface models. In International MICCAI Workshop on Computational and Clinical Challenges in Abdominal Imaging, Springer. Vorontsov, E.; Chartrand, G.; Tang, A.; Pal, C.; and Kadoury, S Liver lesion segmentation informed by joint liver segmentation. arxiv preprint arxiv:

9 Wong, D.; Liu, J.; Fengshou, Y.; Tian, Q.; Xiong, W.; Zhou, J.; Qi, Y.; Han, T.; Venkatesh, S.; and Wang, S.-c A semi-automated method for liver tumor segmentation based on 2d region growing with knowledge-based constraints. In MICCAI workshop, volume 41, 159.

H-DenseUNet: Hybrid Densely Connected UNet for Liver and Tumor Segmentation from CT Volumes

H-DenseUNet: Hybrid Densely Connected UNet for Liver and Tumor Segmentation from CT Volumes IEEE TRANSACTIONS ON MEDICAL IMAGING 1 H-DenseUNet: Hybrid Densely Connected UNet for Liver and Tumor Segmentation from CT Volumes Xiaomeng Li, Hao Chen, Member, IEEE, Xiaojuan Qi, Qi Dou, Student Member,

More information

H-DenseUNet: Hybrid Densely Connected UNet for Liver and Tumor Segmentation from CT Volumes

H-DenseUNet: Hybrid Densely Connected UNet for Liver and Tumor Segmentation from CT Volumes 1 H-DenseUNet: Hybrid Densely Connected UNet for Liver and Tumor Segmentation from CT Volumes Xiaomeng Li 1, Hao Chen 1,2, Xiaojuan Qi 1, Qi Dou 1, Chi-Wing Fu 1, and Pheng-Ann Heng 1 1 Department of Computer

More information

3D Densely Convolutional Networks for Volumetric Segmentation. Toan Duc Bui, Jitae Shin, and Taesup Moon

3D Densely Convolutional Networks for Volumetric Segmentation. Toan Duc Bui, Jitae Shin, and Taesup Moon 3D Densely Convolutional Networks for Volumetric Segmentation Toan Duc Bui, Jitae Shin, and Taesup Moon School of Electronic and Electrical Engineering, Sungkyunkwan University, Republic of Korea arxiv:1709.03199v2

More information

arxiv: v1 [cs.cv] 29 Nov 2017

arxiv: v1 [cs.cv] 29 Nov 2017 Detection-aided liver lesion segmentation using deep learning arxiv:1711.11069v1 [cs.cv] 29 Nov 2017 Míriam Bellver, Kevis-Kokitsi Maninis, Jordi Pont-Tuset, Xavier Giró-i-Nieto, Jordi Torres,, Luc Van

More information

Deep Residual Architecture for Skin Lesion Segmentation

Deep Residual Architecture for Skin Lesion Segmentation Deep Residual Architecture for Skin Lesion Segmentation Venkatesh G M 1, Naresh Y G 1, Suzanne Little 2, and Noel O Connor 2 1 Insight Centre for Data Analystics-DCU, Dublin, Ireland 2 Dublin City University,

More information

Detecting Bone Lesions in Multiple Myeloma Patients using Transfer Learning

Detecting Bone Lesions in Multiple Myeloma Patients using Transfer Learning Detecting Bone Lesions in Multiple Myeloma Patients using Transfer Learning Matthias Perkonigg 1, Johannes Hofmanninger 1, Björn Menze 2, Marc-André Weber 3, and Georg Langs 1 1 Computational Imaging Research

More information

Kaggle Data Science Bowl 2017 Technical Report

Kaggle Data Science Bowl 2017 Technical Report Kaggle Data Science Bowl 2017 Technical Report qfpxfd Team May 11, 2017 1 Team Members Table 1: Team members Name E-Mail University Jia Ding dingjia@pku.edu.cn Peking University, Beijing, China Aoxue Li

More information

arxiv: v1 [cs.cv] 30 Jul 2017

arxiv: v1 [cs.cv] 30 Jul 2017 Virtual PET Images from CT Data Using Deep Convolutional Networks: Initial Results Avi Ben-Cohen 1, Eyal Klang 2, Stephen P. Raskin 2, Michal Marianne Amitai 2, and Hayit Greenspan 1 arxiv:1707.09585v1

More information

Xiaowei Hu* Lei Zhu* Chi-Wing Fu Jing Qin Pheng-Ann Heng

Xiaowei Hu* Lei Zhu* Chi-Wing Fu Jing Qin Pheng-Ann Heng Direction-aware Spatial Context Features for Shadow Detection Xiaowei Hu* Lei Zhu* Chi-Wing Fu Jing Qin Pheng-Ann Heng The Chinese University of Hong Kong The Hong Kong Polytechnic University Shenzhen

More information

Deep learning for dense per-pixel prediction. Chunhua Shen The University of Adelaide, Australia

Deep learning for dense per-pixel prediction. Chunhua Shen The University of Adelaide, Australia Deep learning for dense per-pixel prediction Chunhua Shen The University of Adelaide, Australia Image understanding Classification error Convolution Neural Networks 0.3 0.2 0.1 Image Classification [Krizhevsky

More information

Channel Locality Block: A Variant of Squeeze-and-Excitation

Channel Locality Block: A Variant of Squeeze-and-Excitation Channel Locality Block: A Variant of Squeeze-and-Excitation 1 st Huayu Li Northern Arizona University Flagstaff, United State Northern Arizona University hl459@nau.edu arxiv:1901.01493v1 [cs.lg] 6 Jan

More information

Boundary-aware Fully Convolutional Network for Brain Tumor Segmentation

Boundary-aware Fully Convolutional Network for Brain Tumor Segmentation Boundary-aware Fully Convolutional Network for Brain Tumor Segmentation Haocheng Shen, Ruixuan Wang, Jianguo Zhang, and Stephen J. McKenna Computing, School of Science and Engineering, University of Dundee,

More information

MRI Tumor Segmentation with Densely Connected 3D CNN. Lele Chen, Yue Wu, Adora M. DSouze, Anas Z. Abidin, Axel Wismüller, and Chenliang Xu

MRI Tumor Segmentation with Densely Connected 3D CNN. Lele Chen, Yue Wu, Adora M. DSouze, Anas Z. Abidin, Axel Wismüller, and Chenliang Xu 1 MRI Tumor Segmentation with Densely Connected 3D CNN Lele Chen, Yue Wu, Adora M. DSouze, Anas Z. Abidin, Axel Wismüller, and MRI Brain Tumor Segmentation 2 Image source: https://github.com/naldeborgh7575/brain_segmentation

More information

arxiv: v1 [cs.lg] 6 Jan 2019

arxiv: v1 [cs.lg] 6 Jan 2019 Efforts estimation of doctors annotating medical image Yang Deng 1,2, Yao Sun 1,2#, Yongpei Zhu 1,2, Yue Xu 1,2, Qianxi Yang 1,2, Shuo Zhang 2, Mingwang Zhu 3, Jirang Sun 3, Weiling Zhao 4, Xiaobo Zhou

More information

Weakly Supervised Fully Convolutional Network for PET Lesion Segmentation

Weakly Supervised Fully Convolutional Network for PET Lesion Segmentation Weakly Supervised Fully Convolutional Network for PET Lesion Segmentation S. Afshari a, A. BenTaieb a, Z. Mirikharaji a, and G. Hamarneh a a Medical Image Analysis Lab, School of Computing Science, Simon

More information

Semantic Context Forests for Learning- Based Knee Cartilage Segmentation in 3D MR Images

Semantic Context Forests for Learning- Based Knee Cartilage Segmentation in 3D MR Images Semantic Context Forests for Learning- Based Knee Cartilage Segmentation in 3D MR Images MICCAI 2013: Workshop on Medical Computer Vision Authors: Quan Wang, Dijia Wu, Le Lu, Meizhu Liu, Kim L. Boyer,

More information

arxiv: v1 [cs.cv] 7 Oct 2016

arxiv: v1 [cs.cv] 7 Oct 2016 Automatic Liver and Lesion Segmentation in CT Using Cascaded Fully Convolutional Neural Networks and 3D Conditional Random Fields Patrick Ferdinand Christ 1, Mohamed Ezzeldin A. Elshaer 1, Florian Ettlinger

More information

arxiv: v1 [cs.cv] 17 May 2017

arxiv: v1 [cs.cv] 17 May 2017 Automatic Vertebra Labeling in Large-Scale 3D CT using Deep Image-to-Image Network with Message Passing and Sparsity Regularization arxiv:1705.05998v1 [cs.cv] 17 May 2017 Dong Yang 1, Tao Xiong 2, Daguang

More information

Places Challenge 2017

Places Challenge 2017 Places Challenge 2017 Scene Parsing Task CASIA_IVA_JD Jun Fu, Jing Liu, Longteng Guo, Haijie Tian, Fei Liu, Hanqing Lu Yong Li, Yongjun Bao, Weipeng Yan National Laboratory of Pattern Recognition, Institute

More information

arxiv: v1 [cs.cv] 31 Mar 2016

arxiv: v1 [cs.cv] 31 Mar 2016 Object Boundary Guided Semantic Segmentation Qin Huang, Chunyang Xia, Wenchao Zheng, Yuhang Song, Hao Xu and C.-C. Jay Kuo arxiv:1603.09742v1 [cs.cv] 31 Mar 2016 University of Southern California Abstract.

More information

RSRN: Rich Side-output Residual Network for Medial Axis Detection

RSRN: Rich Side-output Residual Network for Medial Axis Detection RSRN: Rich Side-output Residual Network for Medial Axis Detection Chang Liu, Wei Ke, Jianbin Jiao, and Qixiang Ye University of Chinese Academy of Sciences, Beijing, China {liuchang615, kewei11}@mails.ucas.ac.cn,

More information

Study of Residual Networks for Image Recognition

Study of Residual Networks for Image Recognition Study of Residual Networks for Image Recognition Mohammad Sadegh Ebrahimi Stanford University sadegh@stanford.edu Hossein Karkeh Abadi Stanford University hosseink@stanford.edu Abstract Deep neural networks

More information

arxiv: v2 [cs.cv] 4 Jun 2018

arxiv: v2 [cs.cv] 4 Jun 2018 Less is More: Simultaneous View Classification and Landmark Detection for Abdominal Ultrasound Images Zhoubing Xu 1, Yuankai Huo 2, JinHyeong Park 1, Bennett Landman 2, Andy Milkowski 3, Sasa Grbic 1,

More information

Finding Tiny Faces Supplementary Materials

Finding Tiny Faces Supplementary Materials Finding Tiny Faces Supplementary Materials Peiyun Hu, Deva Ramanan Robotics Institute Carnegie Mellon University {peiyunh,deva}@cs.cmu.edu 1. Error analysis Quantitative analysis We plot the distribution

More information

arxiv: v1 [cs.cv] 29 Sep 2016

arxiv: v1 [cs.cv] 29 Sep 2016 arxiv:1609.09545v1 [cs.cv] 29 Sep 2016 Two-stage Convolutional Part Heatmap Regression for the 1st 3D Face Alignment in the Wild (3DFAW) Challenge Adrian Bulat and Georgios Tzimiropoulos Computer Vision

More information

arxiv: v1 [cs.cv] 16 Nov 2015

arxiv: v1 [cs.cv] 16 Nov 2015 Coarse-to-fine Face Alignment with Multi-Scale Local Patch Regression Zhiao Huang hza@megvii.com Erjin Zhou zej@megvii.com Zhimin Cao czm@megvii.com arxiv:1511.04901v1 [cs.cv] 16 Nov 2015 Abstract Facial

More information

LUNG NODULE DETECTION IN CT USING 3D CONVOLUTIONAL NEURAL NETWORKS. GE Global Research, Niskayuna, NY

LUNG NODULE DETECTION IN CT USING 3D CONVOLUTIONAL NEURAL NETWORKS. GE Global Research, Niskayuna, NY LUNG NODULE DETECTION IN CT USING 3D CONVOLUTIONAL NEURAL NETWORKS Xiaojie Huang, Junjie Shan, and Vivek Vaidya GE Global Research, Niskayuna, NY ABSTRACT We propose a new computer-aided detection system

More information

3 Object Detection. BVM 2018 Tutorial: Advanced Deep Learning Methods. Paul F. Jaeger, Division of Medical Image Computing

3 Object Detection. BVM 2018 Tutorial: Advanced Deep Learning Methods. Paul F. Jaeger, Division of Medical Image Computing 3 Object Detection BVM 2018 Tutorial: Advanced Deep Learning Methods Paul F. Jaeger, of Medical Image Computing What is object detection? classification segmentation obj. detection (1 label per pixel)

More information

Deep Learning with Tensorflow AlexNet

Deep Learning with Tensorflow   AlexNet Machine Learning and Computer Vision Group Deep Learning with Tensorflow http://cvml.ist.ac.at/courses/dlwt_w17/ AlexNet Krizhevsky, Alex, Ilya Sutskever, and Geoffrey E. Hinton, "Imagenet classification

More information

Fully Convolutional Networks for Semantic Segmentation

Fully Convolutional Networks for Semantic Segmentation Fully Convolutional Networks for Semantic Segmentation Jonathan Long* Evan Shelhamer* Trevor Darrell UC Berkeley Chaim Ginzburg for Deep Learning seminar 1 Semantic Segmentation Define a pixel-wise labeling

More information

Automatic Thoracic CT Image Segmentation using Deep Convolutional Neural Networks. Xiao Han, Ph.D.

Automatic Thoracic CT Image Segmentation using Deep Convolutional Neural Networks. Xiao Han, Ph.D. Automatic Thoracic CT Image Segmentation using Deep Convolutional Neural Networks Xiao Han, Ph.D. Outline Background Brief Introduction to DCNN Method Results 2 Focus where it matters Structure Segmentation

More information

Proceedings of the International MultiConference of Engineers and Computer Scientists 2018 Vol I IMECS 2018, March 14-16, 2018, Hong Kong

Proceedings of the International MultiConference of Engineers and Computer Scientists 2018 Vol I IMECS 2018, March 14-16, 2018, Hong Kong , March 14-16, 2018, Hong Kong , March 14-16, 2018, Hong Kong , March 14-16, 2018, Hong Kong , March 14-16, 2018, Hong Kong TABLE I CLASSIFICATION ACCURACY OF DIFFERENT PRE-TRAINED MODELS ON THE TEST DATA

More information

Lecture 7: Semantic Segmentation

Lecture 7: Semantic Segmentation Semantic Segmentation CSED703R: Deep Learning for Visual Recognition (207F) Segmenting images based on its semantic notion Lecture 7: Semantic Segmentation Bohyung Han Computer Vision Lab. bhhanpostech.ac.kr

More information

Predicting Depth, Surface Normals and Semantic Labels with a Common Multi-Scale Convolutional Architecture David Eigen, Rob Fergus

Predicting Depth, Surface Normals and Semantic Labels with a Common Multi-Scale Convolutional Architecture David Eigen, Rob Fergus Predicting Depth, Surface Normals and Semantic Labels with a Common Multi-Scale Convolutional Architecture David Eigen, Rob Fergus Presented by: Rex Ying and Charles Qi Input: A Single RGB Image Estimate

More information

Content-Based Image Recovery

Content-Based Image Recovery Content-Based Image Recovery Hong-Yu Zhou and Jianxin Wu National Key Laboratory for Novel Software Technology Nanjing University, China zhouhy@lamda.nju.edu.cn wujx2001@nju.edu.cn Abstract. We propose

More information

SPNet: Shape Prediction using a Fully Convolutional Neural Network

SPNet: Shape Prediction using a Fully Convolutional Neural Network SPNet: Shape Prediction using a Fully Convolutional Neural Network S M Masudur Rahman Al Arif 1, Karen Knapp 2 and Greg Slabaugh 1 1 City, University of London 2 University of Exeter Abstract. Shape has

More information

Fully Automatic Multi-organ Segmentation based on Multi-boost Learning and Statistical Shape Model Search

Fully Automatic Multi-organ Segmentation based on Multi-boost Learning and Statistical Shape Model Search Fully Automatic Multi-organ Segmentation based on Multi-boost Learning and Statistical Shape Model Search Baochun He, Cheng Huang, Fucang Jia Shenzhen Institutes of Advanced Technology, Chinese Academy

More information

arxiv: v2 [cs.cv] 4 Dec 2017

arxiv: v2 [cs.cv] 4 Dec 2017 3D Anisotropic Hybrid Network: Transferring Convolutional Features from 2D Images to 3D Anisotropic Volumes arxiv:1711.08580v2 [cs.cv] 4 Dec 2017 Siqi Liu 1*, Daguang Xu 2*, S. Kevin Zhou 2, Thomas Mertelmeier

More information

Inception and Residual Networks. Hantao Zhang. Deep Learning with Python.

Inception and Residual Networks. Hantao Zhang. Deep Learning with Python. Inception and Residual Networks Hantao Zhang Deep Learning with Python https://en.wikipedia.org/wiki/residual_neural_network Deep Neural Network Progress from Large Scale Visual Recognition Challenge (ILSVRC)

More information

Elastic Neural Networks for Classification

Elastic Neural Networks for Classification Elastic Neural Networks for Classification Yi Zhou 1, Yue Bai 1, Shuvra S. Bhattacharyya 1, 2 and Heikki Huttunen 1 1 Tampere University of Technology, Finland, 2 University of Maryland, USA arxiv:1810.00589v3

More information

Extend the shallow part of Single Shot MultiBox Detector via Convolutional Neural Network

Extend the shallow part of Single Shot MultiBox Detector via Convolutional Neural Network Extend the shallow part of Single Shot MultiBox Detector via Convolutional Neural Network Liwen Zheng, Canmiao Fu, Yong Zhao * School of Electronic and Computer Engineering, Shenzhen Graduate School of

More information

arxiv: v1 [cs.cv] 11 Apr 2018

arxiv: v1 [cs.cv] 11 Apr 2018 Unsupervised Segmentation of 3D Medical Images Based on Clustering and Deep Representation Learning Takayasu Moriya a, Holger R. Roth a, Shota Nakamura b, Hirohisa Oda c, Kai Nagara c, Masahiro Oda a,

More information

Iterative fully convolutional neural networks for automatic vertebra segmentation

Iterative fully convolutional neural networks for automatic vertebra segmentation Iterative fully convolutional neural networks for automatic vertebra segmentation Nikolas Lessmann Image Sciences Institute University Medical Center Utrecht Pim A. de Jong Department of Radiology University

More information

MULTI-SCALE OBJECT DETECTION WITH FEATURE FUSION AND REGION OBJECTNESS NETWORK. Wenjie Guan, YueXian Zou*, Xiaoqun Zhou

MULTI-SCALE OBJECT DETECTION WITH FEATURE FUSION AND REGION OBJECTNESS NETWORK. Wenjie Guan, YueXian Zou*, Xiaoqun Zhou MULTI-SCALE OBJECT DETECTION WITH FEATURE FUSION AND REGION OBJECTNESS NETWORK Wenjie Guan, YueXian Zou*, Xiaoqun Zhou ADSPLAB/Intelligent Lab, School of ECE, Peking University, Shenzhen,518055, China

More information

SELF SUPERVISED DEEP REPRESENTATION LEARNING FOR FINE-GRAINED BODY PART RECOGNITION

SELF SUPERVISED DEEP REPRESENTATION LEARNING FOR FINE-GRAINED BODY PART RECOGNITION SELF SUPERVISED DEEP REPRESENTATION LEARNING FOR FINE-GRAINED BODY PART RECOGNITION Pengyue Zhang Fusheng Wang Yefeng Zheng Medical Imaging Technologies, Siemens Medical Solutions USA Inc., Princeton,

More information

Mask R-CNN. Kaiming He, Georgia, Gkioxari, Piotr Dollar, Ross Girshick Presenters: Xiaokang Wang, Mengyao Shi Feb. 13, 2018

Mask R-CNN. Kaiming He, Georgia, Gkioxari, Piotr Dollar, Ross Girshick Presenters: Xiaokang Wang, Mengyao Shi Feb. 13, 2018 Mask R-CNN Kaiming He, Georgia, Gkioxari, Piotr Dollar, Ross Girshick Presenters: Xiaokang Wang, Mengyao Shi Feb. 13, 2018 1 Common computer vision tasks Image Classification: one label is generated for

More information

Learning Spatio-Temporal Features with 3D Residual Networks for Action Recognition

Learning Spatio-Temporal Features with 3D Residual Networks for Action Recognition Learning Spatio-Temporal Features with 3D Residual Networks for Action Recognition Kensho Hara, Hirokatsu Kataoka, Yutaka Satoh National Institute of Advanced Industrial Science and Technology (AIST) Tsukuba,

More information

Deep Tracking: Biologically Inspired Tracking with Deep Convolutional Networks

Deep Tracking: Biologically Inspired Tracking with Deep Convolutional Networks Deep Tracking: Biologically Inspired Tracking with Deep Convolutional Networks Si Chen The George Washington University sichen@gwmail.gwu.edu Meera Hahn Emory University mhahn7@emory.edu Mentor: Afshin

More information

Instance-aware Semantic Segmentation via Multi-task Network Cascades

Instance-aware Semantic Segmentation via Multi-task Network Cascades Instance-aware Semantic Segmentation via Multi-task Network Cascades Jifeng Dai, Kaiming He, Jian Sun Microsoft research 2016 Yotam Gil Amit Nativ Agenda Introduction Highlights Implementation Further

More information

Encoder-Decoder Networks for Semantic Segmentation. Sachin Mehta

Encoder-Decoder Networks for Semantic Segmentation. Sachin Mehta Encoder-Decoder Networks for Semantic Segmentation Sachin Mehta Outline > Overview of Semantic Segmentation > Encoder-Decoder Networks > Results What is Semantic Segmentation? Input: RGB Image Output:

More information

Automated segmentation methods for liver analysis in oncology applications

Automated segmentation methods for liver analysis in oncology applications University of Szeged Department of Image Processing and Computer Graphics Automated segmentation methods for liver analysis in oncology applications Ph. D. Thesis László Ruskó Thesis Advisor Dr. Antal

More information

SIIM 2017 Scientific Session Analytics & Deep Learning Part 2 Friday, June 2 8:00 am 9:30 am

SIIM 2017 Scientific Session Analytics & Deep Learning Part 2 Friday, June 2 8:00 am 9:30 am SIIM 2017 Scientific Session Analytics & Deep Learning Part 2 Friday, June 2 8:00 am 9:30 am Performance of Deep Convolutional Neural Networks for Classification of Acute Territorial Infarct on Brain MRI:

More information

Iterative Multi-domain Regularized Deep Learning for Anatomical Structure Detection and Segmentation from Ultrasound Images

Iterative Multi-domain Regularized Deep Learning for Anatomical Structure Detection and Segmentation from Ultrasound Images Iterative Multidomain Regularized Deep Learning for Anatomical Structure Detection and Segmentation from Ultrasound Images Hao Chen 1,2, Yefeng Zheng 2, JinHyeong Park 2, PhengAnn Heng 1, and S. Kevin

More information

HENet: A Highly Efficient Convolutional Neural. Networks Optimized for Accuracy, Speed and Storage

HENet: A Highly Efficient Convolutional Neural. Networks Optimized for Accuracy, Speed and Storage HENet: A Highly Efficient Convolutional Neural Networks Optimized for Accuracy, Speed and Storage Qiuyu Zhu Shanghai University zhuqiuyu@staff.shu.edu.cn Ruixin Zhang Shanghai University chriszhang96@shu.edu.cn

More information

Volumetric ConvNets with Mixed Residual Connections for Automated Prostate Segmentation from 3D MR Images

Volumetric ConvNets with Mixed Residual Connections for Automated Prostate Segmentation from 3D MR Images Volumetric ConvNets with Mixed Residual Connections for Automated Prostate Segmentation from 3D MR Images Lequan Yu, Xin Yang, Hao Chen, Jing Qin, Pheng-Ann Heng, Department of Computer Science and Engineering,

More information

SSD: Single Shot MultiBox Detector. Author: Wei Liu et al. Presenter: Siyu Jiang

SSD: Single Shot MultiBox Detector. Author: Wei Liu et al. Presenter: Siyu Jiang SSD: Single Shot MultiBox Detector Author: Wei Liu et al. Presenter: Siyu Jiang Outline 1. Motivations 2. Contributions 3. Methodology 4. Experiments 5. Conclusions 6. Extensions Motivation Motivation

More information

ActiveStereoNet: End-to-End Self-Supervised Learning for Active Stereo Systems (Supplementary Materials)

ActiveStereoNet: End-to-End Self-Supervised Learning for Active Stereo Systems (Supplementary Materials) ActiveStereoNet: End-to-End Self-Supervised Learning for Active Stereo Systems (Supplementary Materials) Yinda Zhang 1,2, Sameh Khamis 1, Christoph Rhemann 1, Julien Valentin 1, Adarsh Kowdle 1, Vladimir

More information

Direct Multi-Scale Dual-Stream Network for Pedestrian Detection Sang-Il Jung and Ki-Sang Hong Image Information Processing Lab.

Direct Multi-Scale Dual-Stream Network for Pedestrian Detection Sang-Il Jung and Ki-Sang Hong Image Information Processing Lab. [ICIP 2017] Direct Multi-Scale Dual-Stream Network for Pedestrian Detection Sang-Il Jung and Ki-Sang Hong Image Information Processing Lab., POSTECH Pedestrian Detection Goal To draw bounding boxes that

More information

Facial Expression Classification with Random Filters Feature Extraction

Facial Expression Classification with Random Filters Feature Extraction Facial Expression Classification with Random Filters Feature Extraction Mengye Ren Facial Monkey mren@cs.toronto.edu Zhi Hao Luo It s Me lzh@cs.toronto.edu I. ABSTRACT In our work, we attempted to tackle

More information

Convolutional Neural Network based Medical Imaging Segmentation: Recent Progress and Challenges. Jiaxing Tan

Convolutional Neural Network based Medical Imaging Segmentation: Recent Progress and Challenges. Jiaxing Tan Convolutional Neural Network based Medical Imaging Segmentation: Recent Progress and Challenges Jiaxing Tan Road Map Introduction CNN based Models Encoder-Decoder based Models GAN Based Models Some Challenges

More information

Handling Missing Annotations for Semantic Segmentation with Deep ConvNets

Handling Missing Annotations for Semantic Segmentation with Deep ConvNets Handling Missing Annotations for Semantic Segmentation with Deep ConvNets Olivier Petit 1,2( ), Nicolas Thome 1, Arnaud Charnoz 2, Alexandre Hostettler 3, and Luc Soler 2,3 1 CEDRIC - Conservatoire National

More information

Skin Lesion Classification and Segmentation for Imbalanced Classes using Deep Learning

Skin Lesion Classification and Segmentation for Imbalanced Classes using Deep Learning Skin Lesion Classification and Segmentation for Imbalanced Classes using Deep Learning Mohammed K. Amro, Baljit Singh, and Avez Rizvi mamro@sidra.org, bsingh@sidra.org, arizvi@sidra.org Abstract - This

More information

COMPARISON OF OBJECTIVE FUNCTIONS IN CNN-BASED PROSTATE MAGNETIC RESONANCE IMAGE SEGMENTATION

COMPARISON OF OBJECTIVE FUNCTIONS IN CNN-BASED PROSTATE MAGNETIC RESONANCE IMAGE SEGMENTATION COMPARISON OF OBJECTIVE FUNCTIONS IN CNN-BASED PROSTATE MAGNETIC RESONANCE IMAGE SEGMENTATION Juhyeok Mun, Won-Dong Jang, Deuk Jae Sung, Chang-Su Kim School of Electrical Engineering, Korea University,

More information

Robust Face Recognition Based on Convolutional Neural Network

Robust Face Recognition Based on Convolutional Neural Network 2017 2nd International Conference on Manufacturing Science and Information Engineering (ICMSIE 2017) ISBN: 978-1-60595-516-2 Robust Face Recognition Based on Convolutional Neural Network Ying Xu, Hui Ma,

More information

Segmenting Lesions in Multiple Sclerosis Patients James Chen, Jason Su

Segmenting Lesions in Multiple Sclerosis Patients James Chen, Jason Su Segmenting Lesions in Multiple Sclerosis Patients James Chen, Jason Su Radiologists and researchers spend countless hours tediously segmenting white matter lesions to diagnose and study brain diseases.

More information

Convolution Neural Network for Traditional Chinese Calligraphy Recognition

Convolution Neural Network for Traditional Chinese Calligraphy Recognition Convolution Neural Network for Traditional Chinese Calligraphy Recognition Boqi Li Mechanical Engineering Stanford University boqili@stanford.edu Abstract script. Fig. 1 shows examples of the same TCC

More information

Residual Networks And Attention Models. cs273b Recitation 11/11/2016. Anna Shcherbina

Residual Networks And Attention Models. cs273b Recitation 11/11/2016. Anna Shcherbina Residual Networks And Attention Models cs273b Recitation 11/11/2016 Anna Shcherbina Introduction to ResNets Introduced in 2015 by Microsoft Research Deep Residual Learning for Image Recognition (He, Zhang,

More information

arxiv: v1 [cs.cv] 14 Dec 2018

arxiv: v1 [cs.cv] 14 Dec 2018 Pyramid Network with Online Hard Example Mining for Accurate Left Atrium Segmentation Cheng Bian 1, Xin Yang 2,3, Jianqiang Ma 1, Shen Zheng 1, Yu-An Liu 1, Reza Nezafat 3, Pheng-Ann Heng 2, and Yefeng

More information

Convolution Neural Networks for Chinese Handwriting Recognition

Convolution Neural Networks for Chinese Handwriting Recognition Convolution Neural Networks for Chinese Handwriting Recognition Xu Chen Stanford University 450 Serra Mall, Stanford, CA 94305 xchen91@stanford.edu Abstract Convolutional neural networks have been proven

More information

arxiv: v1 [cs.cv] 20 Apr 2017

arxiv: v1 [cs.cv] 20 Apr 2017 End-to-End Unsupervised Deformable Image Registration with a Convolutional Neural Network Bob D. de Vos 1, Floris F. Berendsen 2, Max A. Viergever 1, Marius Staring 2, and Ivana Išgum 1 1 Image Sciences

More information

Structured Prediction using Convolutional Neural Networks

Structured Prediction using Convolutional Neural Networks Overview Structured Prediction using Convolutional Neural Networks Bohyung Han bhhan@postech.ac.kr Computer Vision Lab. Convolutional Neural Networks (CNNs) Structured predictions for low level computer

More information

Data Augmentation for Skin Lesion Analysis

Data Augmentation for Skin Lesion Analysis Data Augmentation for Skin Lesion Analysis Fábio Perez 1, Cristina Vasconcelos 2, Sandra Avila 3, and Eduardo Valle 1 1 RECOD Lab, DCA, FEEC, University of Campinas (Unicamp), Brazil 2 Computer Science

More information

Deep Learning in Visual Recognition. Thanks Da Zhang for the slides

Deep Learning in Visual Recognition. Thanks Da Zhang for the slides Deep Learning in Visual Recognition Thanks Da Zhang for the slides Deep Learning is Everywhere 2 Roadmap Introduction Convolutional Neural Network Application Image Classification Object Detection Object

More information

arxiv: v3 [cs.cv] 2 Jun 2017

arxiv: v3 [cs.cv] 2 Jun 2017 Incorporating the Knowledge of Dermatologists to Convolutional Neural Networks for the Diagnosis of Skin Lesions arxiv:1703.01976v3 [cs.cv] 2 Jun 2017 Iván González-Díaz Department of Signal Theory and

More information

A Non-Linear Image Registration Scheme for Real-Time Liver Ultrasound Tracking using Normalized Gradient Fields

A Non-Linear Image Registration Scheme for Real-Time Liver Ultrasound Tracking using Normalized Gradient Fields A Non-Linear Image Registration Scheme for Real-Time Liver Ultrasound Tracking using Normalized Gradient Fields Lars König, Till Kipshagen and Jan Rühaak Fraunhofer MEVIS Project Group Image Registration,

More information

Deep Learning. Visualizing and Understanding Convolutional Networks. Christopher Funk. Pennsylvania State University.

Deep Learning. Visualizing and Understanding Convolutional Networks. Christopher Funk. Pennsylvania State University. Visualizing and Understanding Convolutional Networks Christopher Pennsylvania State University February 23, 2015 Some Slide Information taken from Pierre Sermanet (Google) presentation on and Computer

More information

Available Online through

Available Online through Available Online through www.ijptonline.com ISSN: 0975-766X CODEN: IJPTFI Research Article ANALYSIS OF CT LIVER IMAGES FOR TUMOUR DIAGNOSIS BASED ON CLUSTERING TECHNIQUE AND TEXTURE FEATURES M.Krithika

More information

A SURVEY ON LIVER TUMOR DETECTION AND SEGMENTATION METHODS

A SURVEY ON LIVER TUMOR DETECTION AND SEGMENTATION METHODS A SURVEY ON LIVER TUMOR DETECTION AND SEGMENTATION METHODS R. Rajagopal 1 and P. Subbaiah 2 1 Department of Electronics and Communication Engineering, St. Peter University, Avadi, Chennai, Tamilnadu, India

More information

Detection-aided medical image segmentation using deep learning

Detection-aided medical image segmentation using deep learning Detection-aided medical image segmentation using deep learning A Master s Thesis Submitted to the Faculty of the Escola Tècnica d Enginyeria de Telecomunicació de Barcelona Universitat Politècnica de Catalunya

More information

Automatic Lymphocyte Detection in H&E Images with Deep Neural Networks

Automatic Lymphocyte Detection in H&E Images with Deep Neural Networks Automatic Lymphocyte Detection in H&E Images with Deep Neural Networks Jianxu Chen 1 and Chukka Srinivas 2 1 University of Notre Dame, United States 2 Ventana Medical Systems, Inc. arxiv:1612.03217v1 [cs.cv]

More information

Convolutional Neural Networks: Applications and a short timeline. 7th Deep Learning Meetup Kornel Kis Vienna,

Convolutional Neural Networks: Applications and a short timeline. 7th Deep Learning Meetup Kornel Kis Vienna, Convolutional Neural Networks: Applications and a short timeline 7th Deep Learning Meetup Kornel Kis Vienna, 1.12.2016. Introduction Currently a master student Master thesis at BME SmartLab Started deep

More information

Classifying a specific image region using convolutional nets with an ROI mask as input

Classifying a specific image region using convolutional nets with an ROI mask as input Classifying a specific image region using convolutional nets with an ROI mask as input 1 Sagi Eppel Abstract Convolutional neural nets (CNN) are the leading computer vision method for classifying images.

More information

COMP9444 Neural Networks and Deep Learning 7. Image Processing. COMP9444 c Alan Blair, 2017

COMP9444 Neural Networks and Deep Learning 7. Image Processing. COMP9444 c Alan Blair, 2017 COMP9444 Neural Networks and Deep Learning 7. Image Processing COMP9444 17s2 Image Processing 1 Outline Image Datasets and Tasks Convolution in Detail AlexNet Weight Initialization Batch Normalization

More information

Detecting Anatomical Landmarks from Limited Medical Imaging Data using Two-Stage Task-Oriented Deep Neural Networks

Detecting Anatomical Landmarks from Limited Medical Imaging Data using Two-Stage Task-Oriented Deep Neural Networks IEEE TRANSACTIONS ON IMAGE PROCESSING Detecting Anatomical Landmarks from Limited Medical Imaging Data using Two-Stage Task-Oriented Deep Neural Networks Jun Zhang, Member, IEEE, Mingxia Liu, Member, IEEE,

More information

Dense Volume-to-Volume Vascular Boundary Detection

Dense Volume-to-Volume Vascular Boundary Detection Dense Volume-to-Volume Vascular Boundary Detection Jameson Merkow 1, David Kriegman 1, Alison Marsden 2, and Zhuowen Tu 1 1 University of California, San Diego. 2 Stanford University Abstract. In this

More information

arxiv: v2 [eess.iv] 9 Feb 2018

arxiv: v2 [eess.iv] 9 Feb 2018 MRI Tumor Segmentation with Densely Connected 3D CNN Lele Chen 1, Yue Wu 1, Adora M. DSouza 2, Anas Z. Abidin 3, Axel Wismüller 2,3,4,5, and Chenliang Xu 1 1 Department of Computer Science, University

More information

Volumetric Medical Image Segmentation with Deep Convolutional Neural Networks

Volumetric Medical Image Segmentation with Deep Convolutional Neural Networks Volumetric Medical Image Segmentation with Deep Convolutional Neural Networks Manvel Avetisian Lomonosov Moscow State University avetisian@gmail.com Abstract. This paper presents a neural network architecture

More information

arxiv: v1 [cs.cv] 13 Mar 2017

arxiv: v1 [cs.cv] 13 Mar 2017 A Localisation-Segmentation Approach for Multi-label Annotation of Lumbar Vertebrae using Deep Nets Anjany Sekuboyina 1,2,, Alexander Valentinitsch 2, Jan S. Kirschke 2, and Bjoern H. Menze 1 arxiv:1703.04347v1

More information

AUTOMATED DETECTION AND CLASSIFICATION OF CANCER METASTASES IN WHOLE-SLIDE HISTOPATHOLOGY IMAGES USING DEEP LEARNING

AUTOMATED DETECTION AND CLASSIFICATION OF CANCER METASTASES IN WHOLE-SLIDE HISTOPATHOLOGY IMAGES USING DEEP LEARNING AUTOMATED DETECTION AND CLASSIFICATION OF CANCER METASTASES IN WHOLE-SLIDE HISTOPATHOLOGY IMAGES USING DEEP LEARNING F. Ghazvinian Zanjani, S. Zinger, P. H. N. de With Electrical Engineering Department,

More information

Machine Learning for Medical Image Analysis. A. Criminisi

Machine Learning for Medical Image Analysis. A. Criminisi Machine Learning for Medical Image Analysis A. Criminisi Overview Introduction to machine learning Decision forests Applications in medical image analysis Anatomy localization in CT Scans Spine Detection

More information

Isointense infant brain MRI segmentation with a dilated convolutional neural network Moeskops, P.; Pluim, J.P.W.

Isointense infant brain MRI segmentation with a dilated convolutional neural network Moeskops, P.; Pluim, J.P.W. Isointense infant brain MRI segmentation with a dilated convolutional neural network Moeskops, P.; Pluim, J.P.W. Published: 09/08/2017 Document Version Author s version before peer-review Please check

More information

POINT CLOUD DEEP LEARNING

POINT CLOUD DEEP LEARNING POINT CLOUD DEEP LEARNING Innfarn Yoo, 3/29/28 / 57 Introduction AGENDA Previous Work Method Result Conclusion 2 / 57 INTRODUCTION 3 / 57 2D OBJECT CLASSIFICATION Deep Learning for 2D Object Classification

More information

Deep Learning in Pulmonary Image Analysis with Incomplete Training Samples

Deep Learning in Pulmonary Image Analysis with Incomplete Training Samples Deep Learning in Pulmonary Image Analysis with Incomplete Training Samples Ziyue Xu, Staff Scientist, National Institutes of Health Nov. 2nd, 2017 (GTC DC Talk DC7137) Image Analysis Arguably the most

More information

DeepIM: Deep Iterative Matching for 6D Pose Estimation - Supplementary Material

DeepIM: Deep Iterative Matching for 6D Pose Estimation - Supplementary Material DeepIM: Deep Iterative Matching for 6D Pose Estimation - Supplementary Material Yi Li 1, Gu Wang 1, Xiangyang Ji 1, Yu Xiang 2, and Dieter Fox 2 1 Tsinghua University, BNRist 2 University of Washington

More information

IEEE TRANSACTIONS ON IMAGE PROCESSING, VOL. 26, NO. 10, OCTOBER

IEEE TRANSACTIONS ON IMAGE PROCESSING, VOL. 26, NO. 10, OCTOBER IEEE TRANSACTIONS ON IMAGE PROCESSING, VOL. 26, NO. 10, OCTOBER 2017 4753 Detecting Anatomical Landmarks From Limited Medical Imaging Data Using Two-Stage Task-Oriented Deep Neural Networks Jun Zhang,

More information

A FRAMEWORK OF EXTRACTING MULTI-SCALE FEATURES USING MULTIPLE CONVOLUTIONAL NEURAL NETWORKS. Kuan-Chuan Peng and Tsuhan Chen

A FRAMEWORK OF EXTRACTING MULTI-SCALE FEATURES USING MULTIPLE CONVOLUTIONAL NEURAL NETWORKS. Kuan-Chuan Peng and Tsuhan Chen A FRAMEWORK OF EXTRACTING MULTI-SCALE FEATURES USING MULTIPLE CONVOLUTIONAL NEURAL NETWORKS Kuan-Chuan Peng and Tsuhan Chen School of Electrical and Computer Engineering, Cornell University, Ithaca, NY

More information

3D model classification using convolutional neural network

3D model classification using convolutional neural network 3D model classification using convolutional neural network JunYoung Gwak Stanford jgwak@cs.stanford.edu Abstract Our goal is to classify 3D models directly using convolutional neural network. Most of existing

More information

Convolutional Neural Networks. Computer Vision Jia-Bin Huang, Virginia Tech

Convolutional Neural Networks. Computer Vision Jia-Bin Huang, Virginia Tech Convolutional Neural Networks Computer Vision Jia-Bin Huang, Virginia Tech Today s class Overview Convolutional Neural Network (CNN) Training CNN Understanding and Visualizing CNN Image Categorization:

More information

An efficient face recognition algorithm based on multi-kernel regularization learning

An efficient face recognition algorithm based on multi-kernel regularization learning Acta Technica 61, No. 4A/2016, 75 84 c 2017 Institute of Thermomechanics CAS, v.v.i. An efficient face recognition algorithm based on multi-kernel regularization learning Bi Rongrong 1 Abstract. A novel

More information

arxiv: v1 [stat.ml] 19 Jul 2018

arxiv: v1 [stat.ml] 19 Jul 2018 Automatically Designing CNN Architectures for Medical Image Segmentation Aliasghar Mortazi and Ulas Bagci Center for Research in Computer Vision (CRCV), University of Central Florida, Orlando, FL., US.

More information