SlideShare a Scribd company logo
1 of 9
Download to read offline
TELKOMNIKA Telecommunication, Computing, Electronics and Control
Vol. 18, No. 1, February 2020, pp. 441~449
ISSN: 1693-6930, accredited First Grade by Kemenristekdikti, Decree No: 21/E/KPT/2018
DOI: 10.12928/TELKOMNIKA.v18i1.12997  441
Journal homepage: http://journal.uad.ac.id/index.php/TELKOMNIKA
Deep learning model for thorax diseases detection
Ghada A. Shadeed, Mohammed A. Tawfeeq, Sawsan M. Mahmoud
Computer Engineering Department, College of Engineering, Mustansiriyah University, Iraq
Article Info ABSTRACT
Article history:
Received Apr 25, 2019
Revised Jul 7, 2019
Accepted Jul 18, 2019
Despite the availability of radiology devices in some health care centers,
thorax diseases are considered as one of the most common health problems,
especially in rural areas. By exploiting the power of the Internet of things and
specific platforms to analyze a large volume of medical data, the health of a
patient could be improved earlier. In this paper, the proposed model is based
on pre-trained ResNet-50 for diagnosing thorax diseases. Chest x-ray images
are cropped to extract the rib cage part from the chest radiographs.
ResNet-50 was re-train on Chest x-ray14 dataset where a chest radiograph
images are inserted into the model to determine if the person is healthy or
not. In the case of an unhealthy patient, the model can classify the disease
into one of the fourteen chest diseases. The results show the ability
of ResNet-50 in achieving impressive performance in classifying
thorax diseases.
Keywords:
Chest radiography
Deep learning
Internet of things
ResNet-50
Thorax diseases
This is an open access article under the CC BY-SA license.
Corresponding Author:
Ghada A. Shadeed,
Computer Engineering Department, College of Engineering,
Mustansiriyah University,
Baghdad, Iraq.
Email: ghada.shadeed@gmail.com
1. INTRODUCTION
Chest diseases are one of the most important health problems people experience. More than
1 million adults with pneumonia are hospitalized, with about 50,000 dying each year in the United States
alone [1, 2]. Chest x-ray images are the most common tool used to diagnose chest diseases, since their
devices, in addition to making the patient exposed to little radiation, are also fairly cheap [3]. Depending on
world health organization estimates, about two-thirds of the planet's population suffers from a lack of access
to radiation diagnosis [4]. Even with the availability of the necessary equipment for radiography,
the experts who are able to interpret the x-rays are few, especially in rural areas, leading to an increase in
the mortality rate of treatable diseases in many countries [5]. So early diagnosis and treatment should be
available to prevent complications of pneumonia that may lead to death.
In recent years, deep learning models have made significant advances in many digital image
applications [6-9], which have included faster and earlier detection of any diseases with the help of medical
image classification and detection. According to the success of deep learning, many researchers have sought
to benefit from deep neural networks (DNNs) for diagnosing many diseases, including thorax diseases on
chest radiography, where numerous reports have been published confirming high accuracy of deep learning
in diseases diagnosis. Much research has been done using deep learning methods to detect abnormal objects
in medical images [10-15].
For instance, in [16], digital image processing techniques are used to develop a simple preprocessing
pipeline and expert radiologist advice. Three neural network architectures: GoogLeNet, InceptionNet, and
 ISSN: 1693-6930
TELKOMNIKA Telecommun Comput El Control, Vol. 18, No. 1, February 2020: 441 - 449
442
ResNet are created. These models have efficiently proven in classification tasks which are applied on chest
x-ray images. In [17] a unified convolutional neural network (CNN) framework was proposed using
weakly-supervised multi-label classification, taking into account that pooling strategies are different as well
as various CNN's multi-label losses. Also, in [18] the CheXNet model, which is a model of deep learning,
has been proposed for the detection of pneumonia where the area was diagnosed with the disease is identified
in the image and used dense connections [19] and batch normalization [20] for making the optimization more
possibility to execution for such a model. According to the results they reported, CheXNet has the capability
to detect pneumonia at a level equal to or greater than that of radiologists. In [21] backpropagation neural
network (BPNN), CNN plus competitive neural network (CPNN) were tested for the most common disease
classification in Chest x-ray. The recognition rates were high and performance was good where the input
image has a size of 32×32 pixels according to the results that they presented. CPNN and BPNN achieved less
generalization power than that achieved by CNN. In [22] ChestNet is proposed to address the diagnosis of
thorax diseases on chest radiography and was compared with three deep learning models on Chest x-ray14
dataset [17] using the official patient-wise split. According to the results presented the results were higher
than those achieved by previous methods.
In all of the above, a number of methods were offered to diagnose chest diseases with the help of
computer-aided diagnosis. However, the problem of increasing the success rate of diagnosis of diseases
remains one of the most important tasks to complete the diagnosis process and make it more efficient. So
the model was proposed to diagnose the chest condition based on radiography. The diagnosis determines
whether the person is normal (no finding) or abnormal. In case of abnormal, the model can detect fourteen
types of chest diseases. One of the deep learning models, RestNet-50, has been suggested for its high ability
to diagnose chest diseases on X-rays, as well as high potential to avoid many of the problems that
the network may encounter when they become deeper. The proposed ResNet-50 model was evaluated against
four deep learning models on Chest x-ray14 dataset. The block diagram of the proposed model is shown in
Figure 1. The remaining of this paper is structured as follows: in section 2, the proposed model ResNet-50
and its architectures are described. The dataset used in the experimentation is described in section 3 along
with its preprocessing. Finally, the results are presented in section 4 with corresponding discussions followed
by the conclusions in section 5.
Figure 1. Illustration of chest image analysis with ResNet-50 model
2. PROPOSED MODEL
In this work, the proposed model is divided into three steps: preprocessing, ResNet-50, disease
diagnosis as shown in Figure 2. In the preprocessing step, there are three blocks: first, to obtain more
accurate and reliable data from Chest x-ray image, the rib cage area is cut to retain on it and leave
the remaining areas in the image. This cropping process makes the training data more useful and thus
increases the accuracy of the results and reduces the time of training. Secondly, the images are converted to
RGB. Thirdly, the images come with different sizes. Therefore, the images must be unified within a certain
size as required by the proposed network. During the training process, some details may be forgotten in
the images, so the images are repeated to make the network remember the most details. In addition, this
process increases network resolution. In ResNet-50, the earlier layers are freeze, while the fully connected is
replaced according to requirements of the work. The last decision appears to determine the case of the chest
is taken in the last step.
2.1. ResNet-50
The architecture of the ResNet-50 deep learning models is shown in Figure 3. It consists of
50 layers. Unlike other DNN, ResNet-50 model is characterized by its ability to avoid some of the problems
TELKOMNIKA Telecommun Comput El Control 
Deep learning model for thorax diseases detection (Ghada A. Shadeed)
443
confront the network when increasing its layers. One of these problems is when the number of layers
increases to more than 25 layers starting with the problem of vanishing gradients, which is formed when
the gradient is very small then the weights will not be change effectively and it may cause the neuronal
network to stop completely for future training [23]. So, this model has been utilized in this work due to its
high ability to avoid many problems as well as its efficient performance in the diagnosis of chest diseases.
Figure 2. Proposed model block diagram
Figure 3. Architecture of ResNet-50 model
In this paper, two important strategies for ResNet-50 is investigated. First, the model parameters
with random values were initialized, so the model is trained from the beginning. In the second strategy,
the weights of the model are initialized from pre-trained. In the proposed model, the first layer requires input
images of size 224×224×3, where 3 is the number of colors (ResNet-50 were designed in order to process
the RGB images depending on the ImageNet [24] dataset), so gray images converted to color images. Then
color images are passed to the proposed model as the initial layers where their weights are frozen by making
 ISSN: 1693-6930
TELKOMNIKA Telecommun Comput El Control, Vol. 18, No. 1, February 2020: 441 - 449
444
learning rates equal to zero. Various levels of the features of Chest x-ray images are extracted in the first
convolutional layer and this is shown in Figure 4 where the learned filters are shown at convolution layer. To
retrain the model for new classification tasks, where the last full connection has been removed, which content
1000 classes and replaced by fully connected with fifteen classes. During training, at the frozen layers,
the parameters do not update. The speed of model training is greatly increased when the weights of the initial
layers are frozen as a result of counting the gradients of the layers that have been frozen.
ResNet-50 contains two blocks, Convolutional block and Identity block depending on
the dimensions of the input/output, whether similar or different. Identity block is used when the dimensions
are similar, while the convolutional block is used when the dimensions are different. Figure 5 shows
the architecture of each of convolutional block and identity block. In the next section, the dataset used in this
work is described.
Figure 4. Trained convolutional filters in the first layer
(a) (b)
Figure 5. Types of blocks in ResNet model: (a) identity block, (b) convolutional block
TELKOMNIKA Telecommun Comput El Control 
Deep learning model for thorax diseases detection (Ghada A. Shadeed)
445
3. DATASET
In this work, the publicly available radiographic dataset, Chest X-ray 14 released by
Wang et al. [17] was used. The dataset includes 3182 x-ray images, some examples of this dataset are shown
in Figure 6. This dataset has fifteen labels consisting of Normal label and 14 disease labels include: effusion,
consolidation, edema, cardiomegaly, atelectasis, emphysema, fibrosis, nodule, hernia mass, infiltration,
pneumothorax, pleural thickening, and pneumonia. The labels of our dataset are clearly illustrated in
Figure 7, which displays the total number of images. For the detection task, the dataset is randomly split into
testing 15% (476 images), validation 15% (480 images), and training 70% (2226 images). The images were
saved in PNG format. The digitized images were cropping and duplicating.
Figure 6. Eight examples from chest x-ray 14 dataset, where the chest x-ray 14 includes 112,
120 images from 30,805 patients
Figure 7. Number of images in each label
4. RESNET-50 MODEL RESULTS
The results obtained from the proposed model were presented in this section. The model is
implemented in Matlab 2018a using Deep Learning Toolbox for ResNet-50 Network [6], working on a
computer with 8 GB memory and Intel(R) Core (TM) i7-8550U CPU @ 1.80GHz. The training parameters
are set as follows: the mini-batch stochastic gradient descent algorithm has been adopted where the learning
rate to 0.0001, and the batch size is 10, maximum iteration number is 13320 and at the layer of fully
connected that the factor of bias learn rate is 10 and the weight of factor of learning rate is 10.
The proposed model achieved very high results in reading radiography and chest diagnosis where
the area under curve (AUC) reached to 0.9261. In Figure 8, the example shows the end result of how
the diagnosis is made through the proposed model. The patient was diagnosed with the Edema. Table 1
shows the recognition rates obtained for the proposed network where it showed that the accuracy using
 ISSN: 1693-6930
