Next Article in Journal
Design and Modeling of Ultra-Compact Wideband Implantable Antenna for Wireless ISM Band
Previous Article in Journal
Peptides in Dentistry: A Scoping Review
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Fully Automatic Liver and Tumor Segmentation from CT Image Using an AIM-Unet

1
Department of Mechatronics Engineering, Faculty of Technology, Kırklareli University, Kayalı Campus, 39100 Kırklareli, Turkey
2
Faculty of Applied Sciences, Altınbaş University, Mahmutbey Dilmenler Str., 26, 34217 Istanbul, Turkey
3
Departman of Radiation Oncology, Cerrahpaşa Medical School, İstanbul University-Cerrahpaşa, Cerrahpaşa Campus, 34098 Istanbul, Turkey
4
Radiotherapy Program, Vocational School of Health Services, İstanbul University-Cerrahpaşa, Sultangazi Campus, 34265 Istanbul, Turkey
*
Author to whom correspondence should be addressed.
Bioengineering 2023, 10(2), 215; https://doi.org/10.3390/bioengineering10020215
Submission received: 4 January 2023 / Revised: 26 January 2023 / Accepted: 1 February 2023 / Published: 6 February 2023
(This article belongs to the Section Biosignal Processing)

Abstract

:
The segmentation of the liver is a difficult process due to the changes in shape, border, and density that occur in each section in computed tomography (CT) images. In this study, the Adding Inception Module-Unet (AIM-Unet) model, which is a hybridization of convolutional neural networks-based Unet and Inception models, is proposed for computer-assisted automatic segmentation of the liver and liver tumors from CT scans of the abdomen. Experimental studies were carried out on four different liver CT image datasets, one of which was prepared for this study and three of which were open (CHAOS, LIST, and 3DIRCADb). The results obtained using the proposed method and the segmentation results marked by the specialist were compared with the Dice similarity coefficient (DSC), Jaccard similarity coefficient (JSC), and accuracy (ACC) measurement parameters. In this study, we obtained the best DSC, JSC, and ACC liver segmentation performance metrics on the CHAOS dataset as 97.86%, 96.10%, and 99.75%, respectively, of the AIM-Unet model we propose, which is trained separately on three datasets (LiST, CHAOS, and our dataset) containing liver images. Additionally, 75.6% and 65.5% of the DSC tumor segmentation metrics were calculated on the proposed model LiST and 3DIRCADb datasets, respectively. In addition, the segmentation success results on the datasets with the AIM-Unet model were compared with the previous studies. With these results, it has been seen that the method proposed in this study can be used as an auxiliary tool in the decision-making processes of physicians for liver segmentation and detection of liver tumors. This study is useful for medical images, and the developed model can be easily developed for applications in different organs and other medical fields.

1. Introduction

Medical image segmentation, which has an important place in image analysis studies, is of great importance for doctors to make computer-aided diagnoses in the field of medicine [1]. Segmentation of the relevant organ or region from images obtained from different medical fields, especially in the field of radiology, is important in planning the early diagnosis and treatment of diseases. Compared with other clinics, the application of artificial intelligence (AI) in radiotherapy has been rapidly developed in recent years. Advanced treatment techniques such as intensity-modulated radiotherapy (IMRT) and volumetric modulated arc therapy (VMAT) have become standards in radiation oncology. These advanced techniques also required contouring of tumor volume and especially normal organs around the tumor (organs at risk-OARs). Clinicians delineate these structures on treatment planning systems using computers. The manual delineation of these volumes requires long-term accumulation experience for clinicians. This process causes inter- and intra-observer variability and is time-consuming. Deep-learning auto-segmentation could be a useful time-saving tool to optimize workload and resources in radiation therapy. The liver is one of the dose-limiting organs in radiotherapy for thoracic and abdominal tumors, so accurate contouring of the liver region is important. Ahn et al. demonstrated that a deep learning framework could be used more effectively and efficiently compared to atlas-based auto-segmentation for most OARs in human liver cancer [2].
Computed tomography (CT) is a frequently used imaging technique for the early detection of liver organ size, lesions, or tumors [3]. It consists of two related operations, even if any image is not segmented. The first is to find the relevant region, and the second is to define the boundaries of the region. Anomalies in the shape and texture of the liver and visible lesions on CT are important findings for disease progression in primary and secondary liver tumor disease. Manual or semi-manual techniques are routinely applied in clinics for detection and diagnosis [4]. However, these are subjective, operator-dependent, and very time-consuming. In addition, the correct determination of the relevant region varies depending on the experience and skill of the physician. Computer-aided methods have been developed to increase radiological productivity. Although computer-aided systems are indispensable aids in the determination of liver size and lesion size in order to reduce observer errors, recently, large shape differences among patients, abnormalities in tissues, low-density contrast between the liver and neighboring organs (pancreas, heart, stomach, etc.), and various pathologies (auto-segmentation of the liver and lesions is very difficult due to the presence of tumors, cirrhosis, cysts, etc.) [5]. In addition, pathological conditions such as fatty liver, iron deposition, fibrosis, and tumors may also expose the liver to anatomical deterioration in terms of tissue and signal intensity deterioration [6].
Despite these difficulties, extensive studies have been conducted to segment the liver and liver lesions in CT volumes. In this way, various interactive, automatic, and semi-automatic [7] methods have been developed. Three types of widely used image segmentation algorithms are generally employed for liver segmentation. The first of these are algorithms based on grayscale values [8,9,10], the second are algorithms based on statistical shape models [11,12,13], and the third are algorithms based on texture properties [14,15,16]. Since the development of deep learning methods, end-to-end liver segmentation has gained immense attention from various research groups. Deep learning-based CNNs (convolutional neural networks) can yield very good segmentation results, as deep learning techniques can easily learn high-level semantic features of the liver from images.
A series of studies based on liver segmentation and lesion detection machine learning were carried out from CT images. Most of these studies extracted low-level features [17,18] or mid-level features [19,20,21] from a preselected or predetermined ROI for the liver lesion classification task. Recently, studies have emerged that have achieved great success in a variety of challenging tasks, including the field of high-level feature representation in deep convolutional neural networks (DCNN) and liver lesion classification. There are many algorithms developed by researchers around the world for their work. Algorithms can be divided into several classes: 3D-based deep learning [22,23,24], 2D-based deep learning [25,26,27], statistical-based [27,28], and computer vision-based [29]. Among the developed models, U-Net, CE-net, Inception-v2, and versions are popular for two-dimensional segmentation, while U-Net and V-net are more preferred for 3D segmentation. Although deep learning provides better end-to-end liver segmentation, some new challenges have emerged that restrict the use of deep learning in clinics. Because liver slices generate volumetric data, it is difficult to use 3D spatial information of liver slices when using 2D CNN for liver segmentation.
AIM-Unet is a method that produces more successful feature maps about the image by using filters of different sizes on the image. Accordingly, it is seen that the AIM-Unet model can be used for the detection and segmentation of liver and tumors on CT images. In this study, an automated computer-assisted AIM-Unet model using the bases of the Unet and Inception models is proposed for high-accuracy detection and segmentation of liver and tumor on abdominal CT images in four datasets.
The main contributions of this study are:
1. Proposed a new hybrid Aim-Unet deep neural network, which is a combination of Unet and Inception v3 architectures, for liver and tumor segmentation.
2. Presented a fully automated and robust segmentation system that can segment liver and tumors.
3. An original dataset was created for liver segmentation with images taken from the hospital.
4. Three different datasets for the liver and two different datasets for the tumor were used, with various preprocessing, optimization algorithms, and loss functions, in order for the system to successfully segment both the liver and tumor areas.

2. Literature Review

