You are on page 1of 7

Liver Cancer Detection using Machine Learning: A Review

Aishwarya T Gowtham H S Harshitha S Subodh Surendra


Assistant Professor 4VV20IS402 4VV20IS404 4VV15IS057
Dept of ISE, Dept of ISE, Dept of ISE, Dept of ISE,
VVCE, Mysuru VVCE, Mysuru. VVCE, Mysuru VVCE, Mysuru
Email: Email: Email: Email:
aishwarya.t@vvce.ac.in gowthamhs07@gmail.com harshithanayak814@gmail.com Subodhsuri123@gmail.com

Abstract
Liver cancer is a life-threatening illness and one of the fastest-growing cancer types in the world. Consequently, the early detection
of liver cancer leads to lower mortality rates. This work aims to build a model that will help clinicians determine the type of tumor
when it occurs within the liver region by analyzing images of tissue taken from a biopsy of this tumor. Working within this stage
requires effort, time, and accumulated experience that must be possessed by a tissue expert to determine whether this tumor is
malignant and needs treatment. Thus, a histology expert can make use of this model to obtain an initial diagnosis. This study aims
to propose a deep learning model using convolutional neural networks (CNNs), which are able to transfer knowledge from pre-
trained global models and decant this knowledge into a single model to help diagnose liver tumors from CT scans.
Keywords - Liver diagnosis, Machine learning, Expert System

Introduction
Cancer is a general term that includes a wide range of diseases liver has two lobes, right and left, and is in contact with the
that can affect any part of the body. Cancer is considered a gallbladder, pancreas, and intestines. Several organs are
leading cause of death worldwide, claiming nearly 10 million involved with the liver. Cancer in the liver may be primary
lives in 2020, or approximately 1 in 6 deaths. One of the most (originating from various cells that compose the liver),
common types of cancer is liver cancer. The American Cancer secondary, or metastatic (caused by cancerous cells from other
Society estimates that about 30,520 people (20,420 men and organs). Malignant hepatocellular carcinoma (HCC) is the most
10,100 women) will die of liver cancer [1] at the end of 2022. typical primary liver disease among all liver cancers. The
Liver cancer causes more deaths than other types of cancer, and second most common global disease is liver cancer. According
the disease is usually diagnosed when it is in its advanced to data from the World Health Organization (WHO), it
stages. Therefore, diagnosing this disease at an early stage leads accounted for 8.8 million deaths in 2015, out of which 788,000
to better treatment options. This paper proposes an efficient deaths were caused by carcinoma [1]. The American Cancer
method for the early detection of liver cancer. Non-invasive Society (ACS) predicted that around 20,710 new cases in the
procedures such as CT scans, MRI, and ultrasound are used to USA would be diagnosed in the year (29,200 in men and 11,510
identify liver cancer. The CT scan is a type of X-ray that in women). Out of these, 28,920 people (19,610 men and 9310
produces detailed images of your body. This scan can provide women) died because of primary carcinoma and intrahepatic
information on the size, shape, and location of any type of liver epithelial canal cancer in 2017 [2] Researchers in the past have
or abdominal tumor, as well as the blood arteries that surround investigated this topic. Masuda et al. [1] showed that by
them. CT scans can also be used to precisely direct a biopsy enhancing contrast levels and using the expectation
needle into a potentially cancerous tumor [2]. MRI maximization of the posterior marginal algorithm as well as a
scansproduce comprehensive images of the soft shape constrain, liver tumors can be detected even in poor CT
images. Pescia et al. [2] proposed the use of advanced non-
tissues of the body. In addition, they employ radio waves and linear machine learning techniques to determine the optimal
powerful magnets rather than X-rays. MRI scans can be very features, as well as the hyperplane that uses these features to
useful in the investigation of liver tumors. They can separate tumor voxels from healthy liver tissues. Bilello et al.
occasionally distinguish between benign and malignant tumors. [3] showed that liver. In [4], the authors proposed a
They can also be used to detect blockages in the blood arteries segmentation model based on triplane-views, comprising axial,
in and around the liver, as well as to determine whether liver sagittal and coronal plane axes. These interconnected planes
cancer has migrated to other parts of the body [3,4]. Ultrasound form an input stream to feed the con-vNet model. Multi-axis
is usually used as the initial diagnosis when examining the liver. input streams resulted in the richness of input information to
It generates an image on a computer screen by using sound assist segmentation results.
waves. This test can detect liver tumors, which can then be Automatic tumor segmentation methods do hold a certain
evaluated for cancer if necessary [5]. degree of dominance if compared to manual methods because
of some evident reasons. Traditional segmentation techniques
Related Work: are prolonged with a time constraint [4]. These are tedious, and
computationally expensive as well in some cases. Another
The liver is the second largest organ in the body, located on the drawback of these techniques is that sometimes these
right side of the abdomen, and weighs about three pounds. The approaches overlook an existing tumor and fail to detect it due