TELKOMNIKA Telecommun Comput El Control, Vol. 18, No. 1, February 2020: 441 - 449
446
the proposed network has 93.03% for training and 94.49% for testing. Also, the overall performance for
training time, amount of data, and the recognition rate is described in Table 2. The averaged time of
classification an image using the trained network was 0.3 second per image. Thus providing less time and
less effort to obtain a diagnosis. The total training time to the proposed network took about 29-30 hours.
Figure 8. Chest x-rays image with its diagnosis and the classes probabilities
Table 1. Performance rates for ResNet-50 on training,
validation, testing, and overall data
Table 2. Performance rates for ResNet-50 of
the proposed network
Network
model
Data for
training
(70%)
Data for
validation
(15%)
Data for
testing
(15%)
Overall
data
(100%)
ResNet-
50
93.03% 93.42% 94.49% 93.18%
Network
model
Training
time
Recognition
rate
Overall
data
Maximum
number of
iterations
ResNet-
50
1055
min
93.18%
3182
images
13320
The model achieved good diagnostic results for all groups, with the highest accuracy being 96.5% of
the edema disease category, which 86 images and less accurate being 85.71% of the hernia disease category,
which 70 images as shown in Figure 9. In Table 3, the proposed model was compared with three deep
learning models where the per-class AUC obtained by applying the test dataset to those models.
The proposed model achieved the highest rate for most of the classes as shown by the results. Among
the models that were trained on the Chest x-ray14 dataset, our model achieved the highest accuracy ratios for
most cases. The results showed that the proposed model with the deeper net had a lower error rate than those
with lower layer's depth. The results show that increasing network depth increases the network's ability to
classify. The proposed model achieved a rating accuracy of 92.71%, while the results of previous networks
were 84.1378%, 80.2714% and 73.8142%. Despite the depth of the model, the complexity is still low.
An image was taken for each case (15 different images) and then was presented to the proposed models to
determine the appropriate diagnosis where the results are as shown in Figure 10.
Table 3. Comparison AUC on chest x-ray 14
Chest case wang et al. [18] Yea et al. [25] Rajpurkar et al. [19] Proposed network
Atelectasis 71.6% 77.2% 80.94% 93.5%
Cardiomegaly 80.7% 90.4% 92.48% 94%
Consolidation 70.8% 78.8% 79.01% 91.33%
Effusion 78.4% 85.9% 86.38% 91%
Emphysema 81.5% 82.9% 93.71% 94.5%
Fibrosis 76.9% 76.7% 80.47% 96.5%
Infiltration 60.9% 69.5% 73.45% 88.5%
Mass 70.6% 79.2% 86.76% 94.06%
Nodule 67.1% 71. 7% 78.02% 91.58%
Pneumonia 63.3% 71.3% 76.8% 92.16%
Pneumothorax 80.6% 84.1% 88.87% 93.5%
Edema 83.5% 88.2% 88.78% 96.51%
Pleural Thickening 70.8% 76.5% 80.62% 91.5%
Hernia 76.7% 91.4% 91.64% 85.71%
Normal - - - 96.3%
Average 73.8142% 80.2714% 84.1378% 92.71%
TELKOMNIKA Telecommun Comput El Control 
Deep learning model for thorax diseases detection (Ghada A. Shadeed)
447
Figure 9. Performance rates for fifteen cases in classification
Figure 10. Some results of diagnostic detection in radiography images.
An example of each classification was taken
5. CONCLUSION
In this paper, a proposed chest diagnose model was applied to chest radiographs to diagnose
15 cases (14 chest diseases and 1 normal condition), based on ResNet-50 re-training. It achieved high
efficiency in the diagnosis of chest radiography using the deep learning model with an AUC rate for all
classes of 0.9261. This model was then compared to three models of deep learning used Chest X-ray 14 data
set where it was superior. It is hoped that this model will improve the progress of health care and increase
access to the medical experience throughout the world when access to skilled radiologists is limited. In our
future work, work should be done to increase control of ResNet-50 using actual x-ray data, where ResNet-50
can be significantly increased by this configuration. The results showed that the use of deep learning methods
is useful for detecting x-ray diseases on the chest.
 ISSN: 1693-6930
TELKOMNIKA Telecommun Comput El Control, Vol. 18, No. 1, February 2020: 441 - 449
448
ACKNOWLEDGMENT
We commend the efforts made to make the Chest X-ray 14 dataset available, making it easier to
compare the diagnosis of 14 thorax diseases on chest radiographs. Also, the authors would like to thank
Mustansiriyah University (www.uomustansiriyah.edu.iq) Baghdad – Iraq for its support of this work.
REFERENCES
[1] Centers for Disease Control and Prevention (CDC), [Online], Available: https://www.cdc.gov/pneumonia/
prevention.html, Oct 2018.
[2] CheatSheet, [Online], Available: https://www.cheatsheet.com/health-fitness/these-are-the-leading-causes-of-death-
in-the-u-s.html, 2018.
[3] R. Gruetzemacher and A. Gupta, “Using deep learning for pulmonary nodule detection & diagnosis,”
Twenty-second Americas Conference on Information Systems, pp. 1-9, 2016.
[4] D. J. Mollura, et al., “White paper report of the rad-aid conference on international radiology for developing
countries: identifying challenges, opportunities, and strategies for imaging services in the developing world,”
Journal of the American College of Radiology, J Am Coll Radiol, vol. 7, no. 7, pp. 495-500, 2010.
[5] A. Kesselman, et al., “2015 rad-aid conference on international radiology for developing countries: The evolving
global radiology landscape,” Journal of the American College of Radiology, vol. 13, no. 9, pp. 1139-1144,
Sep 2016.
[6] K. He, et al., “Deep residual learning for image recognition,” Proceedings of the IEEE conference on computer
vision and pattern recognition, pp. 770-778, 2016.
[7] S. Yan, et al., “Driver Behavior Recognition Based on Deep Convolutional Neural Networks,” 12th International
Conference on Natural Computation, Fuzzy Systems and Knowledge Discovery (ICNC-FSKD), 2016.
[8] J. Liu, et al., “Skeleton Based Human Action Recognition with Global Context-Aware Attention LSTM Networks,”
IEEE Transactions on Image Processing, Apr 2018.
[9] M. Chen, et al., “Deep Feature Learning for Medical Image Analysis with Convolutional Autoencoder Neural,”
IEEE Transactions on Big Data, pp. 1-1, 2017.
[10] H. A. Al Mubarak, et al., “A Hybrid Deep Learning and Handcrafted Feature Approach for Cervical Cancer Digital
Histology Image Classification,” International Journal of Healthcare Information Systems and Informatics, vol. 14,
no. 2, pp. 66-87, 2019.
[11] T. Kooi, et al., “Large scale deep learning for computer aided detection of mammographic lesions,” Med Image
Anal, vol. 35, pp. 303-312, 2016.
[12] M. Ghafoorian, et al., “Non-uniform patch sampling with deep convolutional neural networks for white matter
hyperintensity segmentation,” IEEE Int Symp Biomedical Imaging, pp. 1414-1417, 2016.
[13] J. Charbonnier, et al., “Improving airway segmentation in computed tomography using leak detection with
convolutional networks,” Med Image Anal, vol. 36, pp. 52-60, 2017.
[14] M. J. J. P. van Grinsven, et al., “Fast convolutional neural network training using selective data sampling:
Application to hemorrhage detection in color fundus images,” IEEE Trans Med Imaging, vol. 35, no. 5,
pp. 1273-1284, 2016.
[15] E. Kesim, et al., “X-Ray Chest Image Classification by A Small-Sized Convolutional Neural Network,” Scientific
Meeting on Electrical-Electronic & Biomedical Engineering and Computer Science (EBBT), 2019.
[16] C. Tataru, et al., “Deep Learning for abnormality detection in Chest X-Ray images,” Tesis Stanford
University, 2017.
[17] X. Wang, et al., “ChestX-Ray8: Hospital-Scale Chest X-Ray Database and Benchmarks on Weakly-Supervised
Classification and Localization of Common Thorax Diseases,” 2017 IEEE Conference on Computer Vision and
Pattern Recognition (CVPR), pp. 3462-3471, 2017.
[18] P. Rajpurkar, et al., “CheXNet: Radiologist-Level Pneumonia Detection on Chest X-Rays with Deep Learning,” in
Proceedings of the IEEE conference on computer vision and pattern recognition, Dec 2017.
[19] G. Huang, et al., “Densely connected convolutional networks,” Proceedings of the IEEE conference on computer
vision and pattern recognition, Aug 2017.
[20] S. Ioffe and C. Szegedy, “Batch normalization: Accelerating deep network training by reducing internal covariate
shift,” International conference on machine learning, 2015.
[21] R. H. Abiyev and M. K. S. Ma’aitah, “Deep Convolutional Neural Networks for Chest Diseases Detection,”
Hindawi, Journal of Healthcare Engineering, vol. 2018, pp. 1-11, 2018.
[22] H. Wang and Y. Xia, “ChestNet: A Deep Neural Network for Classification of Thoracic Diseases on Chest
Radiography,” Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 2018.
[23] Towards Data Science, [Online], Available: https://towardsdatascience.com/understanding-residual-networks-
9add4b664b03, 2018.
[24] ImageNet, [Online], Available: http://www.image-net.org.
[25] Y. Li, et al., “Learning to diagnose from scratch by exploiting dependencies among labels,” Proceedings of the
IEEE conference on computer vision and pattern recognition, 2017.
TELKOMNIKA Telecommun Comput El Control 
Deep learning model for thorax diseases detection (Ghada A. Shadeed)
449
BIOGRAPHIES OF AUTHORS
Ghada A. Shadeed received her B.Sc. in Computer Engineering from Mustansiriyah University,
Baghdad, Iraq, in 2016, she is currently an M.Sc. student in the Department of Computer
Engineering, Mustansiriyah University/Baghdad, Iraq.
Mohammed Ali Tawfeeq is an associated Professor at Computer Engineering Department,
College of Engineering, Mustansiriyah University. He received his B.Sc. in Electrical
Engineering from University of Technology/Baghdad, Iraq in 1979 and his M.Sc. degree in
Computer Engineering from University of Baghdad in 1989. He obtained his Ph.D. in Computer
Engineering from University of Technology, Baghdad, Iraq in 2006. His research interests
include Intelligent Systems, Optimization Techniques, Wireless Sensor Networks, and
IoT applications.
Sawsan M. Mahmoud received her B.Sc. in Computer Science from University of
Technology/Baghdad, Iraq in 1994. She obtained her M.Sc. from University of Baghdad in
1998. Her Ph.D. degree in Computational Intelligence is obtained from Nottingham Trent
University, Nottingham, UK in 2012. Sawsan joined Mustansiriyah University/ Engineering
College in 1994 as a member of the academic staff. Her research interests include, but not
limited to, Computational Intelligence, Ambient Intelligence (Smart Home and Intelligent
Environment), Wireless Sensor Network, Data Mining, and Health Monitoring.