The first neural network proposed for liver segmentation relied on pre- and post-processing to extract irrelevant regions and then extracted smooth borders with the help of morphological operations. However, the new Convolutional Neural Networks (CNNs) are data-driven algorithms that can be optimized end-to-end without hand-made feature engineering. For the first time in the scientific world, deep learning made a big impact in 2012. It won the Large-Scale Visual Recognition Competition, the largest competition in object identification, with convolutional neural network (CNN) that year. It is considered the fundamental architecture in deep learning. This is an incredible rise in deep learning. Convolutional neural networks (CNNs) have had great success with many object recognition problems in the computer vision community. This trend has been followed by many researchers, so it has been suggested that CNNs learn feature representations in the practice of liver and lesion segmentation. Tumor sites in the liver can occur in various sizes, shapes, textures, contrasts, and numbers. The frequently used deep learning model for segmenting medical images is U-Net. Researchers aimed to increase the performance of U-Net by making various changes and additions. Cornelio et al. [30] In a study they carried out in 2019, they modified the batch normalization that allows self-learning in each layer of the network. They also used different regularizers (Lasso regression and Ridge regression). In 2020, Thi et al. [31] developed a fully automatic tool to recognize the liver region from CT images based on a deep learning model, namely the Multiple Filter U-Net, MFUnet. According to Karthik et al. [32], a mechanism called attention gate was added to U-Net. Thanks to this mechanism, data from the expanding path and skip connection are first combined. After the combined data is stretched using the ReLu activation function, a linear transformation is applied. Finally, it is subjected to the sigmoid function. Irrelevant features are suppressed thanks to the attention coefficients used here. In 2022, Hille et al. [33] developed a hybrid network called SWTR-Unet, consisting of a pretrained ResNet, transformer blocks, and a common Unet-style decoder path. In the same year, Xiong et al. [34] proposed a weak tag-based Bayesian U-Net utilizing the Hough transform for optical disc segmentation. In Bayesian U-Net, the standard Gaussian is placed over the mesh weights. No changes have been made to the skip connection in this model.
Recently, AI applications such as convolutional neural network (CNN)-based automatic segmentation models have been shown to improve the consistency and efficiency of this process. These models typically classify each voxel in an image as belonging to OARs or target based on the characteristics of the location and density of the voxel and surrounding voxels. These AI models now outperform traditional auto-sculpting methods and reach the accuracy range of manual definitions. An important algorithm was the “U-Net”, which was modified from the fully convolutional network (FCN), which became the cornerstone of many newly developed models [35].
Segmentation or contouring operations are mainly influenced by the object’s edge information. Despite the successful extraction of edge features, U-Net still has its drawbacks. The most important of them is that it is unable to adequately predict high-level features for high-resolution edge information in the input image. U-Net uses skip connections to transmit high-resolution information. However, unlike the low-resolution features, the high-resolution edge information is transmitted to the skip connection after the pooling layer without passing through a convolution layer. Therefore, the U-Net tries to disproportionately extract high-resolution features from low-resolution information.
To overcome the limitations of the U-Net, this paper proposes AIM-Unet by redesigning it by placing convolutional layers of different filter sizes on the skip connection. AIM-Unet prevents duplication of low-resolution features from the residual path and extracts higher-resolution features with high-resolution edge information for large images. Compared to U-Net, AIM-Unet reveals and processes edge information and morphology features to a greater extent.

3. Materials and Methods

In this study, an Unet and Inception-based model is proposed for automatic segmentation of liver and tumor on abdominal CT images. The block diagram is showing the methodology of the proposed model, and is summarized in three phases: data preparation, training and testing, and segmentation (Figure 1).

3.1. Deep Learning Model Development

In the last few years, deep CNNs have achieved significantly good outcomes in medical image classification. The simplest way to improve the performance of deep CNNs is to increase their depth and width [36]. Szegedy et al. [37] proposed a deep CNN architecture called Inception that increases the width of each stage. There are multiple versions of Inception-Net. The versions of Inception-v2 [38], Inception-v3 [39,40], and Inception-v4 [41] are widely used in classification tasks. He et al. [42] Redundant connections introduced by MD have made it easy to train very deep networks. Combining both ideas, Inception-ResNet outperformed previous networks in applications. However, U-Net is one of the most preferred models in medical image segmentation. The model got its name from its resemblance to the letter “U”, as can be seen from its shape. The reason it is preferred is that it gives successful results, and the training period is short. The original U-Net model is a successful convolution network developed for biomedical image segmentation. U-Net basically consists of two parts: the encoder/downsizing path and the decoder/expansion path. Different versions of U-Net have also been developed by researchers. A few of these versions are Recurent Residual-Unet [43], Attention-Unet [44], and Attention Residual-Unet [45]. The model we propose for liver segmentation, AIM-Unet, is shown in Figure 2. This model consists of a combination of the U-Net model and a module of the Inception model. On all four levels of the skip connection, the output of the convolutional layer in the encoder part is concatenated with the output of the Inception module section and then transferred to the decoder. These feature maps are then concatenated with the output of the upsampling operation. The last convolution layer of the decoder part uses a Sigmoid activation function and a 1 × 1 convolution operation. In the output layer, if we were to perform multiple classifications, we would have to use the softmax function for the activation function. The output of the model is a 256 × 256 binary image. There are a total of 188 layers in our model, and the total number of parameters is 41,695,169. 41,672,129 of these parameters are trainable, and 23,040 are non-trainable. In the proposed model, the input, output dimensions, and filter numbers in the layers are given in Table 1.

3.2. Inception Module Part (IMP)

In this study, the presented model for the liver segmentation was added to the Unet model, the module of the inception model, which includes the convolution and pooling layers, as shown in Figure 3. This module has been added to the skip link. The module we added processes the input data in 4 different branches. While only 1 × 1 convolution operation is performed in one arm, a 1 × 1 convolution operation is performed first, and then a 5 × 5 convolution in the second arm. In the third arm, first a 1 × 1 convolution operation is performed, and then a 3 × 3 convolution operation is performed twice. In the last arm, first the maximum pooling operation is performed, and then the 1 × 1 convolution operation is performed. After this four-branch operation is performed, the merge operation is applied to the outputs. These operations are repeated once again. It is then subjected to two 3 × 3 convolution and activation processes. We used the batch normalization and ReLu functions after each convolution operation. These processes are shown in detail in Figure 3.

4. Experiments

We have performed all the work on the datasets on a computer with the following configuration.
  • CPU: Intel Core i7-10875H 2.3 GHZ
  • GPU: 8 GB NVIDIA GeForce RTX 2080 Super with Max-Q Design.
  • Memory: 16,384 Mb RAM
We used the Tensorflow 2.2.0 framework, which allows for dynamic stack size, to do the research. We also developed our application on the Spider 5.0 IDE, with Python 3.6 interpreter and Keras-nightly version 2.5.0. We chose the binary cross entropy function as the loss function for the measurement of accuracy and loss. We also observed IoU (Intersection Over Union), Dice loss, recall, and precision metrics during the training. The network architecture is based on the U-Net architecture and the Inception architecture. However, convolution and stack normalization layers are included in the skip connections of this study, and the number of layers has changed in the skip connections. Therefore, the network is trained from scratch each time. During the training, many experiments were carried out by adjusting the hyperparameters used in the network. The learning rate, batch size, epoch and dropout value, optimizer, loss function, and activation function were checked for different values and assignments. After much trial and error, a batch size of 3, epochs of 100, a validation division of 0.20 (after test data separation), and a learning rate of 0−3 were used. We saw that the Adaptive Moment Estimation (Adam) optimizer gave the best results. When we used early stopping for the validation loss (for patience = 5) in our trainings, we saw that the 95th epoch training was complete. Most values did not change after this epoch, and that is why we didn’t use early stops in the next training. We finished the training in the 100th epoch

4.1. Datasets

