SlideShare a Scribd company logo
1 of 8
Download to read offline
TELKOMNIKA Telecommunication, Computing, Electronics and Control
Vol. 18, No. 3, June 2020, pp. 1302~1309
ISSN: 1693-6930, accredited First Grade by Kemenristekdikti, Decree No: 21/E/KPT/2018
DOI: 10.12928/TELKOMNIKA.v18i3.14751  1302
Journal homepage: http://journal.uad.ac.id/index.php/TELKOMNIKA
Classification of pneumonia from X-ray images
using siamese convolutional network
Kennard Alcander Prayogo, Alethea Suryadibrata, Julio Christian Young
Department of Informatics, Universitas Multimedia Nusantara, Indonesia
Article Info ABSTRACT
Article history:
Received Aug 15, 2019
Revised Jan 20, 2020
Accepted Feb 23, 2020
Pneumonia is one of the highest global causes of deaths especially for children
under 5 years old. This happened mainly because of the difficulties in identifying
the cause of pneumonia. As a result, the treatment given may not be suitable for
each pneumonia case. Recent studies have used deep learning approaches to obtain
better classification within the cause of pneumonia. In this research, we used
siamese convolutional network (SCN) to classify chest x-ray pneumonia image into
3 classes, namely normal conditions, bacterial pneumonia, and viral pneumonia.
Siamese convolutional network is a neural network architecture that learns
similarity knowledge between pairs of image inputs based on the differences
between its features. One of the important benefits of classifying data with SCN is
the availability of comparable images that can be used as a reference when
determining class. Using SCN, our best model achieved 80.03% accuracy, 79.59%
f1 score, and an improved result reasoning by providing the comparable images.
Keywords:
Chest X-Ray
Image classification
Pneumonia
Siamese Convolutional
Network
This is an open access article under the CC BY-SA license.
Corresponding Author:
Alethea Suryadibrata,
Department of Informatics,
Universitas Multimedia Nusantara,
Scientia Boulevard St., Gading Serpong, Tangerang, Banten 15811, Indonesia
Email: alethea@umn.ac.id
1. INTRODUCTION
Pneumonia is one of the leading causes of mortality in children under 5 years old besides preterm birth
complications [1]. In 2015, pneumonia is responsible for around 15% of all deaths or almost 920,136 number of
children in this age group [2]. Pneumonia is an inflammation of lung tissue as a result of infectious agents [3].
The most common type of pneumonia is bacterial pneumonia and viral pneumonia [4]. Bacterial pneumonia
is caused by bacteria such as Streptococcus pneumoniae Haemophilus influenzae type b (Hib), and
Mycoplasma pneumoniae [5]. Viral pneumonia is often caused by respiratory virus including influenza,
parainfluenza virus, and adenovirus [6].
The main problem of pneumonia treatment is the difficulty to make a clinical decision as a result of
the inability to identify the infectious organism [7]. To overcome this problem, pneumonia disease is usually
treated using antibiotics. However, the use of antibiotics to treat viral pneumonia is ineffective [4] and misuse
of antibiotics can increase the risk of antibiotic resistance [7]. Thus, it is important to identify the type of
microorganism on the diagnosis of pneumonia to receive suitable treatments. Medical imaging techniques has
been used to support diagnosis result such as ultrasonography, radiography, and tomography. Image
processing and machine learning algorithms also played important role to assist doctor in making faster and
more accurate diagnosis [8]. Some researchers have combined these approaches on medical imaging
result i.e. [9] used possibilistic c-means for ultrasound images, [10] used wavelet decomposition for chest
radiograph, and [11] used deep neural network for MRI images segmentation.
TELKOMNIKA Telecommun Comput El Control 
Classification of pneumonia from X-ray images using siamese convolutional … (Kennard Alcander Prayogo)
1303
As there are no test that can fully identify specific cause of pneumonia, a test to distinguish between
bacterial and viral pneumonia would be a major advance [12]. The most common test is using host
biomarkers (i.e. procalcitonin (PCT), C reactive protein (CRP), white blood cell indicators), but these tests
resulting in complex outcome and is lack of an accurate reference comparator test [12]. Accordingly, chest
x-ray (CXR), a medical imaging technique, is used to provide more comprehensive clinical signs. In clinical
decision, CXR supports bacterial or viral etiology and even for complications [7]. As a result, in this work,
deep learning method will be used to classifying the result of CXR into normal condition, bacterial
pneumonia, and viral pneumonia.
Deep learning method that mainly used for image problem is convolutional neural network (CNN).
Several researchers have used CNN to classify medical imaging results such as [13] for classifying stroke, [14] for
classifying type of muscle, and [15] for classifying abdominal ultrasound images. The used of CNN for
classifying CXR has also been performed in [16] and [17] for classifying two classes, normal condition and
pneumonia. The result shows high accuracy in both works. However, the predicted result still lacks on
reasoning part that supports the results.
Another variation of CNN is siamese convolutional network (SCN). SCN using two identical CNN
with the same architecture and the same weight [18]. This network receives a pair of images as input and
returns a similarity score between them. SCN has been used by [19] on tracking problems and is able to
perform well in those problems. Another work is done by [20] for one shot character recognition. They form
a pair from a single data image to suit the SCN input. For the one-shot learning problem, they used different
class collections of alphabets for testing and classified each of the alphabets using SCN. Whereas our work
will use similar type of approach but with the same class of data. Using this approach, we could also use
the compared images to support classification results, considering the fact that similar methods still deficient
in the reasoning part.
2. RESEARCH METHOD
2.1. Data description
The used dataset is Labeled Optical Coherence Tomography (OCT) and Chest X-Ray Images for
Classification [16]. This dataset contains 5863 chest x-ray (CXR) images from patients one to five years of
age at Guangzhou Women and Children’s Medical Center [16]. It also divides the data into 3 classes, normal
condition, bacterial pneumonia, and viral pneumonia. Diagnoses of all CXR images have also been reviewed
by two radiologists [16].
2.2. Proposed model
2.2.1. Siamese convolutional network architecture
Figure 1 described siamese convolutional network (SCN) architecture that will be used in this
work. This network received a pair of 224x224 chest x-ray images as input. Then, input will be fed into
convolutional network to extract features from each image. Connection function was used for combining
each output of convolutional network. We used cosine distance as a connection function to evaluate
similarity between each input. Cosine distance has been used for pattern recognition problems as this
function is invariant to the magnitudes of samples [20]. This function formula is [21].
Figure 1. Overall siamese convolutional network architecture
𝑐𝑜𝑠𝑖𝑛𝑒 𝑑𝑖𝑠𝑡𝑎𝑛𝑐𝑒 =
𝐴.𝐵
‖𝐴‖‖𝐵‖
=
∑ 𝑎 𝑖 𝑏 𝑖
𝑛
𝑖=1
√∑ 𝑎 𝑖
2√∑ 𝑏𝑖
2𝑛
𝑖=1
𝑛
𝑖=1
(1)
 ISSN: 1693-6930