More Related Content

What's hot

Early detection of breast cancer using mammography images and software engine...
Early detection of breast cancer using mammography images and software engine...Early detection of breast cancer using mammography images and software engine...
Early detection of breast cancer using mammography images and software engine...TELKOMNIKA JOURNAL
 
A New Algorithm for Fully Automatic Brain Tumor Segmentation with 3-D Convolu...
A New Algorithm for Fully Automatic Brain Tumor Segmentation with 3-D Convolu...A New Algorithm for Fully Automatic Brain Tumor Segmentation with 3-D Convolu...
A New Algorithm for Fully Automatic Brain Tumor Segmentation with 3-D Convolu...Christopher Mehdi Elamri
 
MULTI-CLASSIFICATION OF BRAIN TUMOR IMAGES USING DEEP NEURAL NETWORK
MULTI-CLASSIFICATION OF BRAIN TUMOR IMAGES USING DEEP NEURAL NETWORKMULTI-CLASSIFICATION OF BRAIN TUMOR IMAGES USING DEEP NEURAL NETWORK
MULTI-CLASSIFICATION OF BRAIN TUMOR IMAGES USING DEEP NEURAL NETWORKBenyamin Moadab
 
11.texture feature based analysis of segmenting soft tissues from brain ct im...
11.texture feature based analysis of segmenting soft tissues from brain ct im...11.texture feature based analysis of segmenting soft tissues from brain ct im...
11.texture feature based analysis of segmenting soft tissues from brain ct im...Alexander Decker
 
Lung Cancer Detection using Machine Learning
Lung Cancer Detection using Machine LearningLung Cancer Detection using Machine Learning
Lung Cancer Detection using Machine Learningijtsrd
 
Automatic Skin Lesion Segmentation and Melanoma Detection: Transfer Learning ...
Automatic Skin Lesion Segmentation and Melanoma Detection: Transfer Learning ...Automatic Skin Lesion Segmentation and Melanoma Detection: Transfer Learning ...
Automatic Skin Lesion Segmentation and Melanoma Detection: Transfer Learning ...Zabir Al Nazi Nabil
 
Quantitative Comparison of Artificial Honey Bee Colony Clustering and Enhance...
Quantitative Comparison of Artificial Honey Bee Colony Clustering and Enhance...Quantitative Comparison of Artificial Honey Bee Colony Clustering and Enhance...
Quantitative Comparison of Artificial Honey Bee Colony Clustering and Enhance...idescitation
 
Ghaziabad, India - Early Detection of Various Types of Skin Cancer Using Deep...
Ghaziabad, India - Early Detection of Various Types of Skin Cancer Using Deep...Ghaziabad, India - Early Detection of Various Types of Skin Cancer Using Deep...
Ghaziabad, India - Early Detection of Various Types of Skin Cancer Using Deep...Vidit Goyal
 
Classification of pneumonia from X-ray images using siamese convolutional net...
Classification of pneumonia from X-ray images using siamese convolutional net...Classification of pneumonia from X-ray images using siamese convolutional net...
Classification of pneumonia from X-ray images using siamese convolutional net...TELKOMNIKA JOURNAL
 
IRJET- MRI Image Processing Operations for Brain Tumor Detection
IRJET- MRI Image Processing Operations for Brain Tumor DetectionIRJET- MRI Image Processing Operations for Brain Tumor Detection
IRJET- MRI Image Processing Operations for Brain Tumor DetectionIRJET Journal
 
IRJET - Classification of Cancer Images using Deep Learning
IRJET -  	  Classification of Cancer Images using Deep LearningIRJET -  	  Classification of Cancer Images using Deep Learning
IRJET - Classification of Cancer Images using Deep LearningIRJET Journal
 
BRAIN TUMOR CLASSIFICATION IN 3D-MRI USING FEATURES FROM RADIOMICS AND 3D-CNN...
BRAIN TUMOR CLASSIFICATION IN 3D-MRI USING FEATURES FROM RADIOMICS AND 3D-CNN...BRAIN TUMOR CLASSIFICATION IN 3D-MRI USING FEATURES FROM RADIOMICS AND 3D-CNN...
BRAIN TUMOR CLASSIFICATION IN 3D-MRI USING FEATURES FROM RADIOMICS AND 3D-CNN...IAEME Publication
 
IRJET- Brain Tumor Detection using Image Processing and MATLAB Application
IRJET-  	  Brain Tumor Detection using Image Processing and MATLAB ApplicationIRJET-  	  Brain Tumor Detection using Image Processing and MATLAB Application
IRJET- Brain Tumor Detection using Image Processing and MATLAB ApplicationIRJET Journal
 
Contour evolution method for precise boundary delineation of medical images
Contour evolution method for precise boundary delineation of medical imagesContour evolution method for precise boundary delineation of medical images
Contour evolution method for precise boundary delineation of medical imagesTELKOMNIKA JOURNAL
 
Pneumonia Detection using CNN
Pneumonia Detection using CNNPneumonia Detection using CNN
Pneumonia Detection using CNNYashIyengar
 
Pneumonia Classification using Transfer Learning
Pneumonia Classification using Transfer LearningPneumonia Classification using Transfer Learning
Pneumonia Classification using Transfer LearningTushar Dalvi
 

What's hot (20)

Early detection of breast cancer using mammography images and software engine...
Early detection of breast cancer using mammography images and software engine...Early detection of breast cancer using mammography images and software engine...
Early detection of breast cancer using mammography images and software engine...
 
A New Algorithm for Fully Automatic Brain Tumor Segmentation with 3-D Convolu...
A New Algorithm for Fully Automatic Brain Tumor Segmentation with 3-D Convolu...A New Algorithm for Fully Automatic Brain Tumor Segmentation with 3-D Convolu...
A New Algorithm for Fully Automatic Brain Tumor Segmentation with 3-D Convolu...
 
MULTI-CLASSIFICATION OF BRAIN TUMOR IMAGES USING DEEP NEURAL NETWORK
MULTI-CLASSIFICATION OF BRAIN TUMOR IMAGES USING DEEP NEURAL NETWORKMULTI-CLASSIFICATION OF BRAIN TUMOR IMAGES USING DEEP NEURAL NETWORK
MULTI-CLASSIFICATION OF BRAIN TUMOR IMAGES USING DEEP NEURAL NETWORK
 
11.texture feature based analysis of segmenting soft tissues from brain ct im...
11.texture feature based analysis of segmenting soft tissues from brain ct im...11.texture feature based analysis of segmenting soft tissues from brain ct im...
11.texture feature based analysis of segmenting soft tissues from brain ct im...
 
Lung Cancer Detection using Machine Learning
Lung Cancer Detection using Machine LearningLung Cancer Detection using Machine Learning
Lung Cancer Detection using Machine Learning
 
Automatic Skin Lesion Segmentation and Melanoma Detection: Transfer Learning ...
Automatic Skin Lesion Segmentation and Melanoma Detection: Transfer Learning ...Automatic Skin Lesion Segmentation and Melanoma Detection: Transfer Learning ...
Automatic Skin Lesion Segmentation and Melanoma Detection: Transfer Learning ...
 