We use three liver image datasets to evaluate our model, two of which are the publicly available LiST dataset and the CHAOS dataset, and the other is the dataset we created. Most of the liver-free sections of patients in these datasets were discarded. Any patient’s data in the datasets is 512 × 512 × N in size. Here, the N number is called the number of slices and may vary according to the patient’s liver size. Each slice (abdominal) image of the patients was recorded as an image. 10% of patients were randomly assigned for testing across all datasets. Then, in the remaining patients, 30% were randomly assigned as validation data and 70% as test data. Each dataset was trained and tested separately. Details of the number of images used in datasets are given in Table 2.

4.1.1. Patients and Data Acquisition Protocol

This study was carried out in accordance with the criteria determined by the Ministry of Health by obtaining the necessary permission from the Faculty of Medicine of Trakya University, dated 12 February 2020, and numbered 600-E.411005. The study was performed in accordance with the Helsinki Declaration and approved by the local ethics committee, numbered TÜTF-BAEK 2020-7254. In addition, patient data were collected and processed in accordance with Republic of Turkey Law No. 6698 on the Protection of Personal Data. In this study, data from 50 different patients (28 males and 22 females) aged between 25 and 83, some of whom were diseased and some of whom were healthy, were used. The dataset was created with the abdominal images of each patient, consisting of an average of 73 sections.

4.1.2. Creating the Dataset (Our Dataset)

It is very difficult to obtain the amount of data that needs to be collected to solve a segmentation problem. By difficult, we mean time, hardware, and perhaps most importantly, the labeling of data. An ordinary eye will not be sufficient for tagging, localization, and positioning information of each pixel, especially in areas that require sensitive approaches such as biomedical or defense. For this, expert eyes and experience are needed in many related images.
Appropriate PET-CT images were stored from the hospital database in Digital Imaging and Processing in Medicine (DICOM) format. All stored images were resized to a resolution of 4.7 × 6.3 × 30 mm. The sections were examined one by one by the specialist medical doctor, and the anatomical liver tissue was marked. Liver areas (ROI) determined by expert radiologists were labeled 1, and non-hepatic areas were labeled 0. After the tagging process, the original images were added to the dataset as 512 × 512 × 3 pixels with a jpg extension with a 3-channel color depth, and the tagged images as a png extension with a single-color channel with 512 × 512 × 1 dimensions.

4.1.3. The LiTS Image Dataset

The images in this dataset were collected from clinics and university hospitals in various countries around the world. IRCAD Institute Strasbourg, Hebrew University of Jerusalem, Tel Aviv University, Sheba Medical Center, Ludwig Maximilian University of Munich, Polytechnique and CHUM Research Center Montreal, and Radboud University Medical Center of Nijmegen are some of them. Most of the patients in this dataset suffer from liver diseases. The images of the patients include primary (i.e., originating in the liver-like hepatocellular carcinoma, HCC) and secondary (i.e., spreading to the liver-like colorectal cancer) tumor diseases, as well as metastases originating from breast and lung cancers. Images were acquired from different devices under different acquisition protocols. Therefore, the data has different resolutions, image quality, and contrast densities. The LiTS dataset contains 131 and 70 contrast-enhanced 3D abdominal CT scans for training and testing, respectively [46]. The number of sections in the images of these patients ranged from 42 to 1026, and the number of sections containing the liver ranged from 30 to 253. Each patient has an average of 150 images. The sections have different thicknesses between 0.45 mm and 6.0 mm. Data were downloaded in nfii file format, and images without liver were extracted for a faster conclusion of the model. In the training and test sets of the liver, volumes show a normal distribution and are similar to known distributions. There are 19,433 images in total in the dataset, and the usage distribution of these images is shown in detail in Table 2.

4.1.4. CHAOS Dataset

The images in this dataset were collected by the Department of Radiology at Dokuz Eylül University. The dataset includes original CT images of 40 patients and images marked by expert radiologists. Of these patients, 22 were men and 18 were women [47]. In addition, the age range of the patients ranged from 18 to 63 years. Patient images do not contain any pathological abnormalities (tumors, metastases). So the images contain only healthy abdominal organs. There are 2975 images in total in the dataset, and the distribution of use of these images is shown in detail in Table 2. The number of slices for each patient varies between 77 and 105, and an average patient has 90 images. Images are in a DICOM format with 512 × 512 resolution. The slice thickness of each image ranges from 3.0 to 3.2 mm. As in the LiST dataset, the liver sizes in this dataset show differences. The reason for this is that the anatomical structure of each patient is different.

4.1.5. 3DIRCADb Dataset

This dataset is a subset of patients 28-47 from the LiST dataset, which consists of 131 patient records. A total of 20 patients are included in the 3DIRCADb dataset. 16 of these patients have tumor images. The total number of slices with tumors is 588.

4.2. Data Preparation and Processing

Pre-processing was undertaken in a slice-wise fashion. In the first step, liver-free slices of each patient in the dataset were excluded from the dataset. To exclude irrelevant organs and objects, Hounsfield unit values were automatically windowed in the range [−100, 200] with the help of a function, and then we increased the contrast through histogram equalization. The data was converted to jpg and png formats to make it ready for preprocessing, resampling, and post-structuring training. When training a model, data augmentation is important to effectively train the network if the dataset is small. For this reason, data augmentation is applied by applying different affine deformations to the existing training images [48]. Especially when creating medical image datasets, the labeling process of the data is very laborious and takes a long time, so the number of images in the dataset is insufficient. The small number of training pairs raises the problem of overfitting. We applied center crop, clockwise rotation, counterclockwise rotation, grid distortion, vertical flip, and random brightness contrast affine to each image in our dataset. We created an extra 6 different views from each image. In this way, the data set has been increased 7 times. Figure 4 contains images of the results of affine applied to an image. The original dimensions of the images in the dataset are 512 × 512. Since using images at these sizes will tire the GPU and to avoid memory errors, the images have been reduced to 256 × 256. The images were also normalized between 0 and 1.

4.3. Post-Processing

While any image is predicted or tested by the model, each pixel of the image is independently classified as liver or background. The image value obtained as a result of the estimation is sent to a generated threshold function. The function examines the value of each pixel individually. If the pixel value is greater than 0.5, that pixel is considered a liver and assigns 1 to that pixel’s value. If the pixel value is less than 0.5, it considers this pixel as the background and assigns the value 0. This process is similarly applied to the tumor image.
If a 3-dimensional view is to be obtained from all images of the patient, after the above steps are applied to all slices of the patient, these slices are combined and mesh (Laplacian smoot, Faces orientation) operations are applied. The 3D image of a patient we obtained is in last figure.

4.4. Metrics