TELKOMNIKA Telecommun Comput El Control, Vol. 18, No. 3, June 2020: 1302 – 1309
1304
where A and B are the output of convolutional network as a vector with corresponding to
𝐴 = 𝑎1, 𝑎2, … , 𝑎 𝑛 and 𝐵 = 𝑏1, 𝑏2, … , 𝑏 𝑛 n will be the number of vector attributes. The output of this connected
function will be forwarded into fully connected layer with 2 hidden layers. Dropout layer was added between each
hidden layer as a regularization. In the last layer, we used sigmoid activation to produce similarity result that is
bound to [0, 1].
Most of the SCN model used parameter sharing on its two convolutional networks weight and bias.
According to [22], removing this constraint can deal with more specific matching task than general task.
As our problem used the same class for testing, we also did not use parameter sharing in the network.
Furthermore, to enhancing matching task for every class, we used separate model for each class. Using this approach,
each model learned to gain best features for comparison between corresponding class with other classes.
2.2.2. Convolutional network architecture
In convolutional network, we used 14 layers that contain 9 convolutional layers and 5 max-pooling
layers as described in Figure 2. The number of channels from each layer are 32, 64, 64, 64, 64, 128, 128, 128,
128, 128, 256, 256, 256, and 512. Each convolutional layer used a 3x3 filter with two strides and zero
paddings. On each convolutional layer, ReLu activations will be used to remove negative value.
The max-pooling filter size is 2x2 with two strides and zero paddings. This way, the image will be down
sampled and focusing on important features. To reduce overfitting, regularization techniques such as
dropout [23] and batch normalization will be used [24]. The output of this network has a size of 1x1x512 and
will be flattened into vector 1x512 before forwarded to fully connected network.
Figure 2. Selected convolutional network for SCN architecture
2.3. Splitting dataset
In this work, we divided the dataset into training (70%), validation (10%), and testing (20%) sets.
this training and validation data will be used for pair creation. As a result, we used different amounts of data
for training and validating the network.
2.4. Pair creation
As SCN input comprises a pair of images, a preprocessing method to form a pair from the dataset
must be performed. Figure 3 shows set of pairs that will be fed into the network. For same class pair or
genuine pair, we paired data from the same class. While on the different class pair or impostor pair, the first
input always comes from the same class that corresponds to the model. The second input consists of data
from different classes than the first input. In our work, we used an equal number of genuine pairs and
impostor pairs to avoid class imbalance. The amount of created genuine pairs can be calculated using
combinatorics. For n number of data from the same class, there are (
𝑛
2
) amount of pair data available to use.
Hence, the split data training and validation will be processed into a form of data pair. Using these pair data,
we randomly picked 10000 pair of training data and 2000 pair of validation data for training phase.
TELKOMNIKA Telecommun Comput El Control 
Classification of pneumonia from X-ray images using siamese convolutional … (Kennard Alcander Prayogo)
1305
Figure 3. Set of pairs for each class model
2.5. Training
We trained our SCN using mini batch with batch size 16. To generate each batch, the paired data
were put into generator. In addition, generator also performed additional preprocessing to the images.
First, images were resized into 224x224. Then, flip horizontal augmentation was performed randomly to
the images. We also normalized the images based on the mean and standard deviation from 1000 samples
training data. Figure 4 shows preprocessing flow in the generator. To train the network, Adam optimizer was
used to optimize the network. The chosen hyperparameters are shown in Table 1.
Figure 4. Preprocessing in the generator
Table 1. SCN Hyperparameter Settings
Hyperparameter Value
Learning Rate 0.001
Dropout Rate 0.5
Learning Decay 0
β1 0.9
β2 0.999
As the output of this network is a binary classification, which similarity result was measured, we used
binary cross entropy (BCE) for the loss function. BCE is usually used by SCN with sigmoid activations on the last
layer [25]. As shown in (2) shows the loss function formula which guide our SCN learning process [26],
𝑐 =
1
𝑚
∑ [𝑡 𝑘 𝐼𝑛 𝑦 𝑘 + (1 − 𝑡 𝑘)𝐼𝑛(1 − 𝑦 𝑘)]𝑚
𝑘=1 (2)
where C is the BCE loss function value from data k to m, tk and yk is an actual target and prediction result of
data k.
Network from each class was trained for 20 epochs, as the loss has been increasing around the last 5
epochs. The best weights configuration was saved associates to the lowest validation loss. Such weight will
be loaded to the network before using it for testing data.
2.6. Testing
Initially, we changed the testing data into a pair. Generator was used to create a pair between testing
data with randomly picked data training for each representative class. Figure 5 describes the input class from
each pair. The first input always consists of the data corresponding to the class model. For the second input,
 ISSN: 1693-6930
TELKOMNIKA Telecommun Comput El Control, Vol. 18, No. 3, June 2020: 1302 – 1309
1306
we put the testing data, which can be the data from any class. Using these rules, there was no alteration
between the paired data input used for training and testing. Thus, the model was able to find similarity
features for each class. We defined rank as the number of repeated testing on the same category. This term
was also used in [21] to evaluate the network. Then, classification result was based on maximum similarity
from C number of classes as shown in 3 [20].
𝐶 𝑥
= 𝑎𝑟𝑔𝑚𝑎𝑥 𝑐 𝑝(𝑐)
(3)
where C* defines classification result from all class, c as list of all class, and 𝑝(𝑐)
as mean prediction result
based on number of ranks.
Figure 5. Overall testing flow
3. RESULTS AND ANALYSIS
3.1. Comparing architecture
First, we wanted to compare our architecture with the other ones that have been used for pneumonia
classification. The compared network is InceptionV3 nets which are used by [16] and network from [17].
As both architectures are CNN, we drop the fully connected layer on those networks and use them as
a convolutional network for our SCN. To know a glimpse of each network performance, we used 2000
training data pair and 400 validation data pair. Table 2 shows the accuracy for each architecture.
Table 2. Comparison of Different Architecture
Architecture Accuracy
This Paper 77.05%
(Saraiva et al.) [17] 73.46%
InceptionV3 [27] 72.18%
The proposed model in this paper achieves higher accuracy than the other network when used for
SCN. If we compare the number of layers on those networks, Saraiva model consist of 9 layers and
InceptionV3 has 48 number of layers, whereas our architecture is formed by 14 layers. Therefore, our
architecture has deeper layer than Saraiva model, but not as deep as InceptionV3 nets.
3.2. Evaluation
Table 3 details the training results that consist of lowest loss validation, validation accuracy, and
epoch position for each class. Based on the loss validation, each model performs quite well to learn similarity
between each class. Thus, these models are used to predict testing data. When predicting data, one benefits of
using SCN for classification is the availability of other images for comparison. The amount of compared
images is equal to the number of ranks. By doing so, high similarity images can be used for case references.
Particularly in medical imaging data, the role of these images is essential to support the classification result.
Figure 6 shows the illustration of comparison images with its corresponding similarity value.
Table 3. Training result for each class
Class Lowest Loss Validation Validation Accuracy Epoch Position
Normal 0.10897 96.05% 8
Bacterial 0.39441 83.20% 13
Virus 0.43917 83.10% 5
TELKOMNIKA Telecommun Comput El Control 
Classification of pneumonia from X-ray images using siamese convolutional … (Kennard Alcander Prayogo)
1307
Test Data #2 (Label: Bacteria, Predicted: Bacteria)
Compare with: Bacteria
Figure 6. Illustration of comparison visualization for siamese convolutional network
As the prediction result and actual target are also bacteria class, which is a correct classification,
each comparison mostly shows high similarity scores. Table 4 describes the result of testing data prediction
using different number of ranks. The higher number of ranks, in accordance with higher number of compared
data, resulting in higher accuracy. The best accuracy that we achieve is 80.03% using rank-20. Thus, we
evaluate this model using confusion matrix, precision, recall, and f1 score. Table 5 shows the confusion
matrix for this classification result.
Table 4. Testing result
based on number of rank
Rank Accuracy
1 74.91%
5 77.05%
10 78.33%
20 80.03%
Table 5. Confusion matrix using rank-20 classification
Confusion Matrix Predicted
Normal Bacteria Virus Total
Actual Normal 297 8 12 317
Bacteria 15 440 101 556
Virus 15 83 201 299
Total 327 531 314 1172
Using this confusion matrix, we calculate other evaluation metrics such as precision, recall, and f1
score. The complete evaluation metrics are described in Table 6. To make sure that our model is not biased to
specific class, we compared the overall accuracy with the average f1 score, as this value takes recall and
precision into account. If we compared these values, there is no significant difference. However, if we
compared f1 score between normal class and virus class, the difference is quite big. When we look at
the confusion matrix, most of the wrong classifications on virus class, are classified as bacteria. Intuitively,
there are some cases on virus class that are also similar with the bacteria cases. This makes the model
prediction was mixed between those two classes. Nevertheless, as there is no significant difference between
average f1 score with overall accuracy, our model is not biased to specific class and performs quite well to
classify data in general.
 ISSN: 1693-6930