Quantitative Comparison of Artificial Honey Bee Colony Clustering and Enhance...
Quantitative Comparison of Artificial Honey Bee Colony Clustering and Enhance...Quantitative Comparison of Artificial Honey Bee Colony Clustering and Enhance...
Quantitative Comparison of Artificial Honey Bee Colony Clustering and Enhance...
 
Breast legion
Breast legionBreast legion
Breast legion
 
Ghaziabad, India - Early Detection of Various Types of Skin Cancer Using Deep...
Ghaziabad, India - Early Detection of Various Types of Skin Cancer Using Deep...Ghaziabad, India - Early Detection of Various Types of Skin Cancer Using Deep...
Ghaziabad, India - Early Detection of Various Types of Skin Cancer Using Deep...
 
Classification of pneumonia from X-ray images using siamese convolutional net...
Classification of pneumonia from X-ray images using siamese convolutional net...Classification of pneumonia from X-ray images using siamese convolutional net...
Classification of pneumonia from X-ray images using siamese convolutional net...
 
IRJET- MRI Image Processing Operations for Brain Tumor Detection
IRJET- MRI Image Processing Operations for Brain Tumor DetectionIRJET- MRI Image Processing Operations for Brain Tumor Detection
IRJET- MRI Image Processing Operations for Brain Tumor Detection
 
IRJET - Classification of Cancer Images using Deep Learning
IRJET -  	  Classification of Cancer Images using Deep LearningIRJET -  	  Classification of Cancer Images using Deep Learning
IRJET - Classification of Cancer Images using Deep Learning
 
BRAIN TUMOR CLASSIFICATION IN 3D-MRI USING FEATURES FROM RADIOMICS AND 3D-CNN...
BRAIN TUMOR CLASSIFICATION IN 3D-MRI USING FEATURES FROM RADIOMICS AND 3D-CNN...BRAIN TUMOR CLASSIFICATION IN 3D-MRI USING FEATURES FROM RADIOMICS AND 3D-CNN...
BRAIN TUMOR CLASSIFICATION IN 3D-MRI USING FEATURES FROM RADIOMICS AND 3D-CNN...
 
IRJET- Brain Tumor Detection using Image Processing and MATLAB Application
IRJET-  	  Brain Tumor Detection using Image Processing and MATLAB ApplicationIRJET-  	  Brain Tumor Detection using Image Processing and MATLAB Application
IRJET- Brain Tumor Detection using Image Processing and MATLAB Application
 
Contour evolution method for precise boundary delineation of medical images
Contour evolution method for precise boundary delineation of medical imagesContour evolution method for precise boundary delineation of medical images
Contour evolution method for precise boundary delineation of medical images
 
Medical image analysis
Medical image analysisMedical image analysis
Medical image analysis
 
Pneumonia Detection using CNN
Pneumonia Detection using CNNPneumonia Detection using CNN
Pneumonia Detection using CNN
 
Pneumonia Classification using Transfer Learning
Pneumonia Classification using Transfer LearningPneumonia Classification using Transfer Learning
Pneumonia Classification using Transfer Learning
 
Prototype System to Detect Skin Cancer Through Images
Prototype System to Detect Skin Cancer Through ImagesPrototype System to Detect Skin Cancer Through Images
Prototype System to Detect Skin Cancer Through Images
 
Report (1)
Report (1)Report (1)
Report (1)
 

Similar to Deep learning model for thorax diseases detection

Using Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia DetectionUsing Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia DetectionIRJET Journal
 
Employing deep learning for lung sounds classification
Employing deep learning for lung sounds classificationEmploying deep learning for lung sounds classification
Employing deep learning for lung sounds classificationIJECEIAES
 
Pneumonia Detection System using AI
Pneumonia Detection System using AIPneumonia Detection System using AI
Pneumonia Detection System using AIIRJET Journal
 
Deep learning for cancer tumor classification using transfer learning and fe...
Deep learning for cancer tumor classification using transfer  learning and fe...Deep learning for cancer tumor classification using transfer  learning and fe...
Deep learning for cancer tumor classification using transfer learning and fe...IJECEIAES
 
Brain tumor detection using cnn
Brain tumor detection using cnnBrain tumor detection using cnn
Brain tumor detection using cnndrubosaha
 
Pneumonia Detection Using Deep Learning and Transfer Learning
Pneumonia Detection Using Deep Learning and Transfer LearningPneumonia Detection Using Deep Learning and Transfer Learning
Pneumonia Detection Using Deep Learning and Transfer LearningIRJET Journal
 
A Novel DBSCAN Approach to Identify Microcalcifications in Cancer Images with...
A Novel DBSCAN Approach to Identify Microcalcifications in Cancer Images with...A Novel DBSCAN Approach to Identify Microcalcifications in Cancer Images with...
A Novel DBSCAN Approach to Identify Microcalcifications in Cancer Images with...Editor IJCATR
 
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...IRJET Journal
 
Noise-robust classification with hypergraph neural network
Noise-robust classification with hypergraph neural networkNoise-robust classification with hypergraph neural network
Noise-robust classification with hypergraph neural networknooriasukmaningtyas
 
Pneumonia Detection Using Convolutional Neural Network Writers
Pneumonia Detection Using Convolutional Neural Network WritersPneumonia Detection Using Convolutional Neural Network Writers
Pneumonia Detection Using Convolutional Neural Network WritersIRJET Journal
 
harsh final ppt (2).pptx
harsh final ppt (2).pptxharsh final ppt (2).pptx
harsh final ppt (2).pptxAkbarali206563
 
AN AUTOMATED FRAMEWORK FOR DIAGNOSING LUNGS RELATED ISSUES USING ML AND DATA ...
AN AUTOMATED FRAMEWORK FOR DIAGNOSING LUNGS RELATED ISSUES USING ML AND DATA ...AN AUTOMATED FRAMEWORK FOR DIAGNOSING LUNGS RELATED ISSUES USING ML AND DATA ...
AN AUTOMATED FRAMEWORK FOR DIAGNOSING LUNGS RELATED ISSUES USING ML AND DATA ...IRJET Journal
 
APPLICATION OF CNN MODEL ON MEDICAL IMAGE
APPLICATION OF CNN MODEL ON MEDICAL IMAGEAPPLICATION OF CNN MODEL ON MEDICAL IMAGE
APPLICATION OF CNN MODEL ON MEDICAL IMAGEIRJET Journal
 
Lung Cancer Detection Using Convolutional Neural Network
Lung Cancer Detection Using Convolutional Neural NetworkLung Cancer Detection Using Convolutional Neural Network
Lung Cancer Detection Using Convolutional Neural NetworkIRJET Journal
 
Twin support vector machine using kernel function for colorectal cancer detec...
Twin support vector machine using kernel function for colorectal cancer detec...Twin support vector machine using kernel function for colorectal cancer detec...
Twin support vector machine using kernel function for colorectal cancer detec...journalBEEI
 
FYP SEM VIII TT1 Presentation.pptx
FYP SEM VIII TT1 Presentation.pptxFYP SEM VIII TT1 Presentation.pptx
FYP SEM VIII TT1 Presentation.pptxHardikPatel354822
 
20469-38932-1-PB.pdf
20469-38932-1-PB.pdf20469-38932-1-PB.pdf
20469-38932-1-PB.pdfIjictTeam
 
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...Performance Comparison Analysis for Medical Images Using Deep Learning Approa...
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...IRJET Journal
 

Similar to Deep learning model for thorax diseases detection (20)

Using Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia DetectionUsing Deep Learning and Transfer Learning for Pneumonia Detection
Using Deep Learning and Transfer Learning for Pneumonia Detection
 
Employing deep learning for lung sounds classification
Employing deep learning for lung sounds classificationEmploying deep learning for lung sounds classification
Employing deep learning for lung sounds classification
 
Pneumonia Detection System using AI
Pneumonia Detection System using AIPneumonia Detection System using AI
Pneumonia Detection System using AI
 
Deep learning for cancer tumor classification using transfer learning and fe...
Deep learning for cancer tumor classification using transfer  learning and fe...Deep learning for cancer tumor classification using transfer  learning and fe...
Deep learning for cancer tumor classification using transfer learning and fe...
 
Pneumonia detection using CNN
Pneumonia detection using CNNPneumonia detection using CNN
Pneumonia detection using CNN
 
Brain tumor detection using cnn
Brain tumor detection using cnnBrain tumor detection using cnn
Brain tumor detection using cnn
 
Pneumonia Detection Using Deep Learning and Transfer Learning
Pneumonia Detection Using Deep Learning and Transfer LearningPneumonia Detection Using Deep Learning and Transfer Learning
Pneumonia Detection Using Deep Learning and Transfer Learning
 
A Novel DBSCAN Approach to Identify Microcalcifications in Cancer Images with...
A Novel DBSCAN Approach to Identify Microcalcifications in Cancer Images with...A Novel DBSCAN Approach to Identify Microcalcifications in Cancer Images with...
A Novel DBSCAN Approach to Identify Microcalcifications in Cancer Images with...
 
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...
Enhancing Pneumonia Detection: A Comparative Study of CNN, DenseNet201, and V...
 
Noise-robust classification with hypergraph neural network
Noise-robust classification with hypergraph neural networkNoise-robust classification with hypergraph neural network
Noise-robust classification with hypergraph neural network
 
Pneumonia Detection Using Convolutional Neural Network Writers
Pneumonia Detection Using Convolutional Neural Network WritersPneumonia Detection Using Convolutional Neural Network Writers
Pneumonia Detection Using Convolutional Neural Network Writers
 
Chapter 1.docx
Chapter 1.docxChapter 1.docx
Chapter 1.docx
 