1|Page
to its microscopic size. Also, traditional segmentation does not the previous approaches. The CNN architecture is shown in the
efficiently differentiate between the tumor cell and normal cell figure
due to analogy [5]. There can be low contrast levels, equipment
This CNN algorithm was implemented on falvia dataset used as
issues, blurred edges, smudged cells, ambiguous boundaries,
the training images with 1800 leaves to extract the features from
and other spatial factors that impact handpicked features in
32 different species. Here we have used 4 layer CNN model.
traditional segmentation [6]. This provides more room for error
The CNN architecture is shown in figure 3.1 the network layers
rates and inaccurate results. Irregularity in the shape and size of
are given below. i) Input Layer The input data set vector (p) is
the tumor also varies from person to person. In low-level
fed to this layer. Its dimensions are 5x1. ii) Radial Basis Layer
images, it becomes a challenging task to detect and segment out
In this layer, the vector distance (n) is calculated between the
tumors effectively. On the other hand, the modality of
vector p and the weight vector ω. It is implemented as the dot
automatic methods is speedy, precise, and efficient. Automatic
product. ni = || ωi − pi ||·∗pi (1) radial basis (ni) = exp (-ni 2 )
methods have highly impacted the procedure of liver tumor
(2) Where i is the row number of the vector. iii) Some
detection and segmentation for being quick. Therefore, research
characteristics of Radial Basis Layer ni=1, if pi is identical with
has taken a shift from traditional segmentation methods to
ωi In this case, its output weights in the competitive layer will
automatic segmentation methods. The optimal design of
pass their values to the competitive function. iv) Competitive
automatic liver tumor segmentation is of much more use today
Layer The output vector d = n.*Mi . (3) The competitive
rather than a well-built design of traditional liver segmentation.
function C is calculated from d. C equals to 1 at the largest
element of d and 0 elsewhere. It is used as the index to look for
the scientific name of this liver. ii. Machine Learning based
classification Classification is the final step in the automatic
liver recognition process. This classification process can be
implemented using the various machine learning algorithms
like Artificial Neural Network (ANN), Support Vector
Machines (SVM), K-Nearest Neighbour (KNN) and Naive
Bayes (NB).
SVM [7] classification is characterized by an isolating hyper
plane. The concept of SVM classification can be understand
easily from the following training data set which is described
into two different classes, D = {(x1 , y 1 ), (x2 , y 2 ) .. (x k , y
k ), xi ϵ Rm, yi ϵ [+1, -1] (4) + b = 0 (5) The set of vectors is
said to be optimally separated by the hyper plane (Eq. (5)) if the
separation error is ‘0’ and the distance function is maximal.
Now a day’s ANN [8] is the most widely used research method
in the machine learning process. This concept of ANN has the
similarity with the human brain neurons system. Performance
of ANN depends on the neuron count and hidden layers. In this
implementation, feed forward neural network with a single
hidden layer was used. In training phase, the system uses the
default Scaled Conjugate Gradient function. The minimum
gradient is used for stopping criteria. Also, KNN method can be
used for the liver species recognition. KNN algorithm [9-10] is
based on distance measure metrics in feature space. KNN
classifier at first determines k nearest neighbors and then
determines labels for the sample based on neighbor weight.
Bayesian classifier is a statistical approach. It performs the
classification based on the concept of probability. Accuracy of
Bayesian classifier method is less due to its conditional
independence of Bayesian probability. 4. SIMULATION
RESULTS The experiment is carried out on the 10 different
liver species [16] as shown in table 1. The table 2 shows the
classification report (Precision, Recall, F1-Score & Support)
[17] obtained using the proposed algorithm. The following are
the metrics that are used in the classification process. i.
Precision is the ratio of correctly predicted positive
observations to the total predicted positive observations.
CNN based Feature Extraction In this implementation,
Precision (P) = TP/ (TP+FP) TPTrue Positives FPFalse
Convolutional Neural Networks (CNN) based feature
Positives ii. Recall is the fraction of positives that are correctly
extraction method is adopted to obtain the more accurate
features. These features are like diameter, length, width, area identified. Recall(R) = TP/ (TP+FN) FN False Negatives iii.
and perimeter of the leaves. Flavia data set is applied as the F1-Score is created by finding the harmonic mean of precision
input training images for the CNN. The performance of CNN and recall. F1-Score = 2*(R * P)/(R + P) iv. Support is the
based approach is far better than the hand-crafted features of number of occurrences in each class.

2|Page
Proposed system Build Model:
Proposed system is an automation Liver Cancer prediction • Once the data is trained and if it showing the
using deep learning techniques. The motive of this method is to accuracy rate as high, then we need to build model
initiate deep learning based framework with CNN architecture file
and execute the investigation for image classification of Liver
Cancer. This efficient deep learning process will provide us CNN:
some insights into the neuronal pathology of autistic children, Convolutional Neural Networks have the following layers:
and also help the diagnosis of the early stage of Liver Cancer in
children.
o Convolutional
We have taken some initial results on detecting Liver Cancer o ReLU Layer
from Brain X-Rays using a deep-learning model. We neded o Pooling
demonstrated significant improvement in performance over o Fully Connected Layer
Liver Cancer -Net, the only publicly maintained tool for
classification of LIVER CANCER X-rays, on the same Brain-
xray-dataset. The results look promising, though the size of the
publicly available dataset is small. We plan to further validate Step1: Convolution Layer:
our approach using larger LIVER CANCER-ray image datasets • Convolutional neural networks apply a filter to an input to
and clinical trials. create a feature map that summarizes the presence of detected
features in the input.
Methodologies: •
Step2 : ReLU Layer
In this layer, we remove every negative value from the filtered
images and replaces them with zeros.It is happening to avoid
the values from adding up to zero.

Rectified Linear unit(ReLU) transform functions only


activates a node if the input is above a certain quantity. While
the data is below zero, the output is zero, but when the
information rises above a threshold. It has a linear relationship
with the dependent variable.

Step3: Pooling Layer


In the layer, we shrink the image stack into a smaller size.
Pooling is done after passing by the activation layer. We do by
implementing the following 4 steps:

o Pick a window size (often 2 or 3)


o Pick a stride (usually 2)
Collection datasets: o Walk your Window across your filtered images
• We are going to collect datasets for the prediction from o From each Window, take the maximum value
the kaggle.com
• The data sets consists of many Classess
Data Pre Processing:
Step4: Fully Connected Layer
• In data pre-processing we are going to perform some
image pre-processing techniques on the selected data The last layer in the network is fully connected, meaning that
neurons of preceding layers are connected to every neuron in
• Image Resize subsequent layers.

• And Splitting data into train and test This mimics high-level reasoning where all possible pathways
from the input to output are considered.
Data Modelling:
Then, take the shrunk image and put into the single list, so we
• The splitted train data are passed as input to the have got after passing through two layers of convolution relo
CNN algorithm, which helps in training. and pooling and then converting it into a single file or a vector.
• The trained liver image data evaluated by passing
test data to the algorithm
• Accuracy is calculated

3|Page
Step4: Fully Connected Layer

Convolutional Neural Networks have the following layers:

o Convolutional
o ReLU Layer
o Pooling
The last layer in the network is fully connected, meaning that
o Fully Connected Layer neurons of preceding layers are connected to every neuron in
subsequent layers.

This mimics high-level reasoning where all possible pathways


from the input to output are considered.

Then, take the shrunk image and put into the single list, so we
have got after passing through two layers of convolution relu
and pooling and then converting it into a single file or a vector.

Step1: Convolution Layer:


• Convolutional neural networks apply a filter to an input to
create a feature map that summarizes the presence of detected
features in the input.
Step2 : ReLU Layer

In this layer, we remove every negative value from the filtered


images and replaces them with zeros.It is happening to avoid
the values from adding up to zero.

Rectified Linear unit(ReLU) transform functions only


activates a node if the input is above a certain quantity. While
the data is below zero, the output is zero, but when the
information rises above a threshold. It has a linear relationship
with the dependent variable.

Step3: Pooling Layer

In the layer, we shrink the image stack into a smaller size.


Pooling is done after passing by the activation layer. We do by
implementing the following 4 steps:

o Pick a window size (often 2 or 3)


o Pick a stride (usually 2)
o Walk your Window across your filtered images
o From each Window, take the maximum value

4|Page
Table1.1 Summary of the papers reviewed

Paper datatype Result limitation

An Efficient Liver Xray image datasets They perform clustering on our It is evident that the accuracy
Tumor Detection collected dataset and extract LBP of SVM is 85% and the
using Machine features as well as HOG features from Ensemble is 49%. Both of
Learning these clusters. Furthermore, we perform these values are low as
classification which is based on these accuracy.
extracted features using KNN.
Furthermore, they have compared our
results with two classifiers namely
SVM and Ensemble to achieve a better
understanding. Our proposed technique
outperformed existing techniques and
showed encouraging results when
compared to other methods.
Accuracy :0.85

Liver Cancer CT images of the liver between method includes the successful The datasets used for this
Detection using liver metastases of colorectal extraction of features from Inception project are very less in
Hybridized Fully cancer and benign cysts has combined with residual and pre-trained number and feature
Convolutional Neural been analyzed. weights. Feature maps have been extraction results are not that
Network based on consistent with the original image voxel much accuracte.
Deep learning features, and The importance of features
framework seemed to represent the most relevant
imaging criteria for every class.
Accuracy:0.92

Deep Learning magnetic resonance imaging This study proposed a more efficient Despite the Res-UNet
Approach for Liver (MRI), computer tomography method for segmenting liver and tumors producing very promising
and Tumor (CT) from CT image volumes using a hybrid results, there are a few
Segmentation in CT ResUNet model, combining the ResNet limitations. We may get
Images Using and UNet models to address this gap. around these limitations by
ResUNet planning for more epochs,
using more data, using
different datasets, or using
different preprocessing
strategies.

5|Page
Liver Tumor 3D computed tomography The mean VO of tumor segmentation is The distance between f(x)
Detection and (CT) images 67.15%. The improvement over and the label indicates the
Segmentation using traditional ELM in mean VO is 5%. class type. The oneclass
Kernel-based Compared with the performance ELM shows that it is
Extreme Learning degrades slightly possible to detect tumors
Machine even there is no tumor data
for training. We have also
compared the performance
of one class tumor
detection and two-class
ELM using cross validation
detection.

Liver Tumor CT scan Image datasets proposed method hasimproved the Test size f data is less
Segmentation using segmentation rate by providing
Resnet based Mask- segmentation accuracy with average
R-CNN dice coefficient, JC, VOE and RVD of
0.95, 0.41, 0.12, and 0.15, respectively
and lesser training time due to converted
CT image slices instead of training on
CT volumes.

Automatic Detection CT scans The proposed model achieved an Activate function can be
of Liver Cancer Using accuracy of 99.5% on both datasets, used according to data.
Hybrid Pre-Trained which is better than the results of other
Models models used in this field

6|Page
Conclusion 5. Christ, P. F., Elshaer, M. E. A., Ettlinger, F., Tatavarty, S.,
Bickel, M., Bilic, P., ... & Sommer, W. H. (2016, October).
we used CNN and deep learning methods for the feature Automatic liver and lesion segmentation in CT using cascaded
extraction and classification of liver diseasespecies. The fully convolutional neural networks and 3D conditional random
different machine learning algorithms are ANN, SVM, KNN fields. In International Conference on Medical Image
and Naive Bayes (NB). We have considered the Flavia dataset Computing and Computer-Assisted Intervention (pp. 415-423).
in this method. This data sets used for both and training and Springer, Cham.
testing purpose. It has been achieved an accuracy of 98%. All 6. Hu, P., Wu, F., Peng, J., Liang, P., & Kong, D. (2016).
the performance metrics like precision, recall, F1-score and Automatic 3D liver segmentation based on deep learning and
support are calculated. Also the achieved training and globally optimized surface evolution. Physics in Medicine &
validation accuracies are nearly equal. Images used in the Biology, 61(24), 8676.
training purpose are small and gray scale images. As a future
work it is possible to implement the colour image classification 7. Men, K., Chen, X., Zhang, Y., Zhang, T., Dai, J., Yi, J., &
for liver diseaserecognition. Li, Y. (2017). Deep deconvolutional neural network for target
segmentation of nasopharyngeal cancer in planning computed
This paper presents the convolutional neural network (CNN) tomography images. Frontiers in oncology, 7, 315.
method for liver cancer and lesion identification and
segmentation. Various layers in the neural network are utilized 8. Wu, K., Chen, X., & Ding, M. (2014). Deep learning based
to extract features of medical images to improve the accuracy classification of focal liver lesions with contrast-enhanced
of the detection of medical images. 2D feature maps are ultrasound. Optik, 125(15), 4057-4063.
combined with several slices in the featureextraction process. 9. Trivizakis, E., Manikis, G. C., Nikiforaki, K., Drevelegas, K.,
The algorithm showed very accurate liver volume Constantinides, M., Drevelegas, A., & Marias, K. (2018).
measurements of 97.22%. The study showed a high accuracy of Extending 2-D Convolutional Neural Networks to 3-D for
the segmentation method had an average Dice coefficient of Advancing Deep Learning Cancer Classification With
0.92. The results show that the FCN produces the best results Application to MRI Liver Tumor Differentiation. IEEE journal
with data changes, adjacent slices, and appropriate class of biomedical and health informatics, 23(3), 923-930.
weights. Note that a limited dataset and testing have been done
3 fold cross-validation. A Convolutional Neural Network is 10. Chlebus, G., Schenk, A., Moltz, J. H., van Ginneken, B.,
trained to identify tumors and healthy voxels on all base-line Hahn, H. K., & Meine, H. (2018). Deep learning based
liver maskings. CNN is used to generate the follow-up automatic liver tumor segmentation in CT with shape-based
segmentation of tumors as a voxel classifier. The segmentation post-processing.
leaks are then eliminated in the resulting segmentation so that
11.https://www.selleckchem.com/blog/Magnetic-resonance-
the final results can be obtained. The proposed
imaging-visible amonafide-eluting-alginate-microspheres-
HFCNN method has high accuracy in terms of identifying liver novel-drug-carrier-for-targeted arterial-infusion-
tumors. chemotherapy-for-liver-tumors.html
12. Ben-Cohen, A., Klang, E., Kerpel, A., Konen, E., Amitai,
M. M., & Greenspan, H. (2018). Fully convolutional network
References and sparsity-based dictionary learning for liver lesion detection
in CT examinations. Neurocomputing, 275, 1585-1594.
1. Guo, L. H., Wang, D., Qian, Y. Y., Zheng, X., Zhao, C. K.,
Li, X. L., ... & Xu, H. X. (2018). A two-stage multi-view 13. Tsuboi, A., Oka, S., Aoyama, K., Saito, H., Aoki, T.,
learning framework based on computeraided diagnosis of liver Yamada, A., ... & Koike, K. (2020). Artificial intelligence using
tumors with contrast-enhanced ultrasound images. Clinical a convolutional neural network for automatic detection of
hemorheology and microcirculation, 69(3), 343-354. small‐bowel angioectasia in capsule endoscopy images.
Digestive Endoscopy, 32(3), 382-390.
2. Vorontsov, E., Cerny, M., Régnier, P., Di Jorio, L., Pal, C.
J., Lapointe, R., ... & Tang, A. (2019). Deep learning for 14. Vivanti, R., Joskowicz, L., Lev-Cohain, N., Ephrat, A., &
automated segmentation of liver lesions at CT in patients with Sosna, J. (2018). Patient-specific and global convolutional
colorectal cancer liver metastases. Radiology: Artificial neural networks for robust automatic liver tumor delineation in
Intelligence, 1(2), 180014. follow-up CT studies. Medical & biological engineering &
computing, 56(9), 1699-1713.
3. Lakhani, P., & Sundaram, B. (2017). Deep learning at chest
radiography: automated classification of pulmonary 15. Ben-Cohen, A., Klang, E., Raskin, S. P., Amitai, M. M., &
tuberculosis by using convolutional neural networks. Greenspan, H. (2017, September). Virtual PET images from CT
Radiology, 284(2), 574-582. data using deep convolutional networks: initial results. In
International Workshop on Simulation and Synthesis in
Medical Imaging (pp. 49-57). Springer, Cham.
4. Yan, K., Wang, X., Lu, L., & Summers, R. M. (2018). 16. Hassanzadeh, T., Essam, D., & Sarker, R. (2020, March).
DeepLesion: automated mining of large-scale lesion EvoU-Net: an evolutionary deep fully convolutional neural
annotations and universal lesion detection with deep learning. network for medical image segmentation. In Proceedings of the
Journal of medical imaging, 5(3), 036501. 35th Annual ACM Symposium on Applied Computing (pp.
181-189).

7|Page

You might also like