TELKOMNIKA Telecommun Comput El Control, Vol. 18, No. 3, June 2020: 1302 – 1309
1308
Table 6. Complete list of evaluation metrics
Metrics Normal Bacteria Virus Average
Recall 93.69% 79.13% 67.22% 80.03%
Precision 90.82% 82.86% 64.01% 79.23%
F1 Score 92.24% 80.96% 65.58% 79.59%
Overall Accuracy 80.03%
3.3. Filter visualization
Figure 7 shows filter visualization from the first convolutional layer. In the first input, the extracted
features in this layer centering on the right and left side of the lungs. For the bacterial class, the result detailed
more on the right side of the lung. On the opposite, the filter result on second input mostly extracts the same
features on first convolutional for each class.
Figure 7. Filter visualization from the first convolutional layer
4. CONCLUSION
In this work, we propose x-ray imaging classification using siamese convolutional network (SCN)
which is often used for similarity learning. Our model also drops the constraint of parameter sharing and
enhancing features on each class using model separation. The SCN architecture we are used consists of
2 convolutional networks with 14 layers (9 convolutional layers and 5 max pooling layers) respectively,
cosine distance as connection function, and fully connected layer with 2 hidden layers. When used for SCN,
our architecture achieves better results than other architecture such as inception v3 and model from [17].
This architecture was able to achieve 80.03% accuracy and 79.59% f1 score. We also show the comparison
image which used to support the decision from classification result. Therefore, our model has a better result
reasoning and details comparing to the similar methods like CNN.
For future works, as the amount of pair result is combinatorics, there is plenty of training data that
can be added to improve the model performance. More experiments on hyperparameter settings also help to
improve the model. Finally, we plan to improve the result visualization using class activation map (CAM)
that is suitable for SCN. It would maximize the purpose of comparison images and give a better
understanding of the result.
ACKNOWLEDGEMENTS
This research was supported by the Artificial Intelligence Laboratory in Universitas Multimedia
Nusantara.
REFERENCES
[1] Forum of International Respiratory Societies, “The Global Impact of Respiratory Disease,” Second Edition.
Sheffield: European Respiratory Society, 2017.
[2] Cilloniz C., Martin-Loeches I., Garcia-Vidal C., San Jose A., Torres A., “Microbial Etiology of Pneumonia:
Epidemiology, Diagnosis and Resistance Patterns,” International journal of molecular sciences, vol. 17, no. 12,
December 2016.
[3] Wojsyk-Banaszak I, Bręborowicz A. Pneumonia in Children. In: Mahboub B. Editors. Respiratory Disease and
Infection. Rijeka: IntechOpen; 2013: 137-171.
TELKOMNIKA Telecommun Comput El Control 
Classification of pneumonia from X-ray images using siamese convolutional … (Kennard Alcander Prayogo)
1309
[4] Tong N. Update on 2004 background paper 6.22 pneumonia, “Priority medicines for Europe and the world A public
health approach to innovation," Geneva, WHO, 2013.
[5] Mathur S., Fuchs A., Bielicki J., Van Den Anker J., Sharland M., “Antibiotic use for community-acquired
pneumonia in neonates and children: WHO evidence review,” Paediatrics and International Child Health, vol. 38,
pp. S66-S75, November 2018.
[6] Kim J. E., Kim U. J., Kim H. K., Cho S. K., An J. H., Kang S. J., Park K. H., Jung S. I., Jang H. C., “Predictors of
viral pneumonia in patients with community-acquired pneumonia,” PloS one, vol. 9, no. 12, December 2014.
[7] Mackenzie, G., “The definition and classification of pneumonia,” Pneumonia, vol. 8, no. 12, December 2016.
[8] Razzak M. I., Naz S., Zaib A., “Deep learning for medical image processing: Overview, challenges and the future,”
Classification in BioApps, vol. 26, pp. 323-350, November 2017.
[9] Suryadibrata A., Kim K. B., “Ganglion cyst region extraction from ultrasound images using possibilistic
c-means clustering method,” Journal of Information and Communication Convergence Engineering, vol. 15,
pp. 49-52, 2017.
[10] Aidoo A. Y., Wilson M., Botchway G. A., “Chest radiograph image enhancement with wavelet decomposition and
morphological operations,” TELKOMNIKA Telecommunication Computing Electronics and Control, vol 17, no. 5,
pp. 2587-2594, October 2019.
[11] Al-Kafri A. S., Sudirman S., Hussain A. J., Al-Jumeily, D., Natalia F., Meidia H., Afriliana N., Al-Rashdan W.,
Bashtawi M., Al-Jumaily M., “Boundary Delineation of MRI Images for Lumbar Spinal Stenosis Detection
Through Semantic Segmentation Using Deep Neural Networks,” in IEEE Access, vol. 7, pp. 43487-43501, 2019.
[12] Zar H. J., Savvas A., Mark P. N., “Advances in the diagnosis of pneumonia in children,” BMJ, vol. 358, July 2017.
[13] Marbun J. T., Andayani, U., “Classification of stroke disease using convolutional neural network,” Journal of
Physics: Conference Series, vol. 978, no. 1, March 2018.
[14] Katakis S., Barotsis N., Kastaniotis D., Theoharatos C., Tsourounis D., Fotopoulos S., Panagiotopoulos E., “Muscle
Type Classification on Ultrasound Imaging Using Deep Convolutional Neural Networks,” 2018 IEEE 13th Image,
Video, and Multidimensional Signal Processing Workshop (IVMSP), Zagorochoria, pp. 1-5, 2018.
[15] Cheng P. M., Malh, H. S., “Transfer learning with convolutional neural networks for classification of abdominal
ultrasound images,” Journal of digital imaging, vo. 30, no. 2, pp. 234-243, April 2017.
[16] Kermany D. S., Goldbaum M., Cai W., Valentim C. C., Liang H., Baxter S. L., McKeown A., Yang G., Wu X.,
Yan F., Dong J., “Identifying medical diagnoses and treatable diseases by image-based deep learning,” Cell,
vol. 172, no. 5, pp. 1122-1131, February 2018.
[17] Saraiva A., Ferreira N., Lopes de Sousa L., Carvalho da Costa, N., Sousa, J., Santos D., Valente, A., Soares, S.,
“Classification of Images of Childhood Pneumonia using Convolutional Neural Networks,” in Proceedings of
the 12th International Joint Conference on Biomedical Engineering Systems and Technologies (BIOSTEC 2019),
pp. 112-119, 2019.
[18] Barakat B. K., Alasam R., El-Sana J., “Word Spotting Using Convolutional Siamese Network,” 2018 13th IAPR
International Workshop on Document Analysis Systems (DAS), Vienna, pp. 229-234, 2018.
[19] Leal-Taixé, L., Canton-Ferrer, C., & Schindler, K., “Learning by tracking: Siamese CNN for robust target
association,” Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition Workshops,
pp. 33-40, 2016.
[20] Koch G., Zemel R., Salakhutdinov R., “Siamese neural networks for one-shot image recognition,” ICML deep
learning workshop, Lille, Vol. 2, 2015.
[21] Rahutomo F., Kitasuka T., Aritsugi M., “Semantic cosine similarity,” The 7th International Student Conference on
Advanced Science and Technology ICAST, Kumamoto, 2012.
[22] Yi D., Lei Z., Liao S., Li S. Z., “Deep metric learning for person re-identification,” 2014 22nd International
Conference on Pattern Recognition, Stockholm, pp. 34-39, 2014.
[23] Srivastava N., Hinton G., Krizhevsky A., Sutskever I., Salakhutdinov R., “Dropout: a simple way to prevent neural
networks from overfitting,” The journal of machine learning research, vol. 15, no. 1, pp. 1929-2958, June 2014.
[24] Ioffe S., Szegedy C., “Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate
Shift,” ICML'15: Proceedings of the 32nd International Conference on International Conference on Machine
Learning, vol. 37, pp. 448-456, July 2015.
[25] Oki H., Miyao J., Kurita T., “Siamese Network for Classification with Optimization of AUC,”. In: Gedeon T.,
Wong K., Lee M. (eds) Neural Information Processing. ICONIP 2019. LNCS, Springer, Cham, vol 11954,
pp. 315-327, 2019.
[26] Nasr, G. E., Badr E., Joun C., “Cross Entropy Error Function in Neural Networks: Forecasting Gasoline Demand,”
Proceedings of the Fifteenth International Florida Artificial Intelligence Research Society Conference,
pp. 381-384, January 2002.
[27] Szegedy, C., Vanhoucke, V., Ioffe, S., Shlens, J., Wojna, Z., “Rethinking the inception architecture for
computer vision,” 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV,
pp. 2818-2826, 2016.

More Related Content

What's hot

Cancer cell segmentation and detection using nc ratio
Cancer cell segmentation and detection using nc ratioCancer cell segmentation and detection using nc ratio
Cancer cell segmentation and detection using nc ratioeSAT Publishing House
 
Utilization of Super Pixel Based Microarray Image Segmentation
Utilization of Super Pixel Based Microarray Image SegmentationUtilization of Super Pixel Based Microarray Image Segmentation
Utilization of Super Pixel Based Microarray Image Segmentationijtsrd
 
An Analysis of The Methods Employed for Breast Cancer Diagnosis
An Analysis of The Methods Employed for Breast Cancer Diagnosis An Analysis of The Methods Employed for Breast Cancer Diagnosis
An Analysis of The Methods Employed for Breast Cancer Diagnosis IJORCS
 
Towards A More Secure Web Based Tele Radiology System: A Steganographic Approach
Towards A More Secure Web Based Tele Radiology System: A Steganographic ApproachTowards A More Secure Web Based Tele Radiology System: A Steganographic Approach
Towards A More Secure Web Based Tele Radiology System: A Steganographic ApproachCSCJournals
 
FRACTAL PARAMETERS OF TUMOUR MICROSCOPIC IMAGES AS PROGNOSTIC INDICATORS OF C...
FRACTAL PARAMETERS OF TUMOUR MICROSCOPIC IMAGES AS PROGNOSTIC INDICATORS OF C...FRACTAL PARAMETERS OF TUMOUR MICROSCOPIC IMAGES AS PROGNOSTIC INDICATORS OF C...
FRACTAL PARAMETERS OF TUMOUR MICROSCOPIC IMAGES AS PROGNOSTIC INDICATORS OF C...csandit
 
Impact of adversarial examples on deep learning models for biomedical image s...
Impact of adversarial examples on deep learning models for biomedical image s...Impact of adversarial examples on deep learning models for biomedical image s...
Impact of adversarial examples on deep learning models for biomedical image s...Wesley De Neve
 
IRJET- Detection and Classification of Skin Diseases using Different Colo...
IRJET-  	  Detection and Classification of Skin Diseases using Different Colo...IRJET-  	  Detection and Classification of Skin Diseases using Different Colo...
IRJET- Detection and Classification of Skin Diseases using Different Colo...IRJET Journal
 
Wound epithelization model by 3 d imaging
Wound epithelization model by 3 d imagingWound epithelization model by 3 d imaging
Wound epithelization model by 3 d imagingeSAT Publishing House
 