harsh final ppt (2).pptx
harsh final ppt (2).pptxharsh final ppt (2).pptx
harsh final ppt (2).pptx
 
AN AUTOMATED FRAMEWORK FOR DIAGNOSING LUNGS RELATED ISSUES USING ML AND DATA ...
AN AUTOMATED FRAMEWORK FOR DIAGNOSING LUNGS RELATED ISSUES USING ML AND DATA ...AN AUTOMATED FRAMEWORK FOR DIAGNOSING LUNGS RELATED ISSUES USING ML AND DATA ...
AN AUTOMATED FRAMEWORK FOR DIAGNOSING LUNGS RELATED ISSUES USING ML AND DATA ...
 
APPLICATION OF CNN MODEL ON MEDICAL IMAGE
APPLICATION OF CNN MODEL ON MEDICAL IMAGEAPPLICATION OF CNN MODEL ON MEDICAL IMAGE
APPLICATION OF CNN MODEL ON MEDICAL IMAGE
 
Lung Cancer Detection Using Convolutional Neural Network
Lung Cancer Detection Using Convolutional Neural NetworkLung Cancer Detection Using Convolutional Neural Network
Lung Cancer Detection Using Convolutional Neural Network
 
Twin support vector machine using kernel function for colorectal cancer detec...
Twin support vector machine using kernel function for colorectal cancer detec...Twin support vector machine using kernel function for colorectal cancer detec...
Twin support vector machine using kernel function for colorectal cancer detec...
 
FYP SEM VIII TT1 Presentation.pptx
FYP SEM VIII TT1 Presentation.pptxFYP SEM VIII TT1 Presentation.pptx
FYP SEM VIII TT1 Presentation.pptx
 
20469-38932-1-PB.pdf
20469-38932-1-PB.pdf20469-38932-1-PB.pdf
20469-38932-1-PB.pdf
 
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...Performance Comparison Analysis for Medical Images Using Deep Learning Approa...
Performance Comparison Analysis for Medical Images Using Deep Learning Approa...
 

More from TELKOMNIKA JOURNAL

Amazon products reviews classification based on machine learning, deep learni...
Amazon products reviews classification based on machine learning, deep learni...Amazon products reviews classification based on machine learning, deep learni...
Amazon products reviews classification based on machine learning, deep learni...TELKOMNIKA JOURNAL
 
Design, simulation, and analysis of microstrip patch antenna for wireless app...
Design, simulation, and analysis of microstrip patch antenna for wireless app...Design, simulation, and analysis of microstrip patch antenna for wireless app...
Design, simulation, and analysis of microstrip patch antenna for wireless app...TELKOMNIKA JOURNAL
 
Design and simulation an optimal enhanced PI controller for congestion avoida...
Design and simulation an optimal enhanced PI controller for congestion avoida...Design and simulation an optimal enhanced PI controller for congestion avoida...
Design and simulation an optimal enhanced PI controller for congestion avoida...TELKOMNIKA JOURNAL
 
Improving the detection of intrusion in vehicular ad-hoc networks with modifi...
Improving the detection of intrusion in vehicular ad-hoc networks with modifi...Improving the detection of intrusion in vehicular ad-hoc networks with modifi...
Improving the detection of intrusion in vehicular ad-hoc networks with modifi...TELKOMNIKA JOURNAL
 
Conceptual model of internet banking adoption with perceived risk and trust f...
Conceptual model of internet banking adoption with perceived risk and trust f...Conceptual model of internet banking adoption with perceived risk and trust f...
Conceptual model of internet banking adoption with perceived risk and trust f...TELKOMNIKA JOURNAL
 
Efficient combined fuzzy logic and LMS algorithm for smart antenna
Efficient combined fuzzy logic and LMS algorithm for smart antennaEfficient combined fuzzy logic and LMS algorithm for smart antenna
Efficient combined fuzzy logic and LMS algorithm for smart antennaTELKOMNIKA JOURNAL
 
Design and implementation of a LoRa-based system for warning of forest fire
Design and implementation of a LoRa-based system for warning of forest fireDesign and implementation of a LoRa-based system for warning of forest fire
Design and implementation of a LoRa-based system for warning of forest fireTELKOMNIKA JOURNAL
 
Wavelet-based sensing technique in cognitive radio network
Wavelet-based sensing technique in cognitive radio networkWavelet-based sensing technique in cognitive radio network
Wavelet-based sensing technique in cognitive radio networkTELKOMNIKA JOURNAL
 
A novel compact dual-band bandstop filter with enhanced rejection bands
A novel compact dual-band bandstop filter with enhanced rejection bandsA novel compact dual-band bandstop filter with enhanced rejection bands
A novel compact dual-band bandstop filter with enhanced rejection bandsTELKOMNIKA JOURNAL
 
Deep learning approach to DDoS attack with imbalanced data at the application...
Deep learning approach to DDoS attack with imbalanced data at the application...Deep learning approach to DDoS attack with imbalanced data at the application...
Deep learning approach to DDoS attack with imbalanced data at the application...TELKOMNIKA JOURNAL
 
Brief note on match and miss-match uncertainties
Brief note on match and miss-match uncertaintiesBrief note on match and miss-match uncertainties
Brief note on match and miss-match uncertaintiesTELKOMNIKA JOURNAL
 
Implementation of FinFET technology based low power 4×4 Wallace tree multipli...
Implementation of FinFET technology based low power 4×4 Wallace tree multipli...Implementation of FinFET technology based low power 4×4 Wallace tree multipli...
Implementation of FinFET technology based low power 4×4 Wallace tree multipli...TELKOMNIKA JOURNAL
 
Evaluation of the weighted-overlap add model with massive MIMO in a 5G system
Evaluation of the weighted-overlap add model with massive MIMO in a 5G systemEvaluation of the weighted-overlap add model with massive MIMO in a 5G system
Evaluation of the weighted-overlap add model with massive MIMO in a 5G systemTELKOMNIKA JOURNAL
 
Reflector antenna design in different frequencies using frequency selective s...
Reflector antenna design in different frequencies using frequency selective s...Reflector antenna design in different frequencies using frequency selective s...
Reflector antenna design in different frequencies using frequency selective s...TELKOMNIKA JOURNAL
 
Reagentless iron detection in water based on unclad fiber optical sensor
Reagentless iron detection in water based on unclad fiber optical sensorReagentless iron detection in water based on unclad fiber optical sensor
Reagentless iron detection in water based on unclad fiber optical sensorTELKOMNIKA JOURNAL
 
Impact of CuS counter electrode calcination temperature on quantum dot sensit...
Impact of CuS counter electrode calcination temperature on quantum dot sensit...Impact of CuS counter electrode calcination temperature on quantum dot sensit...
Impact of CuS counter electrode calcination temperature on quantum dot sensit...TELKOMNIKA JOURNAL
 
A progressive learning for structural tolerance online sequential extreme lea...
A progressive learning for structural tolerance online sequential extreme lea...A progressive learning for structural tolerance online sequential extreme lea...
A progressive learning for structural tolerance online sequential extreme lea...TELKOMNIKA JOURNAL
 
Electroencephalography-based brain-computer interface using neural networks
Electroencephalography-based brain-computer interface using neural networksElectroencephalography-based brain-computer interface using neural networks
Electroencephalography-based brain-computer interface using neural networksTELKOMNIKA JOURNAL
 
Adaptive segmentation algorithm based on level set model in medical imaging
Adaptive segmentation algorithm based on level set model in medical imagingAdaptive segmentation algorithm based on level set model in medical imaging
Adaptive segmentation algorithm based on level set model in medical imagingTELKOMNIKA JOURNAL
 
Automatic channel selection using shuffled frog leaping algorithm for EEG bas...
Automatic channel selection using shuffled frog leaping algorithm for EEG bas...Automatic channel selection using shuffled frog leaping algorithm for EEG bas...
Automatic channel selection using shuffled frog leaping algorithm for EEG bas...TELKOMNIKA JOURNAL
 

More from TELKOMNIKA JOURNAL (20)

Amazon products reviews classification based on machine learning, deep learni...
Amazon products reviews classification based on machine learning, deep learni...Amazon products reviews classification based on machine learning, deep learni...
Amazon products reviews classification based on machine learning, deep learni...
 
Design, simulation, and analysis of microstrip patch antenna for wireless app...
Design, simulation, and analysis of microstrip patch antenna for wireless app...Design, simulation, and analysis of microstrip patch antenna for wireless app...
Design, simulation, and analysis of microstrip patch antenna for wireless app...
 
Design and simulation an optimal enhanced PI controller for congestion avoida...
Design and simulation an optimal enhanced PI controller for congestion avoida...Design and simulation an optimal enhanced PI controller for congestion avoida...
Design and simulation an optimal enhanced PI controller for congestion avoida...
 
Improving the detection of intrusion in vehicular ad-hoc networks with modifi...
Improving the detection of intrusion in vehicular ad-hoc networks with modifi...Improving the detection of intrusion in vehicular ad-hoc networks with modifi...
Improving the detection of intrusion in vehicular ad-hoc networks with modifi...
 
Conceptual model of internet banking adoption with perceived risk and trust f...
Conceptual model of internet banking adoption with perceived risk and trust f...Conceptual model of internet banking adoption with perceived risk and trust f...
Conceptual model of internet banking adoption with perceived risk and trust f...
 
Efficient combined fuzzy logic and LMS algorithm for smart antenna
Efficient combined fuzzy logic and LMS algorithm for smart antennaEfficient combined fuzzy logic and LMS algorithm for smart antenna
Efficient combined fuzzy logic and LMS algorithm for smart antenna
 