Various measurement performances are taken into account to analyze the experimental results [49,50]. Accuracy (AC), recall (sensitivity) (RE), prevalence (PV), specificity (SP), precision (PR), Dice similarity coefficient (DSC), and Jaccard similarity coefficient (JSC) measurement performances are some of them. To calculate these performance measures, a confusion matrix is used, which includes the variables True Positive (TP), False Positive (FP), True Negative (TN), and False Negative (FN) in Figure 5.
The overall accuracy value was calculated using Equation (1), and recall is calculated using Equation (2).
A C = T P + T N T P + T N + F P + F N    
R E = T P T P + F N  
Furthermore, the precision [51] value is calculated using the following Equation (3).
P R = T P T P + F P              
Cross-entropy loss is the loss function that is widely employed in semantic segmentation tasks. The cross-entropy loss examines each pixel one by one and compares the predicted results (probability distribution vector) for each pixel category with the heat-coded label vector. When there are only two categories, a binary cross entropy loss, called BCE loss, is used and represented as Equation (4). We chose the binary croossentropy function as the loss function when training the datasets. Cross-entropy [4] can be defined as a measure of the difference between two probability distributions for a given random variable or set of events. It is commonly used to classify the objects and the segmentation levels, if pixel works properly.
Binary cross-entropy is defined as:
L B C E = [ P log ( G ) + ( 1 P ) log ( 1 G ) ]
Here, P is the predicted image by the prediction, and G is the ground truth image.
We can consider Dice score as the matching level between predicted and ground truth image. The range of a Dice score is a value between 0 and 1. The higher the score, the better the performance. If this value is zero, it indicates that there is no relationship between the predicted image and the ground truth image. It is clear that the maximum of Dice score is one, if the predicted image and the ground truth image are completely overlapping. In addition to the calculation of binary precision, the threshold parameter, which we set to 0.5, is calculated. Each predicted pixel is compared with the threshold. If the pixel value is less than or equal to the threshold value, 0 is assigned to the value of that pixel, if the pixel value is greater than the threshold value, that pixel value is assigned 1.
The Dice coefficient is calculated using Equation (5), and Dice loss is calculated using Equation (6).
D S C = 2 | P G | | P | + | G |    
D L = 1 2 | P G | | P | + | G |
where P is the image predicted by our proposed model, and G is the ground truth image.
Jaccard index is very popular and used as a similarity index for binary data, as shown in the following form.
J S C = P G P G
We also calculated the mean IoU, recall, and precision metrics as well as the Dice score metric. These metric values are given in Table 3 and Table 4 for 3 datasets.
The aim of this study is to reveal the ability of different sized filters in the Inception module added to the U-Net model to automatically extract the liver region. The evaluation of the method was measured by comparing the area estimated by a radiologist with the actual area. The most commonly used measurement values are Dice score and Jaccard index (IOU). The changes to these values in our model are as shown in Figure 6. Figure 6 shows the decimation of the validation errors after the Adam optimizer, as we used the cause of the ted concussions and the refresh of the learning rate. Some masks that we obtained as a result of training the model are shown in Figure 7. To measure the success of our proposed model, we trained the network only with our dataset and then tested it separately on the LiST and CHAOS datasets. Next, we repeat this procedure for the other dataset as well, and we report the results on Table 3. The values in Table 3 show the test results of the proposed model after training on each dataset separately. The numbers of images used in the training and test data sets are given in Table 2. If we pay attention to Table 4, the results trained on the LiST dataset and tested on our dataset have the largest standard deviations. The reason for this is that the image in our data set differs as a result of morphological operations. As seen from Table 4, the most successful test results are from the model trained on the CHAOS dataset. However, the test results of the proposed model trained on our dataset and tested on the Chaos dataset are very close to the highest values. Also, looking at the data in the table, it is seen that the AIM-Unet model has achieved successful results in all datasets.
As can be seen from the test set results in Table 4, the model we propose has very good results on three datasets. The test results in Table 4 obtained from the three data sets show that the model can be easily used in daily routine clinical applications.
In this part of the study, we discuss and analyze the computed tomography results in the datasets to evaluate the performance of the proposed model. The results estimated by AIM-Unet from images on different datasets are shown in Figure 8. The red areas in the comparison image show the regions that our model missed, the green areas are the areas that the model predicted incorrectly, and the yellow areas are the regions that the model predicted correctly. The estimation results of liver and tumor regions in the LiST and 3DIRCADb datasets by AIM-Unet are shown in Figure 9.
The average Dice score and Jaccard index values of the proposed model for liver segmentation are given in Table 5, and those for tumor segmentation in Table 6. As can be seen from Table 5, the model we propose has higher values than other models in terms of Dice score and Jaccard index. This shows that the use of different filters in the model produces more successful features and makes the model more successful. However, the model we proposed on the CHAOS dataset and the dataset we created, has been the most successful model. In addition, when we look at the Jaccard indexes, it was the model we recommended that showed the most successful performance on 3 datasets. While the model proposed for tumor segmentation in Table 6 achieved very successful results on the LiST dataset, its success remained low in the 3DIRCADb dataset. The reason for this is that there are more tumor images in the LIST dataset, and the model learns better from this extra image.
The number of patients required to train a segmentation model depends on the variability in the data, the completeness of the data with respect to missing labels, and the AI model used. A model for tumor segmentation usually requires more patient data than OARs because tumor shape and location are more variable than in normal anatomy. Currently, state-of-the-art CNN-based shaping models typically consist of more than 100 patients. However, models of 50–100 patients have also been shown to segment OARs with reasonable accuracy. Information on the patient data sets used in our study is given in Table 2. The variability in the training data should reflect the variability of the clinical data for which the model will be used. For example, if the model will be used for different imaging acquisition protocols or devices, the training set should contain all of these types of data [62]. Finishing operations such as bonded component selection, hole filling, or smoothing can be performed to obtain more clinically relevant contours. Validation and test sets typically contain about 20 patients. A minimum of 10 patients is recommended but should be increased if there are large differences in outcomes. The test sets used in our study are given in Table 2.
Both IoU and DSC are used to calculate the overlap of baseline truth masks and U-Net generated images, indicating the degree of similarity. High DSC and IoU values correspond to correct segmentation (Table 5).
Contour definition accuracy in radiotherapy is also evaluated using DSC. Among CNN architectures adapted for medical imaging, U-Net and its variations are the most popular among researchers, and techniques have been devised to deal with smaller datasets, a practical limitation in many medical imaging applications [63].

5. Conclusions

In this study, we examined how the Inception model’s different filtering module will be added to the skip connection of the U-Net model and how it will affect the segmentation by taking advantage of the local features in the CT abdomen images. We applied this study to three different datasets. As it can be understood from the results, we saw that the different filter module we added helped us learn more local features than the standard network. Our model is an end-to-end trainable model. It does not need pre-trained weights. We found that our model is more complex than the standard U-Net model. The entire algorithm was able to segment a slice in 1.12 s using a typical desktop computer. The average time required for a CT cross-sectional image to be segmented by a specialist is 2 min. Therefore, our proposed method is approximately 100 times faster than manual segmentation at acceptable accuracy levels. As a result of our experiments on three data sets, the Dice values we obtained for liver segmentation show that it is 97.38 for our dataset, 95.77 for LiST, and 97.86 for CHAOS. These quantitative metrics demonstrate that our method can accurately segment the liver from 2D abdominal CT images. Figure 10 shows the 3D rendering of the 2D abdominal CT images of patient 16 in the LiST dataset, which were estimated from the proposed model. Moreover, the results show that this proposed model provides better performance not only during training but also during testing. However, the different-sized convolution layers we add to the skip connections increase the number of parameters of the model too much. This increases the training time of the model and causes the GPU to become overtired. Since the estimation time was not specified in previous studies, it is not possible to make a definite judgment about the estimation time of our model. In the future, we want to apply the same architecture to liver tumors, to 3D render the model, and apply it to different datasets.
Artificial intelligence is a growing class of tools with the potential to impact healthcare. The delineation of organs at risk (OAR) and target volumes, one of the starting points of radiotherapy treatment planning, is very important for accurate treatment planning. The current practice of treatment planning is largely a manual process that is time-consuming and labor-intensive, usually requiring hours or days for a case. Therefore, the quality of planning depends heavily on the planner’s contouring experience. To increase speed and consistency, automatic segmentation has become a major research focus. The use of artificial intelligence, including deep learning to automate radiotherapy planning, is expected to increase in the future. Clinicians must verify the data obtained to ensure the accuracy of patient treatment [64].
The AIM-Unet has very good potential for further development. In addition, a comparison of the data obtained with AIM-Unet in radiotherapy and manual contouring data is considered.

Author Contributions

The study was written, drafted, coded, and done by F.Ö., D.T., who played a great role in collecting and organizing the dataset. S.K. took part in the analysis of the results, literature research, and writing of the article. O.N.U. had read and given his valuable comments. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