Rapid COVID-19 Diagnosis Using Deep Learning of the Computerized Tomography ...
Rapid COVID-19 Diagnosis Using Deep Learning  of the Computerized Tomography ...Rapid COVID-19 Diagnosis Using Deep Learning  of the Computerized Tomography ...
Rapid COVID-19 Diagnosis Using Deep Learning of the Computerized Tomography ...Dr. Amir Mosavi, PhD., P.Eng.
 
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
 
SEGMENTATION OF MULTIPLE SCLEROSIS LESION IN BRAIN MR IMAGES USING FUZZY C-MEANS
SEGMENTATION OF MULTIPLE SCLEROSIS LESION IN BRAIN MR IMAGES USING FUZZY C-MEANSSEGMENTATION OF MULTIPLE SCLEROSIS LESION IN BRAIN MR IMAGES USING FUZZY C-MEANS
SEGMENTATION OF MULTIPLE SCLEROSIS LESION IN BRAIN MR IMAGES USING FUZZY C-MEANSijaia
 
Using Artificial Neural Networks to Detect Multiple Cancers from a Blood Test
Using Artificial Neural Networks to Detect Multiple Cancers from a Blood TestUsing Artificial Neural Networks to Detect Multiple Cancers from a Blood Test
Using Artificial Neural Networks to Detect Multiple Cancers from a Blood TestStevenQu1
 
An Integrated Algorithm supporting Confidentiality and Integrity for secured ...
An Integrated Algorithm supporting Confidentiality and Integrity for secured ...An Integrated Algorithm supporting Confidentiality and Integrity for secured ...
An Integrated Algorithm supporting Confidentiality and Integrity for secured ...CSCJournals
 
IRJET- Detection and Classification of Leaf Diseases
IRJET-  	  Detection and Classification of Leaf DiseasesIRJET-  	  Detection and Classification of Leaf Diseases
IRJET- Detection and Classification of Leaf DiseasesIRJET Journal
 
Comparing the performance of linear regression versus deep learning on detect...
Comparing the performance of linear regression versus deep learning on detect...Comparing the performance of linear regression versus deep learning on detect...
Comparing the performance of linear regression versus deep learning on detect...journalBEEI
 

What's hot (20)

Cancer cell segmentation and detection using nc ratio
Cancer cell segmentation and detection using nc ratioCancer cell segmentation and detection using nc ratio
Cancer cell segmentation and detection using nc ratio
 
Utilization of Super Pixel Based Microarray Image Segmentation
Utilization of Super Pixel Based Microarray Image SegmentationUtilization of Super Pixel Based Microarray Image Segmentation
Utilization of Super Pixel Based Microarray Image Segmentation
 
Breast legion
Breast legionBreast legion
Breast legion
 
An Analysis of The Methods Employed for Breast Cancer Diagnosis
An Analysis of The Methods Employed for Breast Cancer Diagnosis An Analysis of The Methods Employed for Breast Cancer Diagnosis
An Analysis of The Methods Employed for Breast Cancer Diagnosis
 
Towards A More Secure Web Based Tele Radiology System: A Steganographic Approach
Towards A More Secure Web Based Tele Radiology System: A Steganographic ApproachTowards A More Secure Web Based Tele Radiology System: A Steganographic Approach
Towards A More Secure Web Based Tele Radiology System: A Steganographic Approach
 
FRACTAL PARAMETERS OF TUMOUR MICROSCOPIC IMAGES AS PROGNOSTIC INDICATORS OF C...
FRACTAL PARAMETERS OF TUMOUR MICROSCOPIC IMAGES AS PROGNOSTIC INDICATORS OF C...FRACTAL PARAMETERS OF TUMOUR MICROSCOPIC IMAGES AS PROGNOSTIC INDICATORS OF C...
FRACTAL PARAMETERS OF TUMOUR MICROSCOPIC IMAGES AS PROGNOSTIC INDICATORS OF C...
 
Impact of adversarial examples on deep learning models for biomedical image s...
Impact of adversarial examples on deep learning models for biomedical image s...Impact of adversarial examples on deep learning models for biomedical image s...
Impact of adversarial examples on deep learning models for biomedical image s...
 
Az4102375381
Az4102375381Az4102375381
Az4102375381
 
Report (1)
Report (1)Report (1)
Report (1)
 
IRJET- Detection and Classification of Skin Diseases using Different Colo...
IRJET-  	  Detection and Classification of Skin Diseases using Different Colo...IRJET-  	  Detection and Classification of Skin Diseases using Different Colo...
IRJET- Detection and Classification of Skin Diseases using Different Colo...
 
B0343011014
B0343011014B0343011014
B0343011014
 
Wound epithelization model by 3 d imaging
Wound epithelization model by 3 d imagingWound epithelization model by 3 d imaging
Wound epithelization model by 3 d imaging
 
Rapid COVID-19 Diagnosis Using Deep Learning of the Computerized Tomography ...
Rapid COVID-19 Diagnosis Using Deep Learning  of the Computerized Tomography ...Rapid COVID-19 Diagnosis Using Deep Learning  of the Computerized Tomography ...
Rapid COVID-19 Diagnosis Using Deep Learning of the Computerized Tomography ...
 
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...
 
SEGMENTATION OF MULTIPLE SCLEROSIS LESION IN BRAIN MR IMAGES USING FUZZY C-MEANS
SEGMENTATION OF MULTIPLE SCLEROSIS LESION IN BRAIN MR IMAGES USING FUZZY C-MEANSSEGMENTATION OF MULTIPLE SCLEROSIS LESION IN BRAIN MR IMAGES USING FUZZY C-MEANS
SEGMENTATION OF MULTIPLE SCLEROSIS LESION IN BRAIN MR IMAGES USING FUZZY C-MEANS
 
Using Artificial Neural Networks to Detect Multiple Cancers from a Blood Test
Using Artificial Neural Networks to Detect Multiple Cancers from a Blood TestUsing Artificial Neural Networks to Detect Multiple Cancers from a Blood Test
Using Artificial Neural Networks to Detect Multiple Cancers from a Blood Test
 
An Integrated Algorithm supporting Confidentiality and Integrity for secured ...
An Integrated Algorithm supporting Confidentiality and Integrity for secured ...An Integrated Algorithm supporting Confidentiality and Integrity for secured ...
An Integrated Algorithm supporting Confidentiality and Integrity for secured ...
 
K011138084
K011138084K011138084
K011138084
 
IRJET- Detection and Classification of Leaf Diseases
IRJET-  	  Detection and Classification of Leaf DiseasesIRJET-  	  Detection and Classification of Leaf Diseases
IRJET- Detection and Classification of Leaf Diseases
 
Comparing the performance of linear regression versus deep learning on detect...
Comparing the performance of linear regression versus deep learning on detect...Comparing the performance of linear regression versus deep learning on detect...
Comparing the performance of linear regression versus deep learning on detect...
 

Similar to Classification of pneumonia from X-ray images using siamese convolutional network

Realistic image synthesis of COVID-19 chest X-rays using depthwise boundary ...
Realistic image synthesis of COVID-19 chest X-rays using  depthwise boundary ...Realistic image synthesis of COVID-19 chest X-rays using  depthwise boundary ...
Realistic image synthesis of COVID-19 chest X-rays using depthwise boundary ...IJECEIAES
 
Classification of COVID-19 from CT chest images using convolutional wavelet ...
Classification of COVID-19 from CT chest images using  convolutional wavelet ...Classification of COVID-19 from CT chest images using  convolutional wavelet ...
Classification of COVID-19 from CT chest images using convolutional wavelet ...IJECEIAES
 
21608-49907-2-PB.pdfxxsxxxxxxxxxxxxxxxxxxxxxxxxxxxxx
21608-49907-2-PB.pdfxxsxxxxxxxxxxxxxxxxxxxxxxxxxxxxx21608-49907-2-PB.pdfxxsxxxxxxxxxxxxxxxxxxxxxxxxxxxxx
21608-49907-2-PB.pdfxxsxxxxxxxxxxxxxxxxxxxxxxxxxxxxxjournaljkbti
 
Recognition of Corona virus disease (COVID-19) using deep learning network
Recognition of Corona virus disease (COVID-19) using  deep learning network Recognition of Corona virus disease (COVID-19) using  deep learning network
Recognition of Corona virus disease (COVID-19) using deep learning network IJECEIAES
 
A comparative analysis of chronic obstructive pulmonary disease using machin...
A comparative analysis of chronic obstructive pulmonary  disease using machin...A comparative analysis of chronic obstructive pulmonary  disease using machin...
A comparative analysis of chronic obstructive pulmonary disease using machin...IJECEIAES
 
Preliminary Lung Cancer Detection using Deep Neural Networks
Preliminary Lung Cancer Detection using Deep Neural NetworksPreliminary Lung Cancer Detection using Deep Neural Networks
Preliminary Lung Cancer Detection using Deep Neural NetworksIRJET Journal
 
Detecting COVID-19 in chest X-ray images
Detecting COVID-19 in chest X-ray imagesDetecting COVID-19 in chest X-ray images
Detecting COVID-19 in chest X-ray imagesIJECEIAES
 