Design and implementation of a LoRa-based system for warning of forest fire
Design and implementation of a LoRa-based system for warning of forest fireDesign and implementation of a LoRa-based system for warning of forest fire
Design and implementation of a LoRa-based system for warning of forest fire
 
Wavelet-based sensing technique in cognitive radio network
Wavelet-based sensing technique in cognitive radio networkWavelet-based sensing technique in cognitive radio network
Wavelet-based sensing technique in cognitive radio network
 
A novel compact dual-band bandstop filter with enhanced rejection bands
A novel compact dual-band bandstop filter with enhanced rejection bandsA novel compact dual-band bandstop filter with enhanced rejection bands
A novel compact dual-band bandstop filter with enhanced rejection bands
 
Deep learning approach to DDoS attack with imbalanced data at the application...
Deep learning approach to DDoS attack with imbalanced data at the application...Deep learning approach to DDoS attack with imbalanced data at the application...
Deep learning approach to DDoS attack with imbalanced data at the application...
 
Brief note on match and miss-match uncertainties
Brief note on match and miss-match uncertaintiesBrief note on match and miss-match uncertainties
Brief note on match and miss-match uncertainties
 
Implementation of FinFET technology based low power 4×4 Wallace tree multipli...
Implementation of FinFET technology based low power 4×4 Wallace tree multipli...Implementation of FinFET technology based low power 4×4 Wallace tree multipli...
Implementation of FinFET technology based low power 4×4 Wallace tree multipli...
 
Evaluation of the weighted-overlap add model with massive MIMO in a 5G system
Evaluation of the weighted-overlap add model with massive MIMO in a 5G systemEvaluation of the weighted-overlap add model with massive MIMO in a 5G system
Evaluation of the weighted-overlap add model with massive MIMO in a 5G system
 
Reflector antenna design in different frequencies using frequency selective s...
Reflector antenna design in different frequencies using frequency selective s...Reflector antenna design in different frequencies using frequency selective s...
Reflector antenna design in different frequencies using frequency selective s...
 
Reagentless iron detection in water based on unclad fiber optical sensor
Reagentless iron detection in water based on unclad fiber optical sensorReagentless iron detection in water based on unclad fiber optical sensor
Reagentless iron detection in water based on unclad fiber optical sensor
 
Impact of CuS counter electrode calcination temperature on quantum dot sensit...
Impact of CuS counter electrode calcination temperature on quantum dot sensit...Impact of CuS counter electrode calcination temperature on quantum dot sensit...
Impact of CuS counter electrode calcination temperature on quantum dot sensit...
 
A progressive learning for structural tolerance online sequential extreme lea...
A progressive learning for structural tolerance online sequential extreme lea...A progressive learning for structural tolerance online sequential extreme lea...
A progressive learning for structural tolerance online sequential extreme lea...
 
Electroencephalography-based brain-computer interface using neural networks
Electroencephalography-based brain-computer interface using neural networksElectroencephalography-based brain-computer interface using neural networks
Electroencephalography-based brain-computer interface using neural networks
 
Adaptive segmentation algorithm based on level set model in medical imaging
Adaptive segmentation algorithm based on level set model in medical imagingAdaptive segmentation algorithm based on level set model in medical imaging
Adaptive segmentation algorithm based on level set model in medical imaging
 
Automatic channel selection using shuffled frog leaping algorithm for EEG bas...
Automatic channel selection using shuffled frog leaping algorithm for EEG bas...Automatic channel selection using shuffled frog leaping algorithm for EEG bas...
Automatic channel selection using shuffled frog leaping algorithm for EEG bas...
 

Recently uploaded

UNIT-III FMM. DIMENSIONAL ANALYSIS
UNIT-III FMM.        DIMENSIONAL ANALYSISUNIT-III FMM.        DIMENSIONAL ANALYSIS
UNIT-III FMM. DIMENSIONAL ANALYSISrknatarajan
 
chapter 5.pptx: drainage and irrigation engineering
chapter 5.pptx: drainage and irrigation engineeringchapter 5.pptx: drainage and irrigation engineering
chapter 5.pptx: drainage and irrigation engineeringmulugeta48
 
BSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptx
BSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptxBSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptx
BSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptxfenichawla
 
Generative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPTGenerative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPTbhaskargani46
 
KubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlyKubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlysanyuktamishra911
 
Coefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxCoefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxAsutosh Ranjan
 
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordCCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordAsst.prof M.Gokilavani
 
Thermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.pptThermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.pptDineshKumar4165
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations120cr0395
 
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...Christo Ananth
 
Online banking management system project.pdf
Online banking management system project.pdfOnline banking management system project.pdf
Online banking management system project.pdfKamal Acharya
 
Intze Overhead Water Tank Design by Working Stress - IS Method.pdf
Intze Overhead Water Tank  Design by Working Stress - IS Method.pdfIntze Overhead Water Tank  Design by Working Stress - IS Method.pdf
Intze Overhead Water Tank Design by Working Stress - IS Method.pdfSuman Jyoti
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Christo Ananth
 
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...Call Girls in Nagpur High Profile
 
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756dollysharma2066
 
UNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its PerformanceUNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its Performancesivaprakash250
 

Recently uploaded (20)

(INDIRA) Call Girl Meerut Call Now 8617697112 Meerut Escorts 24x7
(INDIRA) Call Girl Meerut Call Now 8617697112 Meerut Escorts 24x7(INDIRA) Call Girl Meerut Call Now 8617697112 Meerut Escorts 24x7
(INDIRA) Call Girl Meerut Call Now 8617697112 Meerut Escorts 24x7
 
UNIT-III FMM. DIMENSIONAL ANALYSIS
UNIT-III FMM.        DIMENSIONAL ANALYSISUNIT-III FMM.        DIMENSIONAL ANALYSIS
UNIT-III FMM. DIMENSIONAL ANALYSIS
 
chapter 5.pptx: drainage and irrigation engineering
chapter 5.pptx: drainage and irrigation engineeringchapter 5.pptx: drainage and irrigation engineering
chapter 5.pptx: drainage and irrigation engineering
 
NFPA 5000 2024 standard .
NFPA 5000 2024 standard                                  .NFPA 5000 2024 standard                                  .
NFPA 5000 2024 standard .
 
BSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptx
BSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptxBSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptx
BSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptx
 
Generative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPTGenerative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPT
 
KubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlyKubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghly
 
Coefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptxCoefficient of Thermal Expansion and their Importance.pptx
Coefficient of Thermal Expansion and their Importance.pptx
 
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete RecordCCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
CCS335 _ Neural Networks and Deep Learning Laboratory_Lab Complete Record
 
Thermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.pptThermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.ppt
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations
 
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
Call for Papers - Educational Administration: Theory and Practice, E-ISSN: 21...
 
Water Industry Process Automation & Control Monthly - April 2024
Water Industry Process Automation & Control Monthly - April 2024Water Industry Process Automation & Control Monthly - April 2024
Water Industry Process Automation & Control Monthly - April 2024
 
Online banking management system project.pdf
Online banking management system project.pdfOnline banking management system project.pdf
Online banking management system project.pdf
 
Intze Overhead Water Tank Design by Working Stress - IS Method.pdf
Intze Overhead Water Tank  Design by Working Stress - IS Method.pdfIntze Overhead Water Tank  Design by Working Stress - IS Method.pdf
Intze Overhead Water Tank Design by Working Stress - IS Method.pdf
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
 
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...Booking open Available Pune Call Girls Koregaon Park  6297143586 Call Hot Ind...
Booking open Available Pune Call Girls Koregaon Park 6297143586 Call Hot Ind...
 
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
 
UNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its PerformanceUNIT - IV - Air Compressors and its Performance
UNIT - IV - Air Compressors and its Performance
 
Roadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and RoutesRoadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and Routes
 