The study was conducted in accordance with the Declaration of Helsinki, and approved by the Ethics Committee of TÜTF-BAEK 2020-7254 (protocol code 600-E.411005 and 12 February 2020).

Informed Consent Statement

Not applicable.

Data Availability Statement

Our code and experimental data are publicly available at: https://github.com/frtozcan/trakyauniv. (accsessed on 4 January 2023).

Acknowledgments

We would like to thank Gülay Durmuş Altun and Ülkü Korkmaz for their support in obtaining and marking the images in this article.

Conflicts of Interest

The authors declare that they have no conflicts of interest.

References

  1. Bogovic, J.A.; Prince, J.L.; Bazin, P.-L. A multiple object geometric deformable model for image segmentation. Comput. Vis. Image Underst. 2013, 117, 145–157. [Google Scholar] [CrossRef] [PubMed]
  2. Ahn, S.H.; Yeo, A.U.; Kim, K.H.; Kim, C.; Goh, Y.; Cho, S.; Lee, S.B.; Lim, Y.K.; Kim, H.; Shin, D.; et al. Comparative clinical evaluation of atlas and deep-learning-based auto-segmentation of organ structures in liver cancer. Radiat. Oncol. 2019, 14, 213. [Google Scholar] [CrossRef] [PubMed]
  3. Bray, F.; Ferlay, J.; Soerjomataram, I.; Siegel, R.L.; Torre, L.A.; Jemal, A. Global cancer statistics 2018: GLOBOCAN estimates of incidence and mortality worldwide for 36 cancers in 185 countries. CA Cancer J. Clin. 2018, 68, 394–424. [Google Scholar] [CrossRef] [PubMed]
  4. von Landesberger, T.; Bremm, S.; Kirschner, M.; Wesarg, S.; Kuijper, A. Visual Analytics for model-based medical image segmentation: Opportunities and challenges. Expert Syst. Appl. 2013, 40, 4934–4943. [Google Scholar] [CrossRef]
  5. Huang, Q.; Ding, H.; Wang, X.; Wang, G. Fully automatic liver segmentation in CT images using modified graph cuts and feature detection. Comput. Biol. Med. 2018, 95, 198–208. [Google Scholar] [CrossRef]
  6. Gotra, A.; Sivakumaran, L.; Chartrand, G.; Vu, K.-N.; Vandenbroucke-Menu, F.; Kauffmann, C.; Kadoury, S.; Gallix, B.; de Guise, J.A.; Tang, A. Liver segmentation: Indications, techniques and future directions. Insights Into Imaging 2017, 8, 377–392. [Google Scholar] [CrossRef]
  7. Qi, Y.; Xiong, W.; Leow, W.K.; Tian, Q.; Zhou, J.; Liu, J.; Han, T.; Venkatesh, S.; Wang, S.-C. Semi-automatic Segmentation of Liver Tumors from CT Scans Using Bayesian Rule-based 3D Region Growing. MIDAS J. 2008, 41, 201. [Google Scholar] [CrossRef]
  8. Xu, C.; Prince, J.L. Snakes, shapes, and gradient vector flow. IEEE Trans. Image Process. 1998, 7, 359–369. [Google Scholar] [CrossRef]
  9. Lei, T.; Jia, X.; Zhang, Y.; He, L.; Meng, H.; Nandi, A.K. Significantly Fast and Robust Fuzzy C-Means Clustering Algorithm Based on Morphological Reconstruction and Membership Filtering. IEEE Trans. Fuzzy Syst. 2018, 26, 3027–3041. [Google Scholar] [CrossRef]
  10. Adams, R.; Bischof, L. Seeded region growing. IEEE Trans. Pattern Anal. Mach. Intell. 1994, 16, 641–647. [Google Scholar] [CrossRef] [Green Version]
  11. Heimann, T.; Wolf, I.; Meinzer, H.-P. Active shape models for a fully automated 3D segmentation of the liver—An evaluation on clinical data. Lect. Notes Comput. Sci. 2006, 4191, 41–48. [Google Scholar] [CrossRef]
  12. Zhang, X.; Tian, J.; Deng, K.; Wu, Y.; Li, X. Automatic Liver Segmentation Using a Statistical Shape Model with Optimal Surface Detection. IEEE Trans. Biomed. Eng. 2010, 57, 2622–2626. [Google Scholar] [CrossRef] [PubMed]
  13. Tomoshige, S.; Oost, E.; Shimizu, A.; Watanabe, H.; Nawano, S. A conditional statistical shape model with integrated error estimation of the conditions; Application to liver segmentation in non-contrast CT images. Med. Image Anal. 2014, 18, 130–143. [Google Scholar] [CrossRef] [PubMed]
  14. Gambino, O.; Vitabile, S.; Re, G.L.; La Tona, G.; Librizzi, S.; Pirrone, R.; Ardizzone, E.; Midiri, M. Automatic volumetric liver segmentation using texture based region growing. In Proceedings of the 2010 International Conference on Complex, Intelligent and Software Intensive Systems, Krakow, Poland, 15–18 February 2010; pp. 146–152. [Google Scholar] [CrossRef]
  15. Ji, H.; He, J.; Yang, X.; Deklerck, R.; Cornelis, J. ACM-Based Automatic Liver Segmentation From 3-D CT Images by Combining Multiple Atlases and Improved Mean-Shift Techniques. IEEE J. Biomed. Health Inform. 2013, 17, 690–698. [Google Scholar] [CrossRef] [PubMed]
  16. Cremers, D.; Rousson, M.; Deriche, R. A Review of Statistical Approaches to Level Set Segmentation: Integrating Color, Texture, Motion and Shape. Int. J. Comput. Vis. 2006, 72, 195–215. [Google Scholar] [CrossRef]
  17. Xu, Y.; Lin, L.; Hu, H.; Yu, H.; Jin, C.; Wang, J.; Han, X.; Chen, Y.-W. Combined density, texture and shape features of multi-phase contrast-enhanced CT images for CBIR of focal liver lesions: A preliminary study. Smart Innov. Syst. Technol. 2016, 45, 215–224. [Google Scholar] [CrossRef]
  18. Roy, S.; Chi, Y.; Liu, J.; Venkatesh, S.K.; Brown, M.S. Three-Dimensional Spatiotemporal Features for Fast Content-Based Retrieval of Focal Liver Lesions. IEEE Trans. Biomed. Eng. 2014, 61, 2768–2778. [Google Scholar] [CrossRef]
  19. Yang, W.; Lu, Z.; Yu, M.; Huang, M.; Feng, Q.; Chen, W. Content-Based Retrieval of Focal Liver Lesions Using Bag-of-Visual-Words Representations of Single- and Multiphase Contrast-Enhanced CT Images. J. Digit. Imaging 2012, 25, 708–719. [Google Scholar] [CrossRef]
  20. Diamant, I.; Goldberger, J.; Klang, E.; Amitai, M.; Greenspan, H. Multi-phase liver lesions classification using relevant visual words based on mutual information. In Proceedings of the 2015 IEEE 12th International Symposium on Biomedical Imaging (ISBI), Brooklyn, NY, USA, 16–19 April 2015; pp. 407–410. [Google Scholar] [CrossRef] [Green Version]
  21. IDiamant, I.; Hoogi, A.; Beaulieu, C.F.; Safdari, M.; Klang, E.; Amitai, M.; Greenspan, H.; Rubin, D.L. Improved Patch-Based Automated Liver Lesion Classification by Separate Analysis of the Interior and Boundary Regions. IEEE J. Biomed. Health Inform. 2016, 20, 1585–1594. [Google Scholar] [CrossRef]
  22. PRida, I.; Al-Maadeed, N.; Al-Maadeed, S.; Bakshi, S. Automatic Liver and Lesion Segmentation in CT Using Cascaded Fully Convolutional Neural Networks and 3D Conditional Random Fields. In Proceedings of the Medical Image Computing and Computer-Assisted Intervention (MICCAI 2016), Athens, Greece, 17–21 October 2016; pp. 415–423. [Google Scholar] [CrossRef]
  23. Kamnitsas, K.; Ledig, C.; Newcombe, V.F.; Simpson, J.P.; Kane, A.D.; Menon, D.K.; Rueckert, D.; Glocker, B. Efficient multi-scale 3D CNN with fully connected CRF for accurate brain lesion segmentation. Med. Image Anal. 2017, 36, 61–78. [Google Scholar] [CrossRef]
  24. YZeng, Y.-Z.; Liao, S.-H.; Tang, P.; Zhao, Y.-Q.; Liao, M.; Chen, Y.; Liang, Y. Automatic liver vessel segmentation using 3D region growing and hybrid active contour model. Comput. Biol. Med. 2018, 97, 63–73. [Google Scholar] [CrossRef]
  25. Ronneberger, O.; Fischer, P.; Brox, T. U-Net: Convolutional Networks for Biomedical Image Segmentation. In Proceedings of the Medical Image Computing and Computer-Assisted Intervention–MICCAI 2015, Munich, Germany, 5–9 October 2015; pp. 12–20. [Google Scholar] [CrossRef]
  26. Moltz, J.H.; Bornemann, L.; Dicken, V.; Peitgen, H.-O. Segmentation of Liver Metastases in CT Scans by Adaptive Thresholding and Morphological Processing. MIDAS J. 2008, 41, 195. [Google Scholar] [CrossRef]
  27. Wong, D.; Liu, J.; Yin, F.; Tian, Q.; Xiong, W.; Zhou, J.; Yingyi, Q.; Han, T.; Venkatesh, S.; Wang, S.-C. A semi-automated method for liver tumor segmentation based on 2D region growing with knowledge-based constraints. MIDAS J. 2008, 41, 159. [Google Scholar] [CrossRef]
  28. Freiman, M.; Eliassaf, O.; Taieb, Y.; Joskowicz, L.; Azraq, Y.; Sosna, J. An iterative Bayesian approach for nearly automatic liver segmentation: Algorithm and validation. Int. J. Comput. Assist. Radiol. Surg. 2008, 3, 439–446. [Google Scholar] [CrossRef]
  29. Stawiaski, J.; Decenciere, E.; Bidault, F. Interactive Liver Tumor Segmentation Using Graph-cuts and Watershed. In Proceedings of the 11th international conference on medical image computing and computer assisted intervention (MICCAI 2008), New York, NY, USA, 6–10 September 2008. [Google Scholar]
  30. Cornelio, L.K.S.; del Castillo, M.A.V.; Naval, P.C. U-ISLES: Ischemic Stroke Lesion Segmentation Using U-Net. In Advances in Intelligent Systems and Computing; Springer International Publishing: Cham, Switzerland, 2019; Volume 869, pp. 326–336. [Google Scholar]
  31. VVi, V.T.T.; Oh, A.-R.; Lee, G.-S.; Yang, H.-J.; Kim, S.-H. Automatic Extraction of Liver Region from Medical Images by Using an MFUnet. Korean Inst. Smart Media 2020, 9, 59–70. [Google Scholar] [CrossRef]
  32. Karthik, R.; Radhakrishnan, M.; Rajalakshmi, R.; Raymann, J. Delineation of ischemic lesion from brain MRI using attention gated fully convolutional network. Biomed. Eng. Lett. 2021, 11, 3–13. [Google Scholar] [CrossRef] [PubMed]
  33. Hille, G.; Agrawal, S.; Wybranski, C.; Pech, M.; Surov, A.; Saalfeld, S. Joint Liver and Hepatic Lesion Segmentation using a Hybrid CNN with Transformer Layers. arXiv 2022, arXiv:2201.10981. [Google Scholar] [CrossRef]
  34. Xiong, H.; Liu, S.; Sharan, R.V.; Coiera, E.; Berkovsky, S. Weak label based Bayesian U-Net for optic disc segmentation in fundus images. Artif. Intell. Med. 2022, 126, 102261. [Google Scholar] [CrossRef]
  35. Cardenas, C.E.; Yang, J.; Anderson, B.M.; Court, L.E.; Brock, K.B. Advances in Auto-Segmentation. Semin. Radiat. Oncol. 2019, 29, 185–197. [Google Scholar] [CrossRef]
  36. Zhen, S.; Cheng, M.; Tao, Y.-B.; Wang, Y.-F.; Juengpanich, S.; Jiang, Z.-Y.; Jiang, Y.-K.; Yan, Y.-Y.; Lu, W.; Lue, J.-M.; et al. Deep Learning for Accurate Diagnosis of Liver Tumor Based on Magnetic Resonance Imaging and Clinical Data. Front. Oncol. 2020, 10, 680. [Google Scholar] [CrossRef]
  37. Szegedy, C.; Liu, W.; Jia, Y.; Sermanet, P.; Reed, S.; Anguelov, D.; Erhan, D.; Vanhoucke, V.; Rabinovich, A.; Liu, W.; et al. Going deeper with convolutions. In Proceedings of the 2015 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Boston, MA, USA, 7–12 June 2015; pp. 1–9. [Google Scholar] [CrossRef]
  38. Halawa, L.J.; Wibowo, A.; Ernawan, F. Face Recognition Using Faster R-CNN with Inception-V2 Architecture for CCTV Camera. In Proceedings of the 2019 3rd International Conference on Informatics and Computational Sciences (ICICoS), Semarang, Indonesia, 29–30 October 2019; pp. 2–7. [Google Scholar] [CrossRef]
  39. Lin, C.; Li, L.; Luo, W.; Wang, K.C.P.; Guo, J. Transfer Learning Based Traffic Sign Recognition Using Inception-v3 Model. Period. Polytech. Transp. Eng. 2019, 47, 242–250. [Google Scholar] [CrossRef]
  40. Xia, X.; Xu, C.; Nan, B. Inception-v3 for flower classification. In Proceedings of the 2017 2nd international conference on image, vision and computing (ICIVC), Chengdu, China, 2–4 June 2017; pp. 783–787. [Google Scholar] [CrossRef]
  41. Längkvist, M.; Karlsson, L.; Loutfi, A. Inception-v4, Inception-ResNet and the Impact of Residual Connections on Learning. Pattern Recognit. Lett. 2016, 42, 11–24. [Google Scholar] [CrossRef]
  42. Sangeetha, V.; Prasad, K.J.R. Deep Residual Learning for Image Recognition Kaiming carbaldehydes. Indian J. Chem. 2006, 45, 1951–1954. [Google Scholar] [CrossRef]
  43. Huang, Y.; Li, X.; Yan, C.; Liu, L.; Dai, H. MIRD-Net for Medical Image Segmentation. Lect. Notes Comput. Sci. 2020, 12085, 207–219. [Google Scholar] [CrossRef]
  44. Oktay, O.; Schlemper, J.; Folgoc, L.L.; Lee, M.; Heinrich, M.; Misawa, K.; Mori, K.; McDonagh, S.; Hammerla, N.Y.; Kainz, B.; et al. Attention U-Net: Learning Where to Look for the Pancreas. arXiv 2018, arXiv:1804.03999. [Google Scholar] [CrossRef]
  45. Guo, C.; Szemenyei, M.; Hu, Y.; Wang, W.; Zhou, W.; Yi, Y. Channel Attention Residual U-Net for Retinal Vessel Segmentation. In Proceedings of the ICASSP 2021—2021 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), Toronto, ON, Cananda, 6–11 June 2021; pp. 1185–1189. [Google Scholar] [CrossRef]
  46. Li, X.; Chen, H.; Qi, X.; Dou, Q.; Fu, C.-W.; Heng, P.-A. H-DenseUNet: Hybrid Densely Connected UNet for Liver and Tumor Segmentation from CT Volumes. IEEE Trans. Med. Imaging 2018, 37, 2663–2674. [Google Scholar] [CrossRef]
  47. Kavur, A.E.; Gezer, N.S.; Barış, M.; Aslan, S.; Conze, P.-H.; Groza, V.; Pham, D.D.; Chatterjee, S.; Ernst, P.; Özkan, S.; et al. CHAOS Challenge - combined (CT-MR) healthy abdominal organ segmentation. Med. Image Anal. 2021, 69, 101950. [Google Scholar] [CrossRef]
  48. Ayalew, Y.A.; Fante, K.A.; Mohammed, M.A. Modified U-Net for liver cancer segmentation from computed tomography images with a new class balancing method. BMC Biomed. Eng. 2021, 3, 4. [Google Scholar] [CrossRef]
  49. Rahman, H.; Bukht, T.F.N.; Imran, A.; Tariq, J.; Tu, S.; Alzahrani, A. A Deep Learning Approach for Liver and Tumor Segmentation in CT Images Using ResUNet. Bioengineering 2022, 9, 368. [Google Scholar] [CrossRef]
  50. Qadri, S.F.; Shen, L.; Ahmad, M.; Qadri, S.; Zareen, S.S.; Khan, S. OP-convNet: A Patch Classification-Based Framework for CT Vertebrae Segmentation. IEEE Access 2021, 9, 158227–158240. [Google Scholar] [CrossRef]
  51. Stasiak, B.; Tarasiuk, P.; Michalska, I.; Tomczyk, A. Application of convolutional neural networks with anatomical knowledge for brain MRI analysis in MS patients. Bull. Polish Acad. Sci. Tech. Sci. 2018, 66, 857–868. [Google Scholar] [CrossRef]
  52. Yuan, Y. Hierarchical Convolutional-Deconvolutional Neural Networks for Automatic Liver and Tumor Segmentation. arXiv 2017, arXiv:1710.04540. [Google Scholar]
  53. Mourya, G.K.; Paul, S.; Handique, A.; Baid, U.; Dutande, P.V.; Talbar, S.N. Modified U-Net for fully automatic liver segmentation from abdominal CT-image. Int. J. Biomed. Eng. Technol. 2022, 40, 1–17. [Google Scholar] [CrossRef]
  54. Li, Q.; Song, H.; Zhang, W.; Fan, J.; Ai, D.; Lin, Y.; Yang, J. CC-DenseUNet: Densely Connected U-Net with Criss-Cross Attention for Liver and Tumor Segmentation in CT Volumes. In Proceedings of the 2021 IEEE International Conference on Bioinformatics and Biomedicine (BIBM), Houston, TX, USA, 9–12 December 2021; pp. 966–971. [Google Scholar] [CrossRef]
  55. lirr, O.I. Deep learning and level set approach for liver and tumor segmentation from CT scans. J. Appl. Clin. Med. Phys. 2020, 21, 200–209. [Google Scholar] [CrossRef]
  56. 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 2017, arXiv:1702.05970. [Google Scholar] [CrossRef]
  57. Chen, L.-C.; Zhu, Y.; Papandreou, G.; Schroff, F.; Adam, H. Encoder-Decoder with Atrous Separable Convolution for Semantic Image Segmentation. In Proceedings of the European Conference on Computer Vision, Munich, Germany, 8–14 September 2018; pp. 833–851. [Google Scholar] [CrossRef]
  58. Vorontsov, E.; Tang, A.; Pal, C.; Kadoury, S. Liver lesion segmentation informed by joint liver segmentation. Proc. Int. Symp. Biomed. Imaging 2018, 2018, 1332–1335. [Google Scholar] [CrossRef]
  59. Bi, L.; Kim, J.; Kumar, A.; Feng, D. Automatic Liver Lesion Detection using Cascaded Deep Residual Networks. arXiv 2017, arXiv:1704.02703. [Google Scholar]
  60. Liu, S.; Xu, D.; Zhou, S.K.; Pauly, O.; Grbic, S.; Mertelmeier, T.; Wicklein, J.; Jerebko, A.; Cai, W.; Comaniciu, D. 3D anisotropic hybrid network: Transferring convolutional features from 2D images to 3D anisotropic volumes. Lect. Notes Comput. Sci. 2018, 11071, 851–858. [Google Scholar] [CrossRef]
  61. Zhang, Y.; Yang, J.; Liu, Y.; Tian, J.; Wang, S.; Zhong, C.; Shi, Z.; Zhang, Y.; He, Z. Decoupled pyramid correlation network for liver tumor segmentation from CT images. Med. Phys. 2022, 49, 7207–7221. [Google Scholar] [CrossRef]
  62. Nemoto, T.; Futakami, N.; Kunieda, E.; Yagi, M.; Takeda, A.; Akiba, T.; Mutu, E.; Shigematsu, N. Effects of sample size and data augmentation on U-Net-based automatic segmentation of various organs. Radiol. Phys. Technol. 2021, 14, 318–327. [Google Scholar] [CrossRef]
  63. Wong, J.; Fong, A.; McVicar, N.; Smith, S.; Giambattista, J.; Wells, D.; Kolbeck, C.; Giambattista, J.; Gondara, L.; Alexander, A. Comparing deep learning-based auto-segmentation of organs at risk and clinical target volumes to expert inter-observer variability in radiotherapy planning. Radiother. Oncol. 2020, 144, 152–158. [Google Scholar] [CrossRef] [PubMed]
  64. Pillai, M.; Adapa, K.; Das, S.K.; Mazur, L.; Dooley, J.; Marks, L.B.; Thompson, R.F.; Chera, B.S. Using Artificial Intelligence to Improve the Quality and Safety of Radiation Therapy. J. Am. Coll. Radiol. 2019, 16, 1267–1272. [Google Scholar] [CrossRef] [PubMed]