Identification the number of Mycobacterium tuberculosis based on sputum image...
Identification the number of Mycobacterium tuberculosis based on sputum image...Identification the number of Mycobacterium tuberculosis based on sputum image...
Identification the number of Mycobacterium tuberculosis based on sputum image...journalBEEI
 
A deep learning approach for COVID-19 and pneumonia detection from chest X-r...
A deep learning approach for COVID-19 and pneumonia  detection from chest X-r...A deep learning approach for COVID-19 and pneumonia  detection from chest X-r...
A deep learning approach for COVID-19 and pneumonia detection from chest X-r...IJECEIAES
 
Deep learning method for lung cancer identification and classification
Deep learning method for lung cancer identification and classificationDeep learning method for lung cancer identification and classification
Deep learning method for lung cancer identification and classificationIAESIJAI
 
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
 
ARTIFICIAL INTELLIGENCE BASED COVID-19 DETECTION USING COMPUTED TOMOGRAPHY IM...
ARTIFICIAL INTELLIGENCE BASED COVID-19 DETECTION USING COMPUTED TOMOGRAPHY IM...ARTIFICIAL INTELLIGENCE BASED COVID-19 DETECTION USING COMPUTED TOMOGRAPHY IM...
ARTIFICIAL INTELLIGENCE BASED COVID-19 DETECTION USING COMPUTED TOMOGRAPHY IM...IRJET Journal
 
A Review Paper on Covid-19 Detection using Deep Learning
A Review Paper on Covid-19 Detection using Deep LearningA Review Paper on Covid-19 Detection using Deep Learning
A Review Paper on Covid-19 Detection using Deep LearningIRJET Journal
 
harsh final ppt (2).pptx
harsh final ppt (2).pptxharsh final ppt (2).pptx
harsh final ppt (2).pptxAkbarali206563
 
Classification of mammograms based on features extraction techniques using su...
Classification of mammograms based on features extraction techniques using su...Classification of mammograms based on features extraction techniques using su...
Classification of mammograms based on features extraction techniques using su...CSITiaesprime
 
MARIE: VALIDATION OF THE ARTIFICIAL INTELLIGENCE MODEL FOR COVID-19 DETECTION
MARIE: VALIDATION OF THE ARTIFICIAL INTELLIGENCE MODEL FOR COVID-19 DETECTIONMARIE: VALIDATION OF THE ARTIFICIAL INTELLIGENCE MODEL FOR COVID-19 DETECTION
MARIE: VALIDATION OF THE ARTIFICIAL INTELLIGENCE MODEL FOR COVID-19 DETECTIONijma
 
covid 19 detection using x ray based on neural network
covid 19 detection using x ray based on neural networkcovid 19 detection using x ray based on neural network
covid 19 detection using x ray based on neural networkArifuzzamanFaisal2
 
Pneumonia prediction on chest x-ray images using deep learning approach
Pneumonia prediction on chest x-ray images using deep learning approachPneumonia prediction on chest x-ray images using deep learning approach
Pneumonia prediction on chest x-ray images using deep learning approachIAESIJAI
 
Deep Learning for Pneumonia Diagnosis: A Comprehensive Analysis of CNN and Tr...
Deep Learning for Pneumonia Diagnosis: A Comprehensive Analysis of CNN and Tr...Deep Learning for Pneumonia Diagnosis: A Comprehensive Analysis of CNN and Tr...
Deep Learning for Pneumonia Diagnosis: A Comprehensive Analysis of CNN and Tr...IRJET Journal
 
Deep Convolutional Neural Networks and Covid19 by Dr.Sana Komal
Deep Convolutional Neural Networks and Covid19 by Dr.Sana KomalDeep Convolutional Neural Networks and Covid19 by Dr.Sana Komal
Deep Convolutional Neural Networks and Covid19 by Dr.Sana KomalSana Komal
 

Similar to Classification of pneumonia from X-ray images using siamese convolutional network (20)

Realistic image synthesis of COVID-19 chest X-rays using depthwise boundary ...
Realistic image synthesis of COVID-19 chest X-rays using  depthwise boundary ...Realistic image synthesis of COVID-19 chest X-rays using  depthwise boundary ...
Realistic image synthesis of COVID-19 chest X-rays using depthwise boundary ...
 
Classification of COVID-19 from CT chest images using convolutional wavelet ...
Classification of COVID-19 from CT chest images using  convolutional wavelet ...Classification of COVID-19 from CT chest images using  convolutional wavelet ...
Classification of COVID-19 from CT chest images using convolutional wavelet ...
 
21608-49907-2-PB.pdfxxsxxxxxxxxxxxxxxxxxxxxxxxxxxxxx
21608-49907-2-PB.pdfxxsxxxxxxxxxxxxxxxxxxxxxxxxxxxxx21608-49907-2-PB.pdfxxsxxxxxxxxxxxxxxxxxxxxxxxxxxxxx
21608-49907-2-PB.pdfxxsxxxxxxxxxxxxxxxxxxxxxxxxxxxxx
 
Recognition of Corona virus disease (COVID-19) using deep learning network
Recognition of Corona virus disease (COVID-19) using  deep learning network Recognition of Corona virus disease (COVID-19) using  deep learning network
Recognition of Corona virus disease (COVID-19) using deep learning network
 
A comparative analysis of chronic obstructive pulmonary disease using machin...
A comparative analysis of chronic obstructive pulmonary  disease using machin...A comparative analysis of chronic obstructive pulmonary  disease using machin...
A comparative analysis of chronic obstructive pulmonary disease using machin...
 
Preliminary Lung Cancer Detection using Deep Neural Networks
Preliminary Lung Cancer Detection using Deep Neural NetworksPreliminary Lung Cancer Detection using Deep Neural Networks
Preliminary Lung Cancer Detection using Deep Neural Networks
 
Detecting COVID-19 in chest X-ray images
Detecting COVID-19 in chest X-ray imagesDetecting COVID-19 in chest X-ray images
Detecting COVID-19 in chest X-ray images
 
Identification the number of Mycobacterium tuberculosis based on sputum image...
Identification the number of Mycobacterium tuberculosis based on sputum image...Identification the number of Mycobacterium tuberculosis based on sputum image...
Identification the number of Mycobacterium tuberculosis based on sputum image...
 
A deep learning approach for COVID-19 and pneumonia detection from chest X-r...
A deep learning approach for COVID-19 and pneumonia  detection from chest X-r...A deep learning approach for COVID-19 and pneumonia  detection from chest X-r...
A deep learning approach for COVID-19 and pneumonia detection from chest X-r...
 
Deep learning method for lung cancer identification and classification
Deep learning method for lung cancer identification and classificationDeep learning method for lung cancer identification and classification
Deep learning method for lung cancer identification and classification
 
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
 
ARTIFICIAL INTELLIGENCE BASED COVID-19 DETECTION USING COMPUTED TOMOGRAPHY IM...
ARTIFICIAL INTELLIGENCE BASED COVID-19 DETECTION USING COMPUTED TOMOGRAPHY IM...ARTIFICIAL INTELLIGENCE BASED COVID-19 DETECTION USING COMPUTED TOMOGRAPHY IM...
ARTIFICIAL INTELLIGENCE BASED COVID-19 DETECTION USING COMPUTED TOMOGRAPHY IM...
 
A Review Paper on Covid-19 Detection using Deep Learning
A Review Paper on Covid-19 Detection using Deep LearningA Review Paper on Covid-19 Detection using Deep Learning
A Review Paper on Covid-19 Detection using Deep Learning
 
harsh final ppt (2).pptx
harsh final ppt (2).pptxharsh final ppt (2).pptx
harsh final ppt (2).pptx
 
Classification of mammograms based on features extraction techniques using su...
Classification of mammograms based on features extraction techniques using su...Classification of mammograms based on features extraction techniques using su...
Classification of mammograms based on features extraction techniques using su...
 
MARIE: VALIDATION OF THE ARTIFICIAL INTELLIGENCE MODEL FOR COVID-19 DETECTION
MARIE: VALIDATION OF THE ARTIFICIAL INTELLIGENCE MODEL FOR COVID-19 DETECTIONMARIE: VALIDATION OF THE ARTIFICIAL INTELLIGENCE MODEL FOR COVID-19 DETECTION
MARIE: VALIDATION OF THE ARTIFICIAL INTELLIGENCE MODEL FOR COVID-19 DETECTION
 
covid 19 detection using x ray based on neural network
covid 19 detection using x ray based on neural networkcovid 19 detection using x ray based on neural network
covid 19 detection using x ray based on neural network
 
Pneumonia prediction on chest x-ray images using deep learning approach
Pneumonia prediction on chest x-ray images using deep learning approachPneumonia prediction on chest x-ray images using deep learning approach
Pneumonia prediction on chest x-ray images using deep learning approach
 