Deep learning model for thorax diseases detection

  • 1. TELKOMNIKA Telecommunication, Computing, Electronics and Control Vol. 18, No. 1, February 2020, pp. 441~449 ISSN: 1693-6930, accredited First Grade by Kemenristekdikti, Decree No: 21/E/KPT/2018 DOI: 10.12928/TELKOMNIKA.v18i1.12997  441 Journal homepage: http://journal.uad.ac.id/index.php/TELKOMNIKA Deep learning model for thorax diseases detection Ghada A. Shadeed, Mohammed A. Tawfeeq, Sawsan M. Mahmoud Computer Engineering Department, College of Engineering, Mustansiriyah University, Iraq Article Info ABSTRACT Article history: Received Apr 25, 2019 Revised Jul 7, 2019 Accepted Jul 18, 2019 Despite the availability of radiology devices in some health care centers, thorax diseases are considered as one of the most common health problems, especially in rural areas. By exploiting the power of the Internet of things and specific platforms to analyze a large volume of medical data, the health of a patient could be improved earlier. In this paper, the proposed model is based on pre-trained ResNet-50 for diagnosing thorax diseases. Chest x-ray images are cropped to extract the rib cage part from the chest radiographs. ResNet-50 was re-train on Chest x-ray14 dataset where a chest radiograph images are inserted into the model to determine if the person is healthy or not. In the case of an unhealthy patient, the model can classify the disease into one of the fourteen chest diseases. The results show the ability of ResNet-50 in achieving impressive performance in classifying thorax diseases. Keywords: Chest radiography Deep learning Internet of things ResNet-50 Thorax diseases This is an open access article under the CC BY-SA license. Corresponding Author: Ghada A. Shadeed, Computer Engineering Department, College of Engineering, Mustansiriyah University, Baghdad, Iraq. Email: ghada.shadeed@gmail.com 1. INTRODUCTION Chest diseases are one of the most important health problems people experience. More than 1 million adults with pneumonia are hospitalized, with about 50,000 dying each year in the United States alone [1, 2]. Chest x-ray images are the most common tool used to diagnose chest diseases, since their devices, in addition to making the patient exposed to little radiation, are also fairly cheap [3]. Depending on world health organization estimates, about two-thirds of the planet's population suffers from a lack of access to radiation diagnosis [4]. Even with the availability of the necessary equipment for radiography, the experts who are able to interpret the x-rays are few, especially in rural areas, leading to an increase in the mortality rate of treatable diseases in many countries [5]. So early diagnosis and treatment should be available to prevent complications of pneumonia that may lead to death. In recent years, deep learning models have made significant advances in many digital image applications [6-9], which have included faster and earlier detection of any diseases with the help of medical image classification and detection. According to the success of deep learning, many researchers have sought to benefit from deep neural networks (DNNs) for diagnosing many diseases, including thorax diseases on chest radiography, where numerous reports have been published confirming high accuracy of deep learning in diseases diagnosis. Much research has been done using deep learning methods to detect abnormal objects in medical images [10-15]. For instance, in [16], digital image processing techniques are used to develop a simple preprocessing pipeline and expert radiologist advice. Three neural network architectures: GoogLeNet, InceptionNet, and
  • 2.  ISSN: 1693-6930 TELKOMNIKA Telecommun Comput El Control, Vol. 18, No. 1, February 2020: 441 - 449 442 ResNet are created. These models have efficiently proven in classification tasks which are applied on chest x-ray images. In [17] a unified convolutional neural network (CNN) framework was proposed using weakly-supervised multi-label classification, taking into account that pooling strategies are different as well as various CNN's multi-label losses. Also, in [18] the CheXNet model, which is a model of deep learning, has been proposed for the detection of pneumonia where the area was diagnosed with the disease is identified in the image and used dense connections [19] and batch normalization [20] for making the optimization more possibility to execution for such a model. According to the results they reported, CheXNet has the capability to detect pneumonia at a level equal to or greater than that of radiologists. In [21] backpropagation neural network (BPNN), CNN plus competitive neural network (CPNN) were tested for the most common disease classification in Chest x-ray. The recognition rates were high and performance was good where the input image has a size of 32×32 pixels according to the results that they presented. CPNN and BPNN achieved less generalization power than that achieved by CNN. In [22] ChestNet is proposed to address the diagnosis of thorax diseases on chest radiography and was compared with three deep learning models on Chest x-ray14 dataset [17] using the official patient-wise split. According to the results presented the results were higher than those achieved by previous methods. In all of the above, a number of methods were offered to diagnose chest diseases with the help of computer-aided diagnosis. However, the problem of increasing the success rate of diagnosis of diseases remains one of the most important tasks to complete the diagnosis process and make it more efficient. So the model was proposed to diagnose the chest condition based on radiography. The diagnosis determines whether the person is normal (no finding) or abnormal. In case of abnormal, the model can detect fourteen types of chest diseases. One of the deep learning models, RestNet-50, has been suggested for its high ability to diagnose chest diseases on X-rays, as well as high potential to avoid many of the problems that the network may encounter when they become deeper. The proposed ResNet-50 model was evaluated against four deep learning models on Chest x-ray14 dataset. The block diagram of the proposed model is shown in Figure 1. The remaining of this paper is structured as follows: in section 2, the proposed model ResNet-50 and its architectures are described. The dataset used in the experimentation is described in section 3 along with its preprocessing. Finally, the results are presented in section 4 with corresponding discussions followed by the conclusions in section 5. Figure 1. Illustration of chest image analysis with ResNet-50 model 2. PROPOSED MODEL In this work, the proposed model is divided into three steps: preprocessing, ResNet-50, disease diagnosis as shown in Figure 2. In the preprocessing step, there are three blocks: first, to obtain more accurate and reliable data from Chest x-ray image, the rib cage area is cut to retain on it and leave the remaining areas in the image. This cropping process makes the training data more useful and thus increases the accuracy of the results and reduces the time of training. Secondly, the images are converted to RGB. Thirdly, the images come with different sizes. Therefore, the images must be unified within a certain size as required by the proposed network. During the training process, some details may be forgotten in the images, so the images are repeated to make the network remember the most details. In addition, this process increases network resolution. In ResNet-50, the earlier layers are freeze, while the fully connected is replaced according to requirements of the work. The last decision appears to determine the case of the chest is taken in the last step. 2.1. ResNet-50 The architecture of the ResNet-50 deep learning models is shown in Figure 3. It consists of 50 layers. Unlike other DNN, ResNet-50 model is characterized by its ability to avoid some of the problems
  • 3. TELKOMNIKA Telecommun Comput El Control  Deep learning model for thorax diseases detection (Ghada A. Shadeed) 443 confront the network when increasing its layers. One of these problems is when the number of layers increases to more than 25 layers starting with the problem of vanishing gradients, which is formed when the gradient is very small then the weights will not be change effectively and it may cause the neuronal network to stop completely for future training [23]. So, this model has been utilized in this work due to its high ability to avoid many problems as well as its efficient performance in the diagnosis of chest diseases. Figure 2. Proposed model block diagram Figure 3. Architecture of ResNet-50 model In this paper, two important strategies for ResNet-50 is investigated. First, the model parameters with random values were initialized, so the model is trained from the beginning. In the second strategy, the weights of the model are initialized from pre-trained. In the proposed model, the first layer requires input images of size 224×224×3, where 3 is the number of colors (ResNet-50 were designed in order to process the RGB images depending on the ImageNet [24] dataset), so gray images converted to color images. Then color images are passed to the proposed model as the initial layers where their weights are frozen by making
  • 4.  ISSN: 1693-6930 TELKOMNIKA Telecommun Comput El Control, Vol. 18, No. 1, February 2020: 441 - 449 444 learning rates equal to zero. Various levels of the features of Chest x-ray images are extracted in the first convolutional layer and this is shown in Figure 4 where the learned filters are shown at convolution layer. To retrain the model for new classification tasks, where the last full connection has been removed, which content 1000 classes and replaced by fully connected with fifteen classes. During training, at the frozen layers, the parameters do not update. The speed of model training is greatly increased when the weights of the initial layers are frozen as a result of counting the gradients of the layers that have been frozen. ResNet-50 contains two blocks, Convolutional block and Identity block depending on the dimensions of the input/output, whether similar or different. Identity block is used when the dimensions are similar, while the convolutional block is used when the dimensions are different. Figure 5 shows the architecture of each of convolutional block and identity block. In the next section, the dataset used in this work is described. Figure 4. Trained convolutional filters in the first layer (a) (b) Figure 5. Types of blocks in ResNet model: (a) identity block, (b) convolutional block
  • 5. TELKOMNIKA Telecommun Comput El Control  Deep learning model for thorax diseases detection (Ghada A. Shadeed) 445 3. DATASET In this work, the publicly available radiographic dataset, Chest X-ray 14 released by Wang et al. [17] was used. The dataset includes 3182 x-ray images, some examples of this dataset are shown in Figure 6. This dataset has fifteen labels consisting of Normal label and 14 disease labels include: effusion, consolidation, edema, cardiomegaly, atelectasis, emphysema, fibrosis, nodule, hernia mass, infiltration, pneumothorax, pleural thickening, and pneumonia. The labels of our dataset are clearly illustrated in Figure 7, which displays the total number of images. For the detection task, the dataset is randomly split into testing 15% (476 images), validation 15% (480 images), and training 70% (2226 images). The images were saved in PNG format. The digitized images were cropping and duplicating. Figure 6. Eight examples from chest x-ray 14 dataset, where the chest x-ray 14 includes 112, 120 images from 30,805 patients Figure 7. Number of images in each label 4. RESNET-50 MODEL RESULTS The results obtained from the proposed model were presented in this section. The model is implemented in Matlab 2018a using Deep Learning Toolbox for ResNet-50 Network [6], working on a computer with 8 GB memory and Intel(R) Core (TM) i7-8550U CPU @ 1.80GHz. The training parameters are set as follows: the mini-batch stochastic gradient descent algorithm has been adopted where the learning rate to 0.0001, and the batch size is 10, maximum iteration number is 13320 and at the layer of fully connected that the factor of bias learn rate is 10 and the weight of factor of learning rate is 10. The proposed model achieved very high results in reading radiography and chest diagnosis where the area under curve (AUC) reached to 0.9261. In Figure 8, the example shows the end result of how the diagnosis is made through the proposed model. The patient was diagnosed with the Edema. Table 1 shows the recognition rates obtained for the proposed network where it showed that the accuracy using
  • 6.  ISSN: 1693-6930 TELKOMNIKA Telecommun Comput El Control, Vol. 18, No. 1, February 2020: 441 - 449 446 the proposed network has 93.03% for training and 94.49% for testing. Also, the overall performance for training time, amount of data, and the recognition rate is described in Table 2. The averaged time of classification an image using the trained network was 0.3 second per image. Thus providing less time and less effort to obtain a diagnosis. The total training time to the proposed network took about 29-30 hours. Figure 8. Chest x-rays image with its diagnosis and the classes probabilities Table 1. Performance rates for ResNet-50 on training, validation, testing, and overall data Table 2. Performance rates for ResNet-50 of the proposed network Network model Data for training (70%) Data for validation (15%) Data for testing (15%) Overall data (100%) ResNet- 50 93.03% 93.42% 94.49% 93.18% Network model Training time Recognition rate Overall data Maximum number of iterations ResNet- 50 1055 min 93.18% 3182 images 13320 The model achieved good diagnostic results for all groups, with the highest accuracy being 96.5% of the edema disease category, which 86 images and less accurate being 85.71% of the hernia disease category, which 70 images as shown in Figure 9. In Table 3, the proposed model was compared with three deep learning models where the per-class AUC obtained by applying the test dataset to those models. The proposed model achieved the highest rate for most of the classes as shown by the results. Among the models that were trained on the Chest x-ray14 dataset, our model achieved the highest accuracy ratios for most cases. The results showed that the proposed model with the deeper net had a lower error rate than those with lower layer's depth. The results show that increasing network depth increases the network's ability to classify. The proposed model achieved a rating accuracy of 92.71%, while the results of previous networks were 84.1378%, 80.2714% and 73.8142%. Despite the depth of the model, the complexity is still low. An image was taken for each case (15 different images) and then was presented to the proposed models to determine the appropriate diagnosis where the results are as shown in Figure 10. Table 3. Comparison AUC on chest x-ray 14 Chest case wang et al. [18] Yea et al. [25] Rajpurkar et al. [19] Proposed network Atelectasis 71.6% 77.2% 80.94% 93.5% Cardiomegaly 80.7% 90.4% 92.48% 94% Consolidation 70.8% 78.8% 79.01% 91.33% Effusion 78.4% 85.9% 86.38% 91% Emphysema 81.5% 82.9% 93.71% 94.5% Fibrosis 76.9% 76.7% 80.47% 96.5% Infiltration 60.9% 69.5% 73.45% 88.5% Mass 70.6% 79.2% 86.76% 94.06% Nodule 67.1% 71. 7% 78.02% 91.58% Pneumonia 63.3% 71.3% 76.8% 92.16% Pneumothorax 80.6% 84.1% 88.87% 93.5% Edema 83.5% 88.2% 88.78% 96.51% Pleural Thickening 70.8% 76.5% 80.62% 91.5% Hernia 76.7% 91.4% 91.64% 85.71% Normal - - - 96.3% Average 73.8142% 80.2714% 84.1378% 92.71%
  • 7. TELKOMNIKA Telecommun Comput El Control  Deep learning model for thorax diseases detection (Ghada A. Shadeed) 447 Figure 9. Performance rates for fifteen cases in classification Figure 10. Some results of diagnostic detection in radiography images. An example of each classification was taken 5. CONCLUSION In this paper, a proposed chest diagnose model was applied to chest radiographs to diagnose 15 cases (14 chest diseases and 1 normal condition), based on ResNet-50 re-training. It achieved high efficiency in the diagnosis of chest radiography using the deep learning model with an AUC rate for all classes of 0.9261. This model was then compared to three models of deep learning used Chest X-ray 14 data set where it was superior. It is hoped that this model will improve the progress of health care and increase access to the medical experience throughout the world when access to skilled radiologists is limited. In our future work, work should be done to increase control of ResNet-50 using actual x-ray data, where ResNet-50 can be significantly increased by this configuration. The results showed that the use of deep learning methods is useful for detecting x-ray diseases on the chest.
  • 8.  ISSN: 1693-6930 TELKOMNIKA Telecommun Comput El Control, Vol. 18, No. 1, February 2020: 441 - 449 448 ACKNOWLEDGMENT We commend the efforts made to make the Chest X-ray 14 dataset available, making it easier to compare the diagnosis of 14 thorax diseases on chest radiographs. Also, the authors would like to thank Mustansiriyah University (www.uomustansiriyah.edu.iq) Baghdad – Iraq for its support of this work. REFERENCES [1] Centers for Disease Control and Prevention (CDC), [Online], Available: https://www.cdc.gov/pneumonia/ prevention.html, Oct 2018. [2] CheatSheet, [Online], Available: https://www.cheatsheet.com/health-fitness/these-are-the-leading-causes-of-death- in-the-u-s.html, 2018. [3] R. Gruetzemacher and A. Gupta, “Using deep learning for pulmonary nodule detection & diagnosis,” Twenty-second Americas Conference on Information Systems, pp. 1-9, 2016. [4] D. J. Mollura, et al., “White paper report of the rad-aid conference on international radiology for developing countries: identifying challenges, opportunities, and strategies for imaging services in the developing world,” Journal of the American College of Radiology, J Am Coll Radiol, vol. 7, no. 7, pp. 495-500, 2010. [5] A. Kesselman, et al., “2015 rad-aid conference on international radiology for developing countries: The evolving global radiology landscape,” Journal of the American College of Radiology, vol. 13, no. 9, pp. 1139-1144, Sep 2016. [6] K. He, et al., “Deep residual learning for image recognition,” Proceedings of the IEEE conference on computer vision and pattern recognition, pp. 770-778, 2016. [7] S. Yan, et al., “Driver Behavior Recognition Based on Deep Convolutional Neural Networks,” 12th International Conference on Natural Computation, Fuzzy Systems and Knowledge Discovery (ICNC-FSKD), 2016. [8] J. Liu, et al., “Skeleton Based Human Action Recognition with Global Context-Aware Attention LSTM Networks,” IEEE Transactions on Image Processing, Apr 2018. [9] M. Chen, et al., “Deep Feature Learning for Medical Image Analysis with Convolutional Autoencoder Neural,” IEEE Transactions on Big Data, pp. 1-1, 2017. [10] H. A. Al Mubarak, et al., “A Hybrid Deep Learning and Handcrafted Feature Approach for Cervical Cancer Digital Histology Image Classification,” International Journal of Healthcare Information Systems and Informatics, vol. 14, no. 2, pp. 66-87, 2019. [11] T. Kooi, et al., “Large scale deep learning for computer aided detection of mammographic lesions,” Med Image Anal, vol. 35, pp. 303-312, 2016. [12] M. Ghafoorian, et al., “Non-uniform patch sampling with deep convolutional neural networks for white matter hyperintensity segmentation,” IEEE Int Symp Biomedical Imaging, pp. 1414-1417, 2016. [13] J. Charbonnier, et al., “Improving airway segmentation in computed tomography using leak detection with convolutional networks,” Med Image Anal, vol. 36, pp. 52-60, 2017. [14] M. J. J. P. van Grinsven, et al., “Fast convolutional neural network training using selective data sampling: Application to hemorrhage detection in color fundus images,” IEEE Trans Med Imaging, vol. 35, no. 5, pp. 1273-1284, 2016. [15] E. Kesim, et al., “X-Ray Chest Image Classification by A Small-Sized Convolutional Neural Network,” Scientific Meeting on Electrical-Electronic & Biomedical Engineering and Computer Science (EBBT), 2019. [16] C. Tataru, et al., “Deep Learning for abnormality detection in Chest X-Ray images,” Tesis Stanford University, 2017. [17] X. Wang, et al., “ChestX-Ray8: Hospital-Scale Chest X-Ray Database and Benchmarks on Weakly-Supervised Classification and Localization of Common Thorax Diseases,” 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), pp. 3462-3471, 2017. [18] P. Rajpurkar, et al., “CheXNet: Radiologist-Level Pneumonia Detection on Chest X-Rays with Deep Learning,” in Proceedings of the IEEE conference on computer vision and pattern recognition, Dec 2017. [19] G. Huang, et al., “Densely connected convolutional networks,” Proceedings of the IEEE conference on computer vision and pattern recognition, Aug 2017. [20] S. Ioffe and C. Szegedy, “Batch normalization: Accelerating deep network training by reducing internal covariate shift,” International conference on machine learning, 2015. [21] R. H. Abiyev and M. K. S. Ma’aitah, “Deep Convolutional Neural Networks for Chest Diseases Detection,” Hindawi, Journal of Healthcare Engineering, vol. 2018, pp. 1-11, 2018. [22] H. Wang and Y. Xia, “ChestNet: A Deep Neural Network for Classification of Thoracic Diseases on Chest Radiography,” Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, 2018. [23] Towards Data Science, [Online], Available: https://towardsdatascience.com/understanding-residual-networks- 9add4b664b03, 2018. [24] ImageNet, [Online], Available: http://www.image-net.org. [25] Y. Li, et al., “Learning to diagnose from scratch by exploiting dependencies among labels,” Proceedings of the IEEE conference on computer vision and pattern recognition, 2017.
  • 9. TELKOMNIKA Telecommun Comput El Control  Deep learning model for thorax diseases detection (Ghada A. Shadeed) 449 BIOGRAPHIES OF AUTHORS Ghada A. Shadeed received her B.Sc. in Computer Engineering from Mustansiriyah University, Baghdad, Iraq, in 2016, she is currently an M.Sc. student in the Department of Computer Engineering, Mustansiriyah University/Baghdad, Iraq. Mohammed Ali Tawfeeq is an associated Professor at Computer Engineering Department, College of Engineering, Mustansiriyah University. He received his B.Sc. in Electrical Engineering from University of Technology/Baghdad, Iraq in 1979 and his M.Sc. degree in Computer Engineering from University of Baghdad in 1989. He obtained his Ph.D. in Computer Engineering from University of Technology, Baghdad, Iraq in 2006. His research interests include Intelligent Systems, Optimization Techniques, Wireless Sensor Networks, and IoT applications. Sawsan M. Mahmoud received her B.Sc. in Computer Science from University of Technology/Baghdad, Iraq in 1994. She obtained her M.Sc. from University of Baghdad in 1998. Her Ph.D. degree in Computational Intelligence is obtained from Nottingham Trent University, Nottingham, UK in 2012. Sawsan joined Mustansiriyah University/ Engineering College in 1994 as a member of the academic staff. Her research interests include, but not limited to, Computational Intelligence, Ambient Intelligence (Smart Home and Intelligent Environment), Wireless Sensor Network, Data Mining, and Health Monitoring.