Figure 1. The schematic representation of the AIM-Unet model.
Figure 1. The schematic representation of the AIM-Unet model.
Bioengineering 10 00215 g001
Figure 2. AIM-Unet architecture.
Figure 2. AIM-Unet architecture.
Bioengineering 10 00215 g002
Figure 3. Diagram of inception module part (IMP).
Figure 3. Diagram of inception module part (IMP).
Bioengineering 10 00215 g003
Figure 4. Outputs of images obtained by data augmentation method.
Figure 4. Outputs of images obtained by data augmentation method.
Bioengineering 10 00215 g004
Figure 5. A graphical illustration of True Positive (TP) represent the pixels considered as being in the pre-dicted liver and being really in the ground truth liver, False Positive (FP) are the pixels considered by the segmentation in the liver, but which in reality are not part of it, True Negative (TN) are the pixels outside the liver both in the segmentation and the ground truth, and False Negative (FN) are the pixels of the liver that the segmentation has classified when comparing predicted results.
Figure 5. A graphical illustration of True Positive (TP) represent the pixels considered as being in the pre-dicted liver and being really in the ground truth liver, False Positive (FP) are the pixels considered by the segmentation in the liver, but which in reality are not part of it, True Negative (TN) are the pixels outside the liver both in the segmentation and the ground truth, and False Negative (FN) are the pixels of the liver that the segmentation has classified when comparing predicted results.
Bioengineering 10 00215 g005
Figure 6. The figures above show the changes in Dice score, accuracy, and IoU values during each epoch of the AIM-Unet model that we trained on three different datasets.
Figure 6. The figures above show the changes in Dice score, accuracy, and IoU values during each epoch of the AIM-Unet model that we trained on three different datasets.
Bioengineering 10 00215 g006
Figure 7. The figures above show 64, 3 × 3 filters in the first convolution layer and 64, 256 × 256 filters in the fourth layer during training.
Figure 7. The figures above show 64, 3 × 3 filters in the first convolution layer and 64, 256 × 256 filters in the fourth layer during training.
Bioengineering 10 00215 g007
Figure 8. Performance of the proposed model (AIM-Unet) on images of datasets. The red areas in the comparison image show the regions that our model missed, the green areas are the areas that the model predicted incorrectly, and the yellow areas are the regions that the model predicted correctly.
Figure 8. Performance of the proposed model (AIM-Unet) on images of datasets. The red areas in the comparison image show the regions that our model missed, the green areas are the areas that the model predicted incorrectly, and the yellow areas are the regions that the model predicted correctly.
Bioengineering 10 00215 g008aBioengineering 10 00215 g008b
Figure 9. Performance of the proposed model (AIM-Unet) on images of datasets. The green areas in the comparison image show the regions that our model missed for the liver area, the blue areas are the regions that the model missed for the tumor area. The red areas show the region where our model correctly predicted the liver, and the yellow areas show the tumor areas that our model predicted correctly.
Figure 9. Performance of the proposed model (AIM-Unet) on images of datasets. The green areas in the comparison image show the regions that our model missed for the liver area, the blue areas are the regions that the model missed for the tumor area. The red areas show the region where our model correctly predicted the liver, and the yellow areas show the tumor areas that our model predicted correctly.
Bioengineering 10 00215 g009aBioengineering 10 00215 g009b
Figure 10. 3D visual liver labeled by specialist radiologists (a) and segmentation results with a proposed model (b) (patient 16 in the LiST dataset).
Figure 10. 3D visual liver labeled by specialist radiologists (a) and segmentation results with a proposed model (b) (patient 16 in the LiST dataset).
Bioengineering 10 00215 g010
Table 1. The input, output and number of filters for proposed model (AIM-Unet).
Table 1. The input, output and number of filters for proposed model (AIM-Unet).
Encoder PartInception Module PartDecoder Part
BlockInputLayer (Filter Size)OutputFiltersBlockInputLayerOutputFiltersBlockInputLayer (Filter Size)OutputFilters
Encoder 1(256,256)Conv2D (3,3)(128,128)64Skip Connection 1(256,256)IMP 1(256,256)128Decoder 1(128,128)Conv2D (3,3)(256,256)64
Conv2D (3,3)Conv2D (3,3)
Encoder 2(128,128)Conv2D (3,3)(64,64)128Skip Connection 2(128,128)IMP 2(128,128)256Decoder 2(64,64)Conv2D (3,3)(128,128)128
Conv2D (3,3)Conv2D (3,3)
Encoder 3(64,64)Conv2D (3,3)(32,32)256Skip Connection 3(64,64)IMP 3(64,64)512Decoder 3(32,32)Conv2D (3,3)(64,64)256
Conv2D (3,3)Conv2D (3,3)
Encoder 4(32,32)Conv2D(3,3)(16,16)512Skip Connection 4(32,32)IMP4(32,32)1024Decoder 4(16,16)Conv2D (3,3)(32,32)512
Conv2D (3,3)Conv2D (3,3)
Base(16,16)Conv2D (3,3)(16,16)1024 Base(16,16)Conv2D (3,3)(16,16)1024
Table 2. Distribution of images in datasets.
Table 2. Distribution of images in datasets.
DatasetTraining SlicesValidation SlicesTest SlicesTotal
CHAOS19358282122975
LiST13171564461819433
Our Dataset236210112543627
Table 3. Measurement performances of AIM-Unet on test datasets.
Table 3. Measurement performances of AIM-Unet on test datasets.
DatasetAccuracy (%) Recall (%)Precision (%)Mean IoU (%)
Our Dataset99.54 ± 0.2796.35 ± 2.6498.47 ± 1.2397.21 ± 1.46
CHAOS99.75 ± 0.1096.39 ± 6.2399.69 ± 0.5597.91 ± 3.13
LiST99.48 ± 0.4895.12 ± 6.1596.78 ± 3.7895.82 ± 3.52
Table 4. Test results of AIM-Unet model trained with different datasets.
Table 4. Test results of AIM-Unet model trained with different datasets.
Model NameTrain DatasetTest Dataset
Our DatasetLiSTCHAOS
Dice (%)Jaccard (%)Dice (%)Jaccard (%)Dice (%)Jaccard (%)
AIM-UnetOur Dataset97.38 ± 1.6394.95 ± 3.0093.60 ± 7.4988.60 ± 9.1097.64 ± 6.7495.91 ± 7.81
LiST77.43 ± 27.6069.61 ± 28.9695.77 ± 5.1692.22 ± 6.9094.12 ± 5.9789.38 ± 8.70
CHAOS97.06 ± 3.8994.53 ± 6.0293.46 ± 9.4688.64 ± 10.4997.86 ± 4.6596.10 ± 6.21
Table 5. The comparison of the proposed method (AIM-Unet) with other state-of-the-art architectures on datasets for liver segmentation.
Table 5. The comparison of the proposed method (AIM-Unet) with other state-of-the-art architectures on datasets for liver segmentation.
ModelDatasetDice (%)Jaccard (%)
Ronneberger et al. [25] *LiST95.2 90.8
Lin et al. * LiST90.9 86.7
Li et al. [46]LiST96.5 92.6 *
Yuan et al. [52]LiST96.7 92.9 *
Thi et al. [31]LiST96.0 90.4
UnetLiST87.86 ± 20.2882.10 ± 21.05
AIM-UnetLiST95.77 ± 5.1692.22 ± 6.90
Ronneberger et al. [25] *CHAOS74.75
Thi et al. [31]CHAOS94.92
Mourya et al. [53]CHAOS97.0 ± 0.03
UnetCHAOS68.30 ± 33.9660.35 ± 33.24
AIM-UnetCHAOS97.86 ± 4.6596.10 ± 6.21
UnetOur Dataset46.64 ± 35.5237.69 ± 31.72
AIM-UnetOur Dataset97.38 ± 1.6394.95 ± 3.00
Note: * the result are obtained from [32].
Table 6. The comparison of the proposed method (AIM-Unet) with other state-of-the-art architectures on datasets for tumor segmentation.
Table 6. The comparison of the proposed method (AIM-Unet) with other state-of-the-art architectures on datasets for tumor segmentation.
ModelDatasetDice (%)
AIM-Unet3DIRCADb65.5 ± 12.9
Li et al. [54]3DIRCADb66.3
Omar et al. [55]3DIRCADb75.0
Christ et al. [56]3DIRCADb56.0
Chen et al. [57]LiST66.6
Vorontsov et al. [58]LiST66.1
Bi et al. [59]LiST64.5
Liu et al. [60]LiST63.4
Zhang et al. [61]LiST58.7 ± 28.3
Li et al. [54]LiST74.1
AIM-UnetLiST75.6 ± 13.4
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Özcan, F.; Uçan, O.N.; Karaçam, S.; Tunçman, D. Fully Automatic Liver and Tumor Segmentation from CT Image Using an AIM-Unet. Bioengineering 2023, 10, 215. https://doi.org/10.3390/bioengineering10020215

AMA Style

Özcan F, Uçan ON, Karaçam S, Tunçman D. Fully Automatic Liver and Tumor Segmentation from CT Image Using an AIM-Unet. Bioengineering. 2023; 10(2):215. https://doi.org/10.3390/bioengineering10020215

Chicago/Turabian Style

Özcan, Fırat, Osman Nuri Uçan, Songül Karaçam, and Duygu Tunçman. 2023. "Fully Automatic Liver and Tumor Segmentation from CT Image Using an AIM-Unet" Bioengineering 10, no. 2: 215. https://doi.org/10.3390/bioengineering10020215

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

Article Metrics

Back to TopTop