Deep Learning for Pneumonia Diagnosis: A Comprehensive Analysis of CNN and Tr...
Deep Learning for Pneumonia Diagnosis: A Comprehensive Analysis of CNN and Tr...Deep Learning for Pneumonia Diagnosis: A Comprehensive Analysis of CNN and Tr...
Deep Learning for Pneumonia Diagnosis: A Comprehensive Analysis of CNN and Tr...
 
Deep Convolutional Neural Networks and Covid19 by Dr.Sana Komal
Deep Convolutional Neural Networks and Covid19 by Dr.Sana KomalDeep Convolutional Neural Networks and Covid19 by Dr.Sana Komal
Deep Convolutional Neural Networks and Covid19 by Dr.Sana Komal
 

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

Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations120cr0395
 
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
 
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
 
KubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlyKubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlysanyuktamishra911
 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxupamatechverse
 
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
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escortsranjana rawat
 
UNIT-III FMM. DIMENSIONAL ANALYSIS
UNIT-III FMM.        DIMENSIONAL ANALYSISUNIT-III FMM.        DIMENSIONAL ANALYSIS
UNIT-III FMM. DIMENSIONAL ANALYSISrknatarajan
 
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
University management System project report..pdf
University management System project report..pdfUniversity management System project report..pdf
University management System project report..pdfKamal Acharya
 
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
 
MANUFACTURING PROCESS-II UNIT-1 THEORY OF METAL CUTTING
MANUFACTURING PROCESS-II UNIT-1 THEORY OF METAL CUTTINGMANUFACTURING PROCESS-II UNIT-1 THEORY OF METAL CUTTING
MANUFACTURING PROCESS-II UNIT-1 THEORY OF METAL CUTTINGSIVASHANKAR N
 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Dr.Costas Sachpazis
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxupamatechverse
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCall Girls in Nagpur High Profile
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxupamatechverse
 
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
Glass Ceramics: Processing and Properties
Glass Ceramics: Processing and PropertiesGlass Ceramics: Processing and Properties
Glass Ceramics: Processing and PropertiesPrabhanshu Chaturvedi
 

Recently uploaded (20)

Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations
 
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
 
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
 
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINEDJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
 
KubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghlyKubeKraft presentation @CloudNativeHooghly
KubeKraft presentation @CloudNativeHooghly
 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.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
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
 
UNIT-III FMM. DIMENSIONAL ANALYSIS
UNIT-III FMM.        DIMENSIONAL ANALYSISUNIT-III FMM.        DIMENSIONAL ANALYSIS
UNIT-III FMM. DIMENSIONAL ANALYSIS
 
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
 
University management System project report..pdf
University management System project report..pdfUniversity management System project report..pdf
University management System project report..pdf
 
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
 
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...
 
MANUFACTURING PROCESS-II UNIT-1 THEORY OF METAL CUTTING
MANUFACTURING PROCESS-II UNIT-1 THEORY OF METAL CUTTINGMANUFACTURING PROCESS-II UNIT-1 THEORY OF METAL CUTTING
MANUFACTURING PROCESS-II UNIT-1 THEORY OF METAL CUTTING
 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptx
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptx
 
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
 
Glass Ceramics: Processing and Properties
Glass Ceramics: Processing and PropertiesGlass Ceramics: Processing and Properties
Glass Ceramics: Processing and Properties
 

Classification of pneumonia from X-ray images using siamese convolutional network

  • 1. TELKOMNIKA Telecommunication, Computing, Electronics and Control Vol. 18, No. 3, June 2020, pp. 1302~1309 ISSN: 1693-6930, accredited First Grade by Kemenristekdikti, Decree No: 21/E/KPT/2018 DOI: 10.12928/TELKOMNIKA.v18i3.14751  1302 Journal homepage: http://journal.uad.ac.id/index.php/TELKOMNIKA Classification of pneumonia from X-ray images using siamese convolutional network Kennard Alcander Prayogo, Alethea Suryadibrata, Julio Christian Young Department of Informatics, Universitas Multimedia Nusantara, Indonesia Article Info ABSTRACT Article history: Received Aug 15, 2019 Revised Jan 20, 2020 Accepted Feb 23, 2020 Pneumonia is one of the highest global causes of deaths especially for children under 5 years old. This happened mainly because of the difficulties in identifying the cause of pneumonia. As a result, the treatment given may not be suitable for each pneumonia case. Recent studies have used deep learning approaches to obtain better classification within the cause of pneumonia. In this research, we used siamese convolutional network (SCN) to classify chest x-ray pneumonia image into 3 classes, namely normal conditions, bacterial pneumonia, and viral pneumonia. Siamese convolutional network is a neural network architecture that learns similarity knowledge between pairs of image inputs based on the differences between its features. One of the important benefits of classifying data with SCN is the availability of comparable images that can be used as a reference when determining class. Using SCN, our best model achieved 80.03% accuracy, 79.59% f1 score, and an improved result reasoning by providing the comparable images. Keywords: Chest X-Ray Image classification Pneumonia Siamese Convolutional Network This is an open access article under the CC BY-SA license. Corresponding Author: Alethea Suryadibrata, Department of Informatics, Universitas Multimedia Nusantara, Scientia Boulevard St., Gading Serpong, Tangerang, Banten 15811, Indonesia Email: alethea@umn.ac.id 1. INTRODUCTION Pneumonia is one of the leading causes of mortality in children under 5 years old besides preterm birth complications [1]. In 2015, pneumonia is responsible for around 15% of all deaths or almost 920,136 number of children in this age group [2]. Pneumonia is an inflammation of lung tissue as a result of infectious agents [3]. The most common type of pneumonia is bacterial pneumonia and viral pneumonia [4]. Bacterial pneumonia is caused by bacteria such as Streptococcus pneumoniae Haemophilus influenzae type b (Hib), and Mycoplasma pneumoniae [5]. Viral pneumonia is often caused by respiratory virus including influenza, parainfluenza virus, and adenovirus [6]. The main problem of pneumonia treatment is the difficulty to make a clinical decision as a result of the inability to identify the infectious organism [7]. To overcome this problem, pneumonia disease is usually treated using antibiotics. However, the use of antibiotics to treat viral pneumonia is ineffective [4] and misuse of antibiotics can increase the risk of antibiotic resistance [7]. Thus, it is important to identify the type of microorganism on the diagnosis of pneumonia to receive suitable treatments. Medical imaging techniques has been used to support diagnosis result such as ultrasonography, radiography, and tomography. Image processing and machine learning algorithms also played important role to assist doctor in making faster and more accurate diagnosis [8]. Some researchers have combined these approaches on medical imaging result i.e. [9] used possibilistic c-means for ultrasound images, [10] used wavelet decomposition for chest radiograph, and [11] used deep neural network for MRI images segmentation.
  • 2. TELKOMNIKA Telecommun Comput El Control  Classification of pneumonia from X-ray images using siamese convolutional … (Kennard Alcander Prayogo) 1303 As there are no test that can fully identify specific cause of pneumonia, a test to distinguish between bacterial and viral pneumonia would be a major advance [12]. The most common test is using host biomarkers (i.e. procalcitonin (PCT), C reactive protein (CRP), white blood cell indicators), but these tests resulting in complex outcome and is lack of an accurate reference comparator test [12]. Accordingly, chest x-ray (CXR), a medical imaging technique, is used to provide more comprehensive clinical signs. In clinical decision, CXR supports bacterial or viral etiology and even for complications [7]. As a result, in this work, deep learning method will be used to classifying the result of CXR into normal condition, bacterial pneumonia, and viral pneumonia. Deep learning method that mainly used for image problem is convolutional neural network (CNN). Several researchers have used CNN to classify medical imaging results such as [13] for classifying stroke, [14] for classifying type of muscle, and [15] for classifying abdominal ultrasound images. The used of CNN for classifying CXR has also been performed in [16] and [17] for classifying two classes, normal condition and pneumonia. The result shows high accuracy in both works. However, the predicted result still lacks on reasoning part that supports the results. Another variation of CNN is siamese convolutional network (SCN). SCN using two identical CNN with the same architecture and the same weight [18]. This network receives a pair of images as input and returns a similarity score between them. SCN has been used by [19] on tracking problems and is able to perform well in those problems. Another work is done by [20] for one shot character recognition. They form a pair from a single data image to suit the SCN input. For the one-shot learning problem, they used different class collections of alphabets for testing and classified each of the alphabets using SCN. Whereas our work will use similar type of approach but with the same class of data. Using this approach, we could also use the compared images to support classification results, considering the fact that similar methods still deficient in the reasoning part. 2. RESEARCH METHOD 2.1. Data description The used dataset is Labeled Optical Coherence Tomography (OCT) and Chest X-Ray Images for Classification [16]. This dataset contains 5863 chest x-ray (CXR) images from patients one to five years of age at Guangzhou Women and Children’s Medical Center [16]. It also divides the data into 3 classes, normal condition, bacterial pneumonia, and viral pneumonia. Diagnoses of all CXR images have also been reviewed by two radiologists [16]. 2.2. Proposed model 2.2.1. Siamese convolutional network architecture Figure 1 described siamese convolutional network (SCN) architecture that will be used in this work. This network received a pair of 224x224 chest x-ray images as input. Then, input will be fed into convolutional network to extract features from each image. Connection function was used for combining each output of convolutional network. We used cosine distance as a connection function to evaluate similarity between each input. Cosine distance has been used for pattern recognition problems as this function is invariant to the magnitudes of samples [20]. This function formula is [21]. Figure 1. Overall siamese convolutional network architecture 𝑐𝑜𝑠𝑖𝑛𝑒 𝑑𝑖𝑠𝑡𝑎𝑛𝑐𝑒 = 𝐴.𝐵 ‖𝐴‖‖𝐵‖ = ∑ 𝑎 𝑖 𝑏 𝑖 𝑛 𝑖=1 √∑ 𝑎 𝑖 2√∑ 𝑏𝑖 2𝑛 𝑖=1 𝑛 𝑖=1 (1)
  • 3.  ISSN: 1693-6930 TELKOMNIKA Telecommun Comput El Control, Vol. 18, No. 3, June 2020: 1302 – 1309 1304 where A and B are the output of convolutional network as a vector with corresponding to 𝐴 = 𝑎1, 𝑎2, … , 𝑎 𝑛 and 𝐵 = 𝑏1, 𝑏2, … , 𝑏 𝑛 n will be the number of vector attributes. The output of this connected function will be forwarded into fully connected layer with 2 hidden layers. Dropout layer was added between each hidden layer as a regularization. In the last layer, we used sigmoid activation to produce similarity result that is bound to [0, 1]. Most of the SCN model used parameter sharing on its two convolutional networks weight and bias. According to [22], removing this constraint can deal with more specific matching task than general task. As our problem used the same class for testing, we also did not use parameter sharing in the network. Furthermore, to enhancing matching task for every class, we used separate model for each class. Using this approach, each model learned to gain best features for comparison between corresponding class with other classes. 2.2.2. Convolutional network architecture In convolutional network, we used 14 layers that contain 9 convolutional layers and 5 max-pooling layers as described in Figure 2. The number of channels from each layer are 32, 64, 64, 64, 64, 128, 128, 128, 128, 128, 256, 256, 256, and 512. Each convolutional layer used a 3x3 filter with two strides and zero paddings. On each convolutional layer, ReLu activations will be used to remove negative value. The max-pooling filter size is 2x2 with two strides and zero paddings. This way, the image will be down sampled and focusing on important features. To reduce overfitting, regularization techniques such as dropout [23] and batch normalization will be used [24]. The output of this network has a size of 1x1x512 and will be flattened into vector 1x512 before forwarded to fully connected network. Figure 2. Selected convolutional network for SCN architecture 2.3. Splitting dataset In this work, we divided the dataset into training (70%), validation (10%), and testing (20%) sets. this training and validation data will be used for pair creation. As a result, we used different amounts of data for training and validating the network. 2.4. Pair creation As SCN input comprises a pair of images, a preprocessing method to form a pair from the dataset must be performed. Figure 3 shows set of pairs that will be fed into the network. For same class pair or genuine pair, we paired data from the same class. While on the different class pair or impostor pair, the first input always comes from the same class that corresponds to the model. The second input consists of data from different classes than the first input. In our work, we used an equal number of genuine pairs and impostor pairs to avoid class imbalance. The amount of created genuine pairs can be calculated using combinatorics. For n number of data from the same class, there are ( 𝑛 2 ) amount of pair data available to use. Hence, the split data training and validation will be processed into a form of data pair. Using these pair data, we randomly picked 10000 pair of training data and 2000 pair of validation data for training phase.
  • 4. TELKOMNIKA Telecommun Comput El Control  Classification of pneumonia from X-ray images using siamese convolutional … (Kennard Alcander Prayogo) 1305 Figure 3. Set of pairs for each class model 2.5. Training We trained our SCN using mini batch with batch size 16. To generate each batch, the paired data were put into generator. In addition, generator also performed additional preprocessing to the images. First, images were resized into 224x224. Then, flip horizontal augmentation was performed randomly to the images. We also normalized the images based on the mean and standard deviation from 1000 samples training data. Figure 4 shows preprocessing flow in the generator. To train the network, Adam optimizer was used to optimize the network. The chosen hyperparameters are shown in Table 1. Figure 4. Preprocessing in the generator Table 1. SCN Hyperparameter Settings Hyperparameter Value Learning Rate 0.001 Dropout Rate 0.5 Learning Decay 0 β1 0.9 β2 0.999 As the output of this network is a binary classification, which similarity result was measured, we used binary cross entropy (BCE) for the loss function. BCE is usually used by SCN with sigmoid activations on the last layer [25]. As shown in (2) shows the loss function formula which guide our SCN learning process [26], 𝑐 = 1 𝑚 ∑ [𝑡 𝑘 𝐼𝑛 𝑦 𝑘 + (1 − 𝑡 𝑘)𝐼𝑛(1 − 𝑦 𝑘)]𝑚 𝑘=1 (2) where C is the BCE loss function value from data k to m, tk and yk is an actual target and prediction result of data k. Network from each class was trained for 20 epochs, as the loss has been increasing around the last 5 epochs. The best weights configuration was saved associates to the lowest validation loss. Such weight will be loaded to the network before using it for testing data. 2.6. Testing Initially, we changed the testing data into a pair. Generator was used to create a pair between testing data with randomly picked data training for each representative class. Figure 5 describes the input class from each pair. The first input always consists of the data corresponding to the class model. For the second input,
  • 5.  ISSN: 1693-6930 TELKOMNIKA Telecommun Comput El Control, Vol. 18, No. 3, June 2020: 1302 – 1309 1306 we put the testing data, which can be the data from any class. Using these rules, there was no alteration between the paired data input used for training and testing. Thus, the model was able to find similarity features for each class. We defined rank as the number of repeated testing on the same category. This term was also used in [21] to evaluate the network. Then, classification result was based on maximum similarity from C number of classes as shown in 3 [20]. 𝐶 𝑥 = 𝑎𝑟𝑔𝑚𝑎𝑥 𝑐 𝑝(𝑐) (3) where C* defines classification result from all class, c as list of all class, and 𝑝(𝑐) as mean prediction result based on number of ranks. Figure 5. Overall testing flow 3. RESULTS AND ANALYSIS 3.1. Comparing architecture First, we wanted to compare our architecture with the other ones that have been used for pneumonia classification. The compared network is InceptionV3 nets which are used by [16] and network from [17]. As both architectures are CNN, we drop the fully connected layer on those networks and use them as a convolutional network for our SCN. To know a glimpse of each network performance, we used 2000 training data pair and 400 validation data pair. Table 2 shows the accuracy for each architecture. Table 2. Comparison of Different Architecture Architecture Accuracy This Paper 77.05% (Saraiva et al.) [17] 73.46% InceptionV3 [27] 72.18% The proposed model in this paper achieves higher accuracy than the other network when used for SCN. If we compare the number of layers on those networks, Saraiva model consist of 9 layers and InceptionV3 has 48 number of layers, whereas our architecture is formed by 14 layers. Therefore, our architecture has deeper layer than Saraiva model, but not as deep as InceptionV3 nets. 3.2. Evaluation Table 3 details the training results that consist of lowest loss validation, validation accuracy, and epoch position for each class. Based on the loss validation, each model performs quite well to learn similarity between each class. Thus, these models are used to predict testing data. When predicting data, one benefits of using SCN for classification is the availability of other images for comparison. The amount of compared images is equal to the number of ranks. By doing so, high similarity images can be used for case references. Particularly in medical imaging data, the role of these images is essential to support the classification result. Figure 6 shows the illustration of comparison images with its corresponding similarity value. Table 3. Training result for each class Class Lowest Loss Validation Validation Accuracy Epoch Position Normal 0.10897 96.05% 8 Bacterial 0.39441 83.20% 13 Virus 0.43917 83.10% 5
  • 6. TELKOMNIKA Telecommun Comput El Control  Classification of pneumonia from X-ray images using siamese convolutional … (Kennard Alcander Prayogo) 1307 Test Data #2 (Label: Bacteria, Predicted: Bacteria) Compare with: Bacteria Figure 6. Illustration of comparison visualization for siamese convolutional network As the prediction result and actual target are also bacteria class, which is a correct classification, each comparison mostly shows high similarity scores. Table 4 describes the result of testing data prediction using different number of ranks. The higher number of ranks, in accordance with higher number of compared data, resulting in higher accuracy. The best accuracy that we achieve is 80.03% using rank-20. Thus, we evaluate this model using confusion matrix, precision, recall, and f1 score. Table 5 shows the confusion matrix for this classification result. Table 4. Testing result based on number of rank Rank Accuracy 1 74.91% 5 77.05% 10 78.33% 20 80.03% Table 5. Confusion matrix using rank-20 classification Confusion Matrix Predicted Normal Bacteria Virus Total Actual Normal 297 8 12 317 Bacteria 15 440 101 556 Virus 15 83 201 299 Total 327 531 314 1172 Using this confusion matrix, we calculate other evaluation metrics such as precision, recall, and f1 score. The complete evaluation metrics are described in Table 6. To make sure that our model is not biased to specific class, we compared the overall accuracy with the average f1 score, as this value takes recall and precision into account. If we compared these values, there is no significant difference. However, if we compared f1 score between normal class and virus class, the difference is quite big. When we look at the confusion matrix, most of the wrong classifications on virus class, are classified as bacteria. Intuitively, there are some cases on virus class that are also similar with the bacteria cases. This makes the model prediction was mixed between those two classes. Nevertheless, as there is no significant difference between average f1 score with overall accuracy, our model is not biased to specific class and performs quite well to classify data in general.
  • 7.  ISSN: 1693-6930 TELKOMNIKA Telecommun Comput El Control, Vol. 18, No. 3, June 2020: 1302 – 1309 1308 Table 6. Complete list of evaluation metrics Metrics Normal Bacteria Virus Average Recall 93.69% 79.13% 67.22% 80.03% Precision 90.82% 82.86% 64.01% 79.23% F1 Score 92.24% 80.96% 65.58% 79.59% Overall Accuracy 80.03% 3.3. Filter visualization Figure 7 shows filter visualization from the first convolutional layer. In the first input, the extracted features in this layer centering on the right and left side of the lungs. For the bacterial class, the result detailed more on the right side of the lung. On the opposite, the filter result on second input mostly extracts the same features on first convolutional for each class. Figure 7. Filter visualization from the first convolutional layer 4. CONCLUSION In this work, we propose x-ray imaging classification using siamese convolutional network (SCN) which is often used for similarity learning. Our model also drops the constraint of parameter sharing and enhancing features on each class using model separation. The SCN architecture we are used consists of 2 convolutional networks with 14 layers (9 convolutional layers and 5 max pooling layers) respectively, cosine distance as connection function, and fully connected layer with 2 hidden layers. When used for SCN, our architecture achieves better results than other architecture such as inception v3 and model from [17]. This architecture was able to achieve 80.03% accuracy and 79.59% f1 score. We also show the comparison image which used to support the decision from classification result. Therefore, our model has a better result reasoning and details comparing to the similar methods like CNN. For future works, as the amount of pair result is combinatorics, there is plenty of training data that can be added to improve the model performance. More experiments on hyperparameter settings also help to improve the model. Finally, we plan to improve the result visualization using class activation map (CAM) that is suitable for SCN. It would maximize the purpose of comparison images and give a better understanding of the result. ACKNOWLEDGEMENTS This research was supported by the Artificial Intelligence Laboratory in Universitas Multimedia Nusantara. REFERENCES [1] Forum of International Respiratory Societies, “The Global Impact of Respiratory Disease,” Second Edition. Sheffield: European Respiratory Society, 2017. [2] Cilloniz C., Martin-Loeches I., Garcia-Vidal C., San Jose A., Torres A., “Microbial Etiology of Pneumonia: Epidemiology, Diagnosis and Resistance Patterns,” International journal of molecular sciences, vol. 17, no. 12, December 2016. [3] Wojsyk-Banaszak I, Bręborowicz A. Pneumonia in Children. In: Mahboub B. Editors. Respiratory Disease and Infection. Rijeka: IntechOpen; 2013: 137-171.
  • 8. TELKOMNIKA Telecommun Comput El Control  Classification of pneumonia from X-ray images using siamese convolutional … (Kennard Alcander Prayogo) 1309 [4] Tong N. Update on 2004 background paper 6.22 pneumonia, “Priority medicines for Europe and the world A public health approach to innovation," Geneva, WHO, 2013. [5] Mathur S., Fuchs A., Bielicki J., Van Den Anker J., Sharland M., “Antibiotic use for community-acquired pneumonia in neonates and children: WHO evidence review,” Paediatrics and International Child Health, vol. 38, pp. S66-S75, November 2018. [6] Kim J. E., Kim U. J., Kim H. K., Cho S. K., An J. H., Kang S. J., Park K. H., Jung S. I., Jang H. C., “Predictors of viral pneumonia in patients with community-acquired pneumonia,” PloS one, vol. 9, no. 12, December 2014. [7] Mackenzie, G., “The definition and classification of pneumonia,” Pneumonia, vol. 8, no. 12, December 2016. [8] Razzak M. I., Naz S., Zaib A., “Deep learning for medical image processing: Overview, challenges and the future,” Classification in BioApps, vol. 26, pp. 323-350, November 2017. [9] Suryadibrata A., Kim K. B., “Ganglion cyst region extraction from ultrasound images using possibilistic c-means clustering method,” Journal of Information and Communication Convergence Engineering, vol. 15, pp. 49-52, 2017. [10] Aidoo A. Y., Wilson M., Botchway G. A., “Chest radiograph image enhancement with wavelet decomposition and morphological operations,” TELKOMNIKA Telecommunication Computing Electronics and Control, vol 17, no. 5, pp. 2587-2594, October 2019. [11] Al-Kafri A. S., Sudirman S., Hussain A. J., Al-Jumeily, D., Natalia F., Meidia H., Afriliana N., Al-Rashdan W., Bashtawi M., Al-Jumaily M., “Boundary Delineation of MRI Images for Lumbar Spinal Stenosis Detection Through Semantic Segmentation Using Deep Neural Networks,” in IEEE Access, vol. 7, pp. 43487-43501, 2019. [12] Zar H. J., Savvas A., Mark P. N., “Advances in the diagnosis of pneumonia in children,” BMJ, vol. 358, July 2017. [13] Marbun J. T., Andayani, U., “Classification of stroke disease using convolutional neural network,” Journal of Physics: Conference Series, vol. 978, no. 1, March 2018. [14] Katakis S., Barotsis N., Kastaniotis D., Theoharatos C., Tsourounis D., Fotopoulos S., Panagiotopoulos E., “Muscle Type Classification on Ultrasound Imaging Using Deep Convolutional Neural Networks,” 2018 IEEE 13th Image, Video, and Multidimensional Signal Processing Workshop (IVMSP), Zagorochoria, pp. 1-5, 2018. [15] Cheng P. M., Malh, H. S., “Transfer learning with convolutional neural networks for classification of abdominal ultrasound images,” Journal of digital imaging, vo. 30, no. 2, pp. 234-243, April 2017. [16] Kermany D. S., Goldbaum M., Cai W., Valentim C. C., Liang H., Baxter S. L., McKeown A., Yang G., Wu X., Yan F., Dong J., “Identifying medical diagnoses and treatable diseases by image-based deep learning,” Cell, vol. 172, no. 5, pp. 1122-1131, February 2018. [17] Saraiva A., Ferreira N., Lopes de Sousa L., Carvalho da Costa, N., Sousa, J., Santos D., Valente, A., Soares, S., “Classification of Images of Childhood Pneumonia using Convolutional Neural Networks,” in Proceedings of the 12th International Joint Conference on Biomedical Engineering Systems and Technologies (BIOSTEC 2019), pp. 112-119, 2019. [18] Barakat B. K., Alasam R., El-Sana J., “Word Spotting Using Convolutional Siamese Network,” 2018 13th IAPR International Workshop on Document Analysis Systems (DAS), Vienna, pp. 229-234, 2018. [19] Leal-Taixé, L., Canton-Ferrer, C., & Schindler, K., “Learning by tracking: Siamese CNN for robust target association,” Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition Workshops, pp. 33-40, 2016. [20] Koch G., Zemel R., Salakhutdinov R., “Siamese neural networks for one-shot image recognition,” ICML deep learning workshop, Lille, Vol. 2, 2015. [21] Rahutomo F., Kitasuka T., Aritsugi M., “Semantic cosine similarity,” The 7th International Student Conference on Advanced Science and Technology ICAST, Kumamoto, 2012. [22] Yi D., Lei Z., Liao S., Li S. Z., “Deep metric learning for person re-identification,” 2014 22nd International Conference on Pattern Recognition, Stockholm, pp. 34-39, 2014. [23] Srivastava N., Hinton G., Krizhevsky A., Sutskever I., Salakhutdinov R., “Dropout: a simple way to prevent neural networks from overfitting,” The journal of machine learning research, vol. 15, no. 1, pp. 1929-2958, June 2014. [24] Ioffe S., Szegedy C., “Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift,” ICML'15: Proceedings of the 32nd International Conference on International Conference on Machine Learning, vol. 37, pp. 448-456, July 2015. [25] Oki H., Miyao J., Kurita T., “Siamese Network for Classification with Optimization of AUC,”. In: Gedeon T., Wong K., Lee M. (eds) Neural Information Processing. ICONIP 2019. LNCS, Springer, Cham, vol 11954, pp. 315-327, 2019. [26] Nasr, G. E., Badr E., Joun C., “Cross Entropy Error Function in Neural Networks: Forecasting Gasoline Demand,” Proceedings of the Fifteenth International Florida Artificial Intelligence Research Society Conference, pp. 381-384, January 2002. [27] Szegedy, C., Vanhoucke, V., Ioffe, S., Shlens, J., Wojna, Z., “Rethinking the inception architecture for computer vision,” 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, pp. 2818-2826, 2016.