SlideShare a Scribd company logo
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 842
PHONOCARDIOGRAM HEART SOUND SIGNAL CLASSIFICATION USING
DEEP LEARNING TECHNIQUE
Nishant Sanjay Indalkar 1, Shreyas Shrikant Harnale2, Prof. Namrata3
1Computer Engineering, Pimpri Chinchwad College of Engineering Pune, India
2 Computer Engineering, Pimpri Chinchwad College of Engineering Pune, India
3Computer Engineering, Pimpri Chinchwad College of Engineering Pune, India
--------------------------------------------------------------------------***---------------------------------------------------------------------
Abstract— Most common reason for human mortality in
today’s world that causes almost one-third of deaths is
especially due to heart disease. It has become the most
common disease where in every 5 people 4 of them are
dealing with this disease. The common symptoms of heart
diseases are breath shortness, loss of appetite, irregular
heartbeat, chest pain. Identifying the disease at early stage
increases the chances of survival of the patient and there
are numerous ways of detecting heart disease at an early
stage. For the sake of helping medical practitioners, a
range of machine learning & deep learning techniques were
proposed to automatically examine phonocardiogram
signals to aid in the preliminary detection of several kinds
of heart diseases. The purpose of this paper is to provide an
accurate cardiovascular prediction model based on
supervised machine learning technique relayed on
recurrent neural network (RNN) and convolutional neural
network (CNN). The model is evaluated on heart sound
signal dataset, which has been gathered from two sources:
1. From general public via I Stethoscope pro iPhone app.
2. From clinical trials in the hospitals. Experimental
results have shown that number of epochs and batch size
of the training data for validation metrices have direct
impact on the training and validation accuracies. With
the proposed model we have achieved 91% accuracy.
Keywords— CNN, RNN, Epochs, Deep Learning
I. INTRODUCTION
Heart Disease is an illness that causes complications in
human being such as heart failure, liver failure, stroke.
Heart disease is mainly caused due to consumption of
alcohol, depression, diabetes, hypertension [2]. Physical
inactivity increase of cholesterol in body often causes
heart to get weaken. There are several types of heart
diseases such as Arrhythmia, congestive heart failure,
stroke, coronary artery disease and many more.
Identification of cardiovascular disease can be done by
using the widely known auscultation techniques based on
echocardiogram, phonocardiogram, or stethoscope.
Machine learning and deep learning is a widely used
method for processing huge data in the healthcare
domain. Researchers apply several different deep
learning and machine learning techniques to analyze
huge complex medical data, to predict the abnormality in
II. LITERATURE REVIEW
Ryu et al. [5] Studied about cardia diagnostic model using
CNN. Phonocardiograms(PCG) were used in this model. It
can predict whether a heart sound recording is normal or
not. First CNN is trained to extract features and build a
classification function. The CNN is trained by an algorithm
called back propagation algorithm. The model then
concludes between normal and abnormal labels.
Tang et al. [6] Combined two methods i.e. deep learning and
feature engineering algorithms for classification of heart
sound into normal and abnormal. Then features were
extracted form 8 domains. Then, these features were fed
into convolution neural network(CNN) in such a way thatthe
fully connected layers of neural network replaces the global
average pooling layer to avoid over fitting and to obtain
global information. The accuracy, sensitivity and specificity
observed on the PhysioNet data set were 86.8%, 87%,
86.6% and 72.1% respectively.
Jia Xin et al. [7] Proposed a system in which heart sounds are
segmented and converted using two classification method:
simplesoftmax regression network (SMR)andCNN. Features
were determined automatically through training of the
neural network model instead of using supervised machine
learning features. After working on both Softmax regression
and Convolutional neural network(CNN) they found out
CNN gave the highest accuracy. The accuracy achieved
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072
heart disease. This research paper proposes heart signal
analysis technique based on TFD (Time Frequency
Distribution) analysis and MFCC (Mel Frequency Cestrum
Coefficient). Time Frequency Distribution represents the
heart sound signals in form of time vs frequency
simultaneously and the MFCC determines a sound signal in
the form of frequency coefficient corresponding to the Mel
filter scale [3]. A quite Helpful method was used to improve
the accuracy of heart disease model which is able to predict
the chances of heart attack in any individual. Here, we
present a Deep Learning technique based on Convolutional
Auto-Encoder (CAE), to compress and reconstruct the vital
signs in general and phonocardiogram (PCG) signals
specifically with minimum distortion [4]. The results
portray that the highest accuracy was achieved with
convolution neural network with accuracy 90.60% with
minimum loss and accuracy achieved through recurrent
network was about 67% with minimum loss percentage.
through CNN model is 93%.
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 843
Mehrez Boulares et al. [8] developed a model based for
cardiovascular disease(CVD) recognition based on
unsupervised ML and supervised ML methods based on
CNN. The datasets are taken from PASCAL and PhysioNet.
They have worked on PCG signals mainly and enhanced
their focus on denoising and preprocessing. For feature
selection they have used MFCC as it is the best out there
now-a-days and similarly for classification they’ve gone
with CNN. Classification results of defined models had
overall accuracy of 0.87, and overall precision of 0.81, and
overall sensitivity 0.83.
Suyi Li et al. [9] proposed a paper to provide an overview
of computer aided sound detection techniques. They have
worked on PCG signals and characteristics of heart
sounds introduced first. They did a thorough review on
preprocessing and analyzing techniques that have
developed over the last five years. They’ve further done a
deep research on denoising, feature extraction,
segmentation, classification and most importantly
computer aided heart detection techniques.
Raza et al. [10] Proposed a framework for denoising the
heart sound by applying band filter, them the size of
sample rate of each sound is fixed. Then the features were
extracted using sampling techniques and reduce the
dimension of frame rate. RNN method is used for
classification. RNN using Long Short-Term Memory
(LSTM), Dropout, Softmax and Dense layers used. Hence,
the method is more accurate compared to other methods.
Perera et.al [11] developed a software tool to predict
heart abnormalities which can be recognized using heart
sounds.
The audio inputs are taken through e- stethoscope and
then entered into a database with symptoms of each
patient. Feature extraction is done using MATLAB “MIR
toolbox” and prominent features and statistical
parameters are extracted.
Segmentation is done by tall peak and short peak process
followed by classification of S1 and S2 systole and
diastole square of wavelet fourth detail coefficient
method was used for further classification process.
Yadav et al. [12] They proposed a model to extract
discriminatory features for machine learning which
involves strategic framing and processing of heart sound.
They trained a supervised classification model based on
most prominent features for identification of cardiac
diseases. The proposed method achieved the accuracy
97.78% with error rate of 2.22% for normal and
abnormal heart diseaseclassification.
Khan et al. [13] Proposed a model based on different
classifiers such as (KNN, Bagged Tree, Subspace,
subspace Discriminant, LDA, Fine Tree and Quadratic SVM)
toobtain and accuracy and results. Kaggle dataset was used
to extract features from the sets of different domains i.e.
frequency domain, Time domain and statistical domain to
classify the heart sounds in two different classes i.e. normal
and abnormal. Out of 6 classifiers the highest accuracy of
80.5% was obtained using Bagged tree.
III. PROPOSED MODEL
The study aims in classifying the heart sounds of heart
disease patients into normal and abnormal heart sound
based on Phonocardiogram signals.
The dataset was obtained from Physionet website which
contains physionet challenge heart dataset which was
providd publicly. There were two challenges related with
this competition. Dataset contains heart sounds of 3 to 30
sec in length [4]. The proposed model described ahead is
divided into three main parts. These three parts are
preprocessing, train-test and classification.
The classification was performed using the most robust
techniques which gave the highest accuracy among CNN and
RNN. The main motive of this paper is to predict whether the
heart sound is normal or abnormal with its confidence value.
The first step is preprocessing which includes data
compression, feature extraction where denoising was
performed in order to remove the unwanted noise and were
enhanced to remove the unwanted frequencies. The dataset
used for training and testing in this model consist of
phonocardiogram sound signal files which contains normal
and abnormal heart sounds. These files are audio recordings
of heart sounds at various different stages of heartbeat.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072
Fig 1: Proposed Architecture
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 844
The denoising and compression of heart sound in this
model takes place while building the model by using convo
2D autoencoder[18]. Using the functional API convolution
autoencoder was build and once the model was build
autoencoder was trained using train_data as both our input
data and target data [14]. The convolution encoder consists
of MaxPooling 2D layers and 2D convo stack for max down
sampling. Below shown are the graphs of loss and accuracy
achived after using convo2D autoencoder with 100 epochs.
Fig 2 : Loss curve with 100 epochs
Fig 3: Accuracy curve with 100 epochs
In feature extraction the informative and relevant features
were extracted from PCG signals using Mel-scaled power
spectrogram and Mel-frequency cepstral coefficients
(MFCC) which are then fed into a classification model to
classify each PCG signal into an abnormal or normal heart
sound [15]. The MFCC which was introduced by
Mermelstein in the 1980s is widely used in automatic
speech recognition. The mel-frequency analysis is based on
human acoustic perception and experimental results have
shown that human beings ear acts as a filter that focuses on
certain level of frequency components. It transmits audio
signal of certain frequency level and directly ignores the
unwanted and undesired signals. In mfcc it converts the
audio signal from analog to digital format with sampling
frequency. It basically includes:
b. Windowing the signal: The sound signals of time
varying signal. For sound, signal needs to be
examined over a short period of time. Therefore,
speech analysis is to be carried out on short
segments across which the speech signal is
assumed to be stationary. Short-term spectral
measurements are typically carried out over 20
ms windows, and advanced every 10 ms.
c. Applying DFT: DFT is applied on windowed frame
to convert it into magnitude spectrum.
d. Mel-spectrum: Fourier transformed is applied to
Mel spectrum signal through a set of filters known
as Mel-filter bank and by applying inverse DCT
frequencies are wrapped on a mel-scale.
e. DCT: As sound signals are smoothened; the
energy levels are correlated. so a set of cepstral
coefficients are produced by Mel frequency
coefficients.
f. Dynamic features: As cepstral coefficients contain
information from a given frame they are referred
as static features. The extra information about the
temporal dynamics of the signal is obtained by
computing first and second derivatives of cepstral
coefficients.
Librosa.display method was used to display the audio
signals in different formats such as wave plot, spectrogram.
The waveplot represents the graph of heart beat signals as
shown below:
X- axis: Time in (Sec)
Y-axis: Frequency in (Hz)
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072
Fig 4: Normal heart sound waveplot
a. Filter-Bank: Filtering out high frequency sound
signals to balance the sound wave.
Fig 5: Abnormal heart sound waveplot
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 845
a) Mel-Scaled Power Spectrogram
Time period vs. Frequency representation of a sound
signal is said to be spectrogram of signal. It graphically
represents the change in frequency of a sound signal
w.r.t time, which helps the building model to understand
the sound accurately. The Mel-scaled filters present in
Mel-scales are placed non- uniformly to mimic human
ear properties in frequency axis [15].
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072
Fig 6: Normal sound mel-spectogram (Time vs
Frequency)
b) Mel-Frequency Cepstral Coefficients
Mel-frequency cepstrum is found by taking Discrete
Cosine Transform of a log power spectrum on a nonlinear
Mel- scale of frequency. It is the representation of the Mel-
scaled power spectrogram [15] [16]. Most of the extracted
features for PCG heart signal are computed mainly using
time, frequency.
Fig 8: Normal sound mfcc (Time)
Fig 9: Normal sound mfcc (Time)
In classification stage the preprocessed data is fed to
CNN [19] [20] [25] [26] and RNN [21] [29] [30],
forTraining and testing. The model was trained using
CNN and RNN and was build based on accuracy
comparison of both the techniques. By comparing the
accuracy and loss percentage of RNN and CNN as CNN has
greater accuracy and less loss percentage than RNN thus
using CNN for the prediction model was preferred. The
model has an accuracy of 90.6% and test loss of 0.29
with 350 epochs and 128 batch size. The less test loss
indicates that the model performs better after each
iteration. The final prediction of model is categorized
into normal and abnormal heart sound. Previous
referred models from different researchers have had the
same output which predictes if heart sound is normal or
abnormal [20], what makes this model different from
other researchers is the confidence value of normal or
abnormal heart sound shown on the UI of
classification model. Refer below figure
Fig 10: Proposed model (GUI)
Fig 11: Normal heart sound with 99.97% confidence value
Fig 12: Abnormal heart sound with 99.99% confidence
value
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072
The confidence value of heart sound PCG signal will help the
medical practitioners to identify the patients with greater
risk of heart disease. The actual confidence value of heart
sound makes a huge difference on the results because the
higher or lower percent could help the physician to
make better decisions.
IV. RESULT
Table 1: Accuracy and loss percentage Convolution neural
network outperformed recurrent
Accuracy
% of CNN
Loss % Of
CNN
Accuracy
% of RNN
Loss
% Of RNN
300 epochs 90.82 0.32 73 0.57
350 epochs 90.60% 0.29 67 0.22
neural network having same number of epochs and batch
size with accuracy 90.82% and 90.60% with 300 and 350
epochs. The precision, recall and F1 score was calculated
for normal and abnormal heart sounds using CNN.
Precision, recall, F1 of normal heart sounds were 0.83, 0.96,
0.89 and those for abnormal heart sounds were precision
0.97, recall 0.89 and f1 0.93
Performance of the proposed Heart Sound
Classification Techniques is shown in table 1. We applied
Convolution neural network (CNN) and Recurrent neural
network(RNN) in order to classify heart sound dataset
described in above section. The dataset used for this
project consists of Phonocardiogram signals of heart
sounds containing heart sounds from 3 to 30 seconds in
length. Preprocessing was performed in order to filter
out the noisy data using auto-encoder and relevant
features were extracted using mfcc. In order to test and
train the proposed model the dataset was split into
training and testing in the proportion of 80% - 20%. The
primary objective of this paper is to examine the effects
of the hidden layers of a CNN and RNN to check the
overall performance of the neural network. To
demonstrate this, we have applied CNN and RNN with
different number of epochs on the given dataset and also
to observed the variations in accuracy of both the
techniques based on different number of epochs and
batch size.
V. CONCLUSION
In this paper, we have compared the accuracies of two
different neural networks i.e. Convolution Neural
Network and Recurrent Neural Network based on the
implemented model and proposed a model based on the
technique which has performed well i.e. CNN with
90.60%. The model was trained using different number of
epochs to ensure the model was not overfitted or
underfitted and a constant number of epochs were chosen
to train both the algorithms where they have
performed well with having highest accuracy and less
loss percentage with highest precision value.
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 846
V. REFERENCES
[1] M. Tschannen, T. Kramer, G. Marti, M. Heinzmann
and T. Wiatowski, "Heart sound classificationusing
deep structured features," 2016 Computing in
Cardiology Conference (CinC), 2016, pp.565-568.
[2] Rohit Bharti, Aditya Khamparia, Mohammad Shabaz,
Gaurav Dhiman, Sagar Pande and Parneet Singh,
“Prediction of Heart Disease Using a Combination of
Machine Learning and Deep Learning”,Volume 2021
Article ID 8387680.
[3] I. Kamarulafizam, Shussain Salleh, Mohd Najeb
Jamaludin, " Heart Sound Analysis Using MFCC and
Time Frequency Distribution" doi: 10.1007/978-3-
540-68017-8_102.
[4] W. Chen, Q. Sun, X. Chen, G. Xie, H. Wu, C. Xu, “Deep
Learning Methods for Heart Sounds Classification: A
Systematic Review” Entropy (Basel). 2021;23(6):667
Published 2021 May 26 doi:10.3390/e23060667.
[5] Heechang Ryu, Jinkyoo Park, and H. Shin,
"Classification of heart sound recordings using
convolution neural network," 2016 Computing in
Cardiology Conference (CinC), 2016, pp. 1153- 1156.
[6] Hong Tang, Ziyin Dai, Yuanlin Jiang, Ting Li and
Chengyu liu, “PCG Classification Using Multidomain
Features and SVM Classifier” Volume 2018 |Article
4205027 | doi:
10.1155/2018/4205027.
[7] Jia Xin L and Keng Waah Choo, “Classification of
Heart Sounds Using Softmax Regression and
Convolutional Neural Network” ICCET '18:
Proceedings of the 2018 International Conference on
Communication Engineering and Technology
February 2018 Pages 18–21.
[8] Mehrez Boulares, Reem Al-Otaibi, Amal Almansour
and Ahmed Barnavi, “Cardiovascular Disease
Recognition Based on Heartbeat Segmentation and
Selection Process” October 2021 International
Journal of Environmental Research and Public
Health 18(20):10952. Suyi Li, Feng Li , Shijie Tang
and Wenji xiong, “A Review of Computer-Aided
Heart Sound Detection Techniques” Volume 2020
Article ID 5846191.
[9] Suyi Li, Feng Li, Shijie Tang and Wenji Xiong, “A
Review of Computer-Aided Heart Sound Detection
Techniques” JF - BioMed Research International PB –
Hindawi.
[10] A. Raza, A. Mehmood, S. Ullah, M. Ahmad, G. S. Choi,
and B.-W. On, “Heartbeat Sound Signal Classification
Using Deep Learning,” Sensors, vol. 19, no. 21, p.
4819, Nov. 2019, doi: 10.3390/s19214819.
[11] I. S. Perera, F. A. Muthalif, M. Selvarathnam, M. R.
Liyanaarachchi and N. D. Nanayakkara,
"Automated diagnosis of cardiac abnormusing
heart sounds," 2013 IEEE Point-of-Care Healthcare
Technologies (PHT), 2013, pp. 252-255, doi:
10.1109/PHT.2013.6461332.
[12] A. Yadav, A. Singh and M. K. Dutta,“Machine
learning-based classification of cardiac diseases
from PCG recorded heart sounds” Neural Comput
& Applic 32, 17843–17856 (2020) doi:
10.1007/s00521-019-04547-5.
[13] Younas Khan, Usman Qamar, Nazish Yousaf, Aimal
Khan, “Machine Learning Techniques for Heart
Disease Datasets: A Survey”, ICMLC '19:
Proceedings of the 2019 11th International
Conference on Machine Learning and Computing
February 2019 Pages 27–35.
[14] Ying-Ren Chien, Kai-Chieh Hsu and Hen Wai Tsao,
“Phonocardiography Signals Compression with
Deep Convolutional Autoencoder for Telecare
Applications” Appl. Sci. 2020, 10, 5842;
doi:10.3390/app10175842.
[15] T. H. Chowdhury, K. N. Poudel and Y. Hu, "Time-
Frequency Analysis, Denoising, Compression,
Segmentation, and Classification of PCG Signals," in
IEEE Access, vol. 8, pp. 160882-160890, 2020, doi:
10.1109/ACCESS.2020.3020806.
[16] M. Rahmandani, H. A. Nugroho and N. A. Setiawan,
"Cardiac Sound Classification Using Mel-Frequency
Cepstral Coefficients (MFCC) and Artificial Neural
Network (ANN)," 2018 3rd International
Conference on Information Technology,
Information System and Electrical Engineering
(ICITISEE), 2018, pp. 22-26, doi:
10.1109/ICITISEE.2018.8721007.
[17] Pronab Ghosh, Sami Azam, Asif Karim, Mirjam
Jonkman, MD. Zahid Hasan, “Use of Efficient
Machine Learning Techniques in the Identification
of Patients with Heart Diseases“, ICISDM 2021:
2021 the 5th International Conference on
Information System and Data MiningMay 2021
Pages 14–20.
[18] Abeer Z. Al-Marridi, Amr Mohamed and Aiman
Erbad, "Convolutional Autoencoder Approach for
EEG Compression and Reconstruction in m-Health
Systems," 2018 14th International Wireless
Communications & Mobile Computing Conference
(IWCMC), 2018, pp. 370-375, doi:
10.1109/IWCMC.2018.8450511.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 847
[19] Ximing Huai, Siriaraya Panote, Dongeun Choi,and
Noriaki Kuwahara,“Heart Sound Recognition
Technology Based on Deep Learning” Digital Human
Modeling and Applications in Health, Safety,
Ergonomics and Risk Management. Posture, Motion
and Health: 11th International Conference, DHM
2020, Held as Part of the 22nd HCI International
Conference, HCII 2020, Copenhagen, Denmark, July
19–24, 2020.
[20] Fan Li, Hong Tang, Shang and Klaus Mathaik,“
Classification of Heart Sounds Using Convolution
Neural Neural Network” June 2020 Applied
Sciences 10(11) 3956.
[21] M. F. Khan, M. Atteeq and A. N. Quereshi, “Computer
Aided Detection of Normal and Abnormal Heart
Sound using PCG” ICBBT'19: Proceedings of the
2019 11th International Conference on
Bioinformatics and Biomedical Technology May
2019 Pages 94–99 doi: 10.1145/3340074.3340086.
[22] Suyi Li, Feng Li, Shijie Tang and Wenji Xiong, “A
Review of Computer-Aided Heart Sound Detection
Techniques” JF - BioMed Research International PB –
Hindawi.
[23] I. Grzegorczyk, M. Solinski, M. Lepek, A. Perka, J.
Rosinski, J. Rymko, K. Stepein and J. Gieraltowski
"PCG classification using a neural network
approach," 2016 Computing in Cardiology
Conference (CinC), 2016, pp. 1129-1132.
[24] K. K.Tseng, C. Wang, Y.F. Huang, G. R. Chen, K. L. Yung
and W. H. Ip, “Cross-Domain Transfer Learning for
PCG Diagnosis Algorithm” Biosensors 2021, 11, 127.
doi.org/10.3390/bios11040127.
[25] Noman Fuad, Ting Chee-Ming, S. Salleh and H.
Ombao, "Short-segment Heart Sound Classification
Using an Ensemble of Deep Convolutional Neural
Networks," ICASSP 2019 - 2019 IEEE International
Conference on Acoustics, Speech and Signal
Processing (ICASSP), 2019, pp. 1318-1322, doi:
10.1109/ICASSP.2019.8682668.
[26] Sunjing, L. Kang, W. Wang and Songshaoshaui, “Heart
Sound Signals Based on CNN Classification Research”
ICBBS '17 Proceedings of the 6th International
Conference on Bioinformatics and Biomedical
Science June 2017 Pages 44–48 doi:
10.1145/3121138.3121173.
[27] Low, Jia Xin and Keng Wah Choo. “Automatic
Classification of Periodic Heart Sounds Using
Convolutional Neural Network.” World Academyof
Science, Engineering and Technology, International
Journal of Electrical, Computer, Energetic, Electronic
and Communication Engineering 12 (2018): 96-101.
[28] D. R. Megalmani, S. B. G, A. Rao M V, S. S.
Jeevannavar and P. K. Ghosh, "Unsegmented Heart
Sound Classification Using Hybrid CNN-LSTM
Neural Networks," 2021 43rd Annual International
Conference of the IEEE Engineering in Medicine &
Biology Society (EMBC), 2021, pp. 713-717, doi:
10.1109/EMBC46164.2021.9629596.
[29] Y. Chen, Y. Sun, and J. Lv, “End-to-end heart sound
segmentation using deep convolutional recurrent
network” Complex Intell. Syst. 7, 2103–2117
(2021). doi: 10.1007/s40747-021-00325-w.
[30] C. Thomae and A. Dominik, "Using deep gated RNN
with a convolutional front end for end-to-end
classification of heart sound," 2016 Computing in
Cardiology Conference (CinC), 2016, pp. 625-62
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072
© 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 848

More Related Content

Similar to PHONOCARDIOGRAM HEART SOUND SIGNAL CLASSIFICATION USING DEEP LEARNING TECHNIQUE

Prediction of heart disease using neural network
Prediction of heart disease using neural networkPrediction of heart disease using neural network
Prediction of heart disease using neural network
IRJET Journal
 
Hybrid CNN and LSTM Network For Heart Disease Prediction
Hybrid CNN and LSTM Network For Heart Disease PredictionHybrid CNN and LSTM Network For Heart Disease Prediction
Hybrid CNN and LSTM Network For Heart Disease Prediction
BASMAJUMAASALEHALMOH
 
IRJET- Review on Wrist Pulse Acquisition System for Monitoring Human Health S...
IRJET- Review on Wrist Pulse Acquisition System for Monitoring Human Health S...IRJET- Review on Wrist Pulse Acquisition System for Monitoring Human Health S...
IRJET- Review on Wrist Pulse Acquisition System for Monitoring Human Health S...
IRJET Journal
 
Classification_of_heart_sounds_using_fra.pdf
Classification_of_heart_sounds_using_fra.pdfClassification_of_heart_sounds_using_fra.pdf
Classification_of_heart_sounds_using_fra.pdf
PoojaSK23
 
APPLICATION OF 1D CNN IN ECG CLASSIFICATION
APPLICATION OF 1D CNN IN ECG CLASSIFICATIONAPPLICATION OF 1D CNN IN ECG CLASSIFICATION
APPLICATION OF 1D CNN IN ECG CLASSIFICATION
IRJET Journal
 
An automated system for classifying types of cerebral hemorrhage based on ima...
An automated system for classifying types of cerebral hemorrhage based on ima...An automated system for classifying types of cerebral hemorrhage based on ima...
An automated system for classifying types of cerebral hemorrhage based on ima...
IJECEIAES
 
Alzheimer Disease Prediction using Machine Learning Algorithms
Alzheimer Disease Prediction using Machine Learning AlgorithmsAlzheimer Disease Prediction using Machine Learning Algorithms
Alzheimer Disease Prediction using Machine Learning Algorithms
IRJET Journal
 
Comparing Data Mining Techniques used for Heart Disease Prediction
Comparing Data Mining Techniques used for Heart Disease PredictionComparing Data Mining Techniques used for Heart Disease Prediction
Comparing Data Mining Techniques used for Heart Disease Prediction
IRJET Journal
 
Applications of Artificial Neural Networks in Cancer Prediction
Applications of Artificial Neural Networks in Cancer PredictionApplications of Artificial Neural Networks in Cancer Prediction
Applications of Artificial Neural Networks in Cancer Prediction
IRJET Journal
 
A Study Based On Methods Used In Detection of Cardiac Arrhythmia
A Study Based On Methods Used In Detection of Cardiac ArrhythmiaA Study Based On Methods Used In Detection of Cardiac Arrhythmia
A Study Based On Methods Used In Detection of Cardiac Arrhythmia
IRJET Journal
 
IRJET - Detection of Heamorrhage in Brain using Deep Learning
IRJET - Detection of Heamorrhage in Brain using Deep LearningIRJET - Detection of Heamorrhage in Brain using Deep Learning
IRJET - Detection of Heamorrhage in Brain using Deep Learning
IRJET Journal
 
Deep convolutional neural network framework with multi-modal fusion for Alzhe...
Deep convolutional neural network framework with multi-modal fusion for Alzhe...Deep convolutional neural network framework with multi-modal fusion for Alzhe...
Deep convolutional neural network framework with multi-modal fusion for Alzhe...
International Journal of Reconfigurable and Embedded Systems
 
DIRECTIONAL CLASSIFICATION OF BRAIN TUMOR IMAGES FROM MRI USING CNN-BASED DEE...
DIRECTIONAL CLASSIFICATION OF BRAIN TUMOR IMAGES FROM MRI USING CNN-BASED DEE...DIRECTIONAL CLASSIFICATION OF BRAIN TUMOR IMAGES FROM MRI USING CNN-BASED DEE...
DIRECTIONAL CLASSIFICATION OF BRAIN TUMOR IMAGES FROM MRI USING CNN-BASED DEE...
IRJET Journal
 
IRJET- Brain Tumor Detection and Classification with Feed Forward Back Propag...
IRJET- Brain Tumor Detection and Classification with Feed Forward Back Propag...IRJET- Brain Tumor Detection and Classification with Feed Forward Back Propag...
IRJET- Brain Tumor Detection and Classification with Feed Forward Back Propag...
IRJET Journal
 
An Artificial Neural Network Model for Neonatal Disease Diagnosis
An Artificial Neural Network Model for Neonatal Disease DiagnosisAn Artificial Neural Network Model for Neonatal Disease Diagnosis
An Artificial Neural Network Model for Neonatal Disease Diagnosis
Waqas Tariq
 
AnLSTMbasedDeeplearningmodelforvoice-baseddetectionofParkinsonsdisease.pdf
AnLSTMbasedDeeplearningmodelforvoice-baseddetectionofParkinsonsdisease.pdfAnLSTMbasedDeeplearningmodelforvoice-baseddetectionofParkinsonsdisease.pdf
AnLSTMbasedDeeplearningmodelforvoice-baseddetectionofParkinsonsdisease.pdf
Danish Raza Rizvi
 
IRJET - Heart Anomaly Detection using Deep Learning Approach based on PCG...
IRJET -  	  Heart Anomaly Detection using Deep Learning Approach based on PCG...IRJET -  	  Heart Anomaly Detection using Deep Learning Approach based on PCG...
IRJET - Heart Anomaly Detection using Deep Learning Approach based on PCG...
IRJET Journal
 
IRJET- Brain Tumor Detection and Identification using Support Vector Machine
IRJET- Brain Tumor Detection and Identification using Support Vector MachineIRJET- Brain Tumor Detection and Identification using Support Vector Machine
IRJET- Brain Tumor Detection and Identification using Support Vector Machine
IRJET Journal
 

Similar to PHONOCARDIOGRAM HEART SOUND SIGNAL CLASSIFICATION USING DEEP LEARNING TECHNIQUE (20)

Prediction of heart disease using neural network
Prediction of heart disease using neural networkPrediction of heart disease using neural network
Prediction of heart disease using neural network
 
Hybrid CNN and LSTM Network For Heart Disease Prediction
Hybrid CNN and LSTM Network For Heart Disease PredictionHybrid CNN and LSTM Network For Heart Disease Prediction
Hybrid CNN and LSTM Network For Heart Disease Prediction
 
IRJET- Review on Wrist Pulse Acquisition System for Monitoring Human Health S...
IRJET- Review on Wrist Pulse Acquisition System for Monitoring Human Health S...IRJET- Review on Wrist Pulse Acquisition System for Monitoring Human Health S...
IRJET- Review on Wrist Pulse Acquisition System for Monitoring Human Health S...
 
Classification_of_heart_sounds_using_fra.pdf
Classification_of_heart_sounds_using_fra.pdfClassification_of_heart_sounds_using_fra.pdf
Classification_of_heart_sounds_using_fra.pdf
 
APPLICATION OF 1D CNN IN ECG CLASSIFICATION
APPLICATION OF 1D CNN IN ECG CLASSIFICATIONAPPLICATION OF 1D CNN IN ECG CLASSIFICATION
APPLICATION OF 1D CNN IN ECG CLASSIFICATION
 
An automated system for classifying types of cerebral hemorrhage based on ima...
An automated system for classifying types of cerebral hemorrhage based on ima...An automated system for classifying types of cerebral hemorrhage based on ima...
An automated system for classifying types of cerebral hemorrhage based on ima...
 
Alzheimer Disease Prediction using Machine Learning Algorithms
Alzheimer Disease Prediction using Machine Learning AlgorithmsAlzheimer Disease Prediction using Machine Learning Algorithms
Alzheimer Disease Prediction using Machine Learning Algorithms
 
Comparing Data Mining Techniques used for Heart Disease Prediction
Comparing Data Mining Techniques used for Heart Disease PredictionComparing Data Mining Techniques used for Heart Disease Prediction
Comparing Data Mining Techniques used for Heart Disease Prediction
 
Applications of Artificial Neural Networks in Cancer Prediction
Applications of Artificial Neural Networks in Cancer PredictionApplications of Artificial Neural Networks in Cancer Prediction
Applications of Artificial Neural Networks in Cancer Prediction
 
A Study Based On Methods Used In Detection of Cardiac Arrhythmia
A Study Based On Methods Used In Detection of Cardiac ArrhythmiaA Study Based On Methods Used In Detection of Cardiac Arrhythmia
A Study Based On Methods Used In Detection of Cardiac Arrhythmia
 
IRJET - Detection of Heamorrhage in Brain using Deep Learning
IRJET - Detection of Heamorrhage in Brain using Deep LearningIRJET - Detection of Heamorrhage in Brain using Deep Learning
IRJET - Detection of Heamorrhage in Brain using Deep Learning
 
Deep convolutional neural network framework with multi-modal fusion for Alzhe...
Deep convolutional neural network framework with multi-modal fusion for Alzhe...Deep convolutional neural network framework with multi-modal fusion for Alzhe...
Deep convolutional neural network framework with multi-modal fusion for Alzhe...
 
20120140506005
2012014050600520120140506005
20120140506005
 
DIRECTIONAL CLASSIFICATION OF BRAIN TUMOR IMAGES FROM MRI USING CNN-BASED DEE...
DIRECTIONAL CLASSIFICATION OF BRAIN TUMOR IMAGES FROM MRI USING CNN-BASED DEE...DIRECTIONAL CLASSIFICATION OF BRAIN TUMOR IMAGES FROM MRI USING CNN-BASED DEE...
DIRECTIONAL CLASSIFICATION OF BRAIN TUMOR IMAGES FROM MRI USING CNN-BASED DEE...
 
50620130101003
5062013010100350620130101003
50620130101003
 
IRJET- Brain Tumor Detection and Classification with Feed Forward Back Propag...
IRJET- Brain Tumor Detection and Classification with Feed Forward Back Propag...IRJET- Brain Tumor Detection and Classification with Feed Forward Back Propag...
IRJET- Brain Tumor Detection and Classification with Feed Forward Back Propag...
 
An Artificial Neural Network Model for Neonatal Disease Diagnosis
An Artificial Neural Network Model for Neonatal Disease DiagnosisAn Artificial Neural Network Model for Neonatal Disease Diagnosis
An Artificial Neural Network Model for Neonatal Disease Diagnosis
 
AnLSTMbasedDeeplearningmodelforvoice-baseddetectionofParkinsonsdisease.pdf
AnLSTMbasedDeeplearningmodelforvoice-baseddetectionofParkinsonsdisease.pdfAnLSTMbasedDeeplearningmodelforvoice-baseddetectionofParkinsonsdisease.pdf
AnLSTMbasedDeeplearningmodelforvoice-baseddetectionofParkinsonsdisease.pdf
 
IRJET - Heart Anomaly Detection using Deep Learning Approach based on PCG...
IRJET -  	  Heart Anomaly Detection using Deep Learning Approach based on PCG...IRJET -  	  Heart Anomaly Detection using Deep Learning Approach based on PCG...
IRJET - Heart Anomaly Detection using Deep Learning Approach based on PCG...
 
IRJET- Brain Tumor Detection and Identification using Support Vector Machine
IRJET- Brain Tumor Detection and Identification using Support Vector MachineIRJET- Brain Tumor Detection and Identification using Support Vector Machine
IRJET- Brain Tumor Detection and Identification using Support Vector Machine
 

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
IRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
IRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
IRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
IRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
IRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
IRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
IRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
IRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

block diagram and signal flow graph representation
block diagram and signal flow graph representationblock diagram and signal flow graph representation
block diagram and signal flow graph representation
Divya Somashekar
 
Standard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - NeometrixStandard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - Neometrix
Neometrix_Engineering_Pvt_Ltd
 
weather web application report.pdf
weather web application report.pdfweather web application report.pdf
weather web application report.pdf
Pratik Pawar
 
ASME IX(9) 2007 Full Version .pdf
ASME IX(9)  2007 Full Version       .pdfASME IX(9)  2007 Full Version       .pdf
ASME IX(9) 2007 Full Version .pdf
AhmedHussein950959
 
WATER CRISIS and its solutions-pptx 1234
WATER CRISIS and its solutions-pptx 1234WATER CRISIS and its solutions-pptx 1234
WATER CRISIS and its solutions-pptx 1234
AafreenAbuthahir2
 
AP LAB PPT.pdf ap lab ppt no title specific
AP LAB PPT.pdf ap lab ppt no title specificAP LAB PPT.pdf ap lab ppt no title specific
AP LAB PPT.pdf ap lab ppt no title specific
BrazilAccount1
 
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang,  ICLR 2024, MLILAB, KAIST AI.pdfJ.Yang,  ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
MLILAB
 
Hierarchical Digital Twin of a Naval Power System
Hierarchical Digital Twin of a Naval Power SystemHierarchical Digital Twin of a Naval Power System
Hierarchical Digital Twin of a Naval Power System
Kerry Sado
 
ethical hacking-mobile hacking methods.ppt
ethical hacking-mobile hacking methods.pptethical hacking-mobile hacking methods.ppt
ethical hacking-mobile hacking methods.ppt
Jayaprasanna4
 
The Benefits and Techniques of Trenchless Pipe Repair.pdf
The Benefits and Techniques of Trenchless Pipe Repair.pdfThe Benefits and Techniques of Trenchless Pipe Repair.pdf
The Benefits and Techniques of Trenchless Pipe Repair.pdf
Pipe Restoration Solutions
 
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdfHybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
fxintegritypublishin
 
AKS UNIVERSITY Satna Final Year Project By OM Hardaha.pdf
AKS UNIVERSITY Satna Final Year Project By OM Hardaha.pdfAKS UNIVERSITY Satna Final Year Project By OM Hardaha.pdf
AKS UNIVERSITY Satna Final Year Project By OM Hardaha.pdf
SamSarthak3
 
Investor-Presentation-Q1FY2024 investor presentation document.pptx
Investor-Presentation-Q1FY2024 investor presentation document.pptxInvestor-Presentation-Q1FY2024 investor presentation document.pptx
Investor-Presentation-Q1FY2024 investor presentation document.pptx
AmarGB2
 
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Dr.Costas Sachpazis
 
Runway Orientation Based on the Wind Rose Diagram.pptx
Runway Orientation Based on the Wind Rose Diagram.pptxRunway Orientation Based on the Wind Rose Diagram.pptx
Runway Orientation Based on the Wind Rose Diagram.pptx
SupreethSP4
 
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
MdTanvirMahtab2
 
road safety engineering r s e unit 3.pdf
road safety engineering  r s e unit 3.pdfroad safety engineering  r s e unit 3.pdf
road safety engineering r s e unit 3.pdf
VENKATESHvenky89705
 
DESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docxDESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docx
FluxPrime1
 
Railway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdfRailway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdf
TeeVichai
 
Cosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdfCosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdf
Kamal Acharya
 

Recently uploaded (20)

block diagram and signal flow graph representation
block diagram and signal flow graph representationblock diagram and signal flow graph representation
block diagram and signal flow graph representation
 
Standard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - NeometrixStandard Reomte Control Interface - Neometrix
Standard Reomte Control Interface - Neometrix
 
weather web application report.pdf
weather web application report.pdfweather web application report.pdf
weather web application report.pdf
 
ASME IX(9) 2007 Full Version .pdf
ASME IX(9)  2007 Full Version       .pdfASME IX(9)  2007 Full Version       .pdf
ASME IX(9) 2007 Full Version .pdf
 
WATER CRISIS and its solutions-pptx 1234
WATER CRISIS and its solutions-pptx 1234WATER CRISIS and its solutions-pptx 1234
WATER CRISIS and its solutions-pptx 1234
 
AP LAB PPT.pdf ap lab ppt no title specific
AP LAB PPT.pdf ap lab ppt no title specificAP LAB PPT.pdf ap lab ppt no title specific
AP LAB PPT.pdf ap lab ppt no title specific
 
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang,  ICLR 2024, MLILAB, KAIST AI.pdfJ.Yang,  ICLR 2024, MLILAB, KAIST AI.pdf
J.Yang, ICLR 2024, MLILAB, KAIST AI.pdf
 
Hierarchical Digital Twin of a Naval Power System
Hierarchical Digital Twin of a Naval Power SystemHierarchical Digital Twin of a Naval Power System
Hierarchical Digital Twin of a Naval Power System
 
ethical hacking-mobile hacking methods.ppt
ethical hacking-mobile hacking methods.pptethical hacking-mobile hacking methods.ppt
ethical hacking-mobile hacking methods.ppt
 
The Benefits and Techniques of Trenchless Pipe Repair.pdf
The Benefits and Techniques of Trenchless Pipe Repair.pdfThe Benefits and Techniques of Trenchless Pipe Repair.pdf
The Benefits and Techniques of Trenchless Pipe Repair.pdf
 
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdfHybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
Hybrid optimization of pumped hydro system and solar- Engr. Abdul-Azeez.pdf
 
AKS UNIVERSITY Satna Final Year Project By OM Hardaha.pdf
AKS UNIVERSITY Satna Final Year Project By OM Hardaha.pdfAKS UNIVERSITY Satna Final Year Project By OM Hardaha.pdf
AKS UNIVERSITY Satna Final Year Project By OM Hardaha.pdf
 
Investor-Presentation-Q1FY2024 investor presentation document.pptx
Investor-Presentation-Q1FY2024 investor presentation document.pptxInvestor-Presentation-Q1FY2024 investor presentation document.pptx
Investor-Presentation-Q1FY2024 investor presentation document.pptx
 
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
Sachpazis:Terzaghi Bearing Capacity Estimation in simple terms with Calculati...
 
Runway Orientation Based on the Wind Rose Diagram.pptx
Runway Orientation Based on the Wind Rose Diagram.pptxRunway Orientation Based on the Wind Rose Diagram.pptx
Runway Orientation Based on the Wind Rose Diagram.pptx
 
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
Industrial Training at Shahjalal Fertilizer Company Limited (SFCL)
 
road safety engineering r s e unit 3.pdf
road safety engineering  r s e unit 3.pdfroad safety engineering  r s e unit 3.pdf
road safety engineering r s e unit 3.pdf
 
DESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docxDESIGN A COTTON SEED SEPARATION MACHINE.docx
DESIGN A COTTON SEED SEPARATION MACHINE.docx
 
Railway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdfRailway Signalling Principles Edition 3.pdf
Railway Signalling Principles Edition 3.pdf
 
Cosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdfCosmetic shop management system project report.pdf
Cosmetic shop management system project report.pdf
 

PHONOCARDIOGRAM HEART SOUND SIGNAL CLASSIFICATION USING DEEP LEARNING TECHNIQUE

  • 1. © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 842 PHONOCARDIOGRAM HEART SOUND SIGNAL CLASSIFICATION USING DEEP LEARNING TECHNIQUE Nishant Sanjay Indalkar 1, Shreyas Shrikant Harnale2, Prof. Namrata3 1Computer Engineering, Pimpri Chinchwad College of Engineering Pune, India 2 Computer Engineering, Pimpri Chinchwad College of Engineering Pune, India 3Computer Engineering, Pimpri Chinchwad College of Engineering Pune, India --------------------------------------------------------------------------***--------------------------------------------------------------------- Abstract— Most common reason for human mortality in today’s world that causes almost one-third of deaths is especially due to heart disease. It has become the most common disease where in every 5 people 4 of them are dealing with this disease. The common symptoms of heart diseases are breath shortness, loss of appetite, irregular heartbeat, chest pain. Identifying the disease at early stage increases the chances of survival of the patient and there are numerous ways of detecting heart disease at an early stage. For the sake of helping medical practitioners, a range of machine learning & deep learning techniques were proposed to automatically examine phonocardiogram signals to aid in the preliminary detection of several kinds of heart diseases. The purpose of this paper is to provide an accurate cardiovascular prediction model based on supervised machine learning technique relayed on recurrent neural network (RNN) and convolutional neural network (CNN). The model is evaluated on heart sound signal dataset, which has been gathered from two sources: 1. From general public via I Stethoscope pro iPhone app. 2. From clinical trials in the hospitals. Experimental results have shown that number of epochs and batch size of the training data for validation metrices have direct impact on the training and validation accuracies. With the proposed model we have achieved 91% accuracy. Keywords— CNN, RNN, Epochs, Deep Learning I. INTRODUCTION Heart Disease is an illness that causes complications in human being such as heart failure, liver failure, stroke. Heart disease is mainly caused due to consumption of alcohol, depression, diabetes, hypertension [2]. Physical inactivity increase of cholesterol in body often causes heart to get weaken. There are several types of heart diseases such as Arrhythmia, congestive heart failure, stroke, coronary artery disease and many more. Identification of cardiovascular disease can be done by using the widely known auscultation techniques based on echocardiogram, phonocardiogram, or stethoscope. Machine learning and deep learning is a widely used method for processing huge data in the healthcare domain. Researchers apply several different deep learning and machine learning techniques to analyze huge complex medical data, to predict the abnormality in II. LITERATURE REVIEW Ryu et al. [5] Studied about cardia diagnostic model using CNN. Phonocardiograms(PCG) were used in this model. It can predict whether a heart sound recording is normal or not. First CNN is trained to extract features and build a classification function. The CNN is trained by an algorithm called back propagation algorithm. The model then concludes between normal and abnormal labels. Tang et al. [6] Combined two methods i.e. deep learning and feature engineering algorithms for classification of heart sound into normal and abnormal. Then features were extracted form 8 domains. Then, these features were fed into convolution neural network(CNN) in such a way thatthe fully connected layers of neural network replaces the global average pooling layer to avoid over fitting and to obtain global information. The accuracy, sensitivity and specificity observed on the PhysioNet data set were 86.8%, 87%, 86.6% and 72.1% respectively. Jia Xin et al. [7] Proposed a system in which heart sounds are segmented and converted using two classification method: simplesoftmax regression network (SMR)andCNN. Features were determined automatically through training of the neural network model instead of using supervised machine learning features. After working on both Softmax regression and Convolutional neural network(CNN) they found out CNN gave the highest accuracy. The accuracy achieved International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072 heart disease. This research paper proposes heart signal analysis technique based on TFD (Time Frequency Distribution) analysis and MFCC (Mel Frequency Cestrum Coefficient). Time Frequency Distribution represents the heart sound signals in form of time vs frequency simultaneously and the MFCC determines a sound signal in the form of frequency coefficient corresponding to the Mel filter scale [3]. A quite Helpful method was used to improve the accuracy of heart disease model which is able to predict the chances of heart attack in any individual. Here, we present a Deep Learning technique based on Convolutional Auto-Encoder (CAE), to compress and reconstruct the vital signs in general and phonocardiogram (PCG) signals specifically with minimum distortion [4]. The results portray that the highest accuracy was achieved with convolution neural network with accuracy 90.60% with minimum loss and accuracy achieved through recurrent network was about 67% with minimum loss percentage. through CNN model is 93%.
  • 2. © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 843 Mehrez Boulares et al. [8] developed a model based for cardiovascular disease(CVD) recognition based on unsupervised ML and supervised ML methods based on CNN. The datasets are taken from PASCAL and PhysioNet. They have worked on PCG signals mainly and enhanced their focus on denoising and preprocessing. For feature selection they have used MFCC as it is the best out there now-a-days and similarly for classification they’ve gone with CNN. Classification results of defined models had overall accuracy of 0.87, and overall precision of 0.81, and overall sensitivity 0.83. Suyi Li et al. [9] proposed a paper to provide an overview of computer aided sound detection techniques. They have worked on PCG signals and characteristics of heart sounds introduced first. They did a thorough review on preprocessing and analyzing techniques that have developed over the last five years. They’ve further done a deep research on denoising, feature extraction, segmentation, classification and most importantly computer aided heart detection techniques. Raza et al. [10] Proposed a framework for denoising the heart sound by applying band filter, them the size of sample rate of each sound is fixed. Then the features were extracted using sampling techniques and reduce the dimension of frame rate. RNN method is used for classification. RNN using Long Short-Term Memory (LSTM), Dropout, Softmax and Dense layers used. Hence, the method is more accurate compared to other methods. Perera et.al [11] developed a software tool to predict heart abnormalities which can be recognized using heart sounds. The audio inputs are taken through e- stethoscope and then entered into a database with symptoms of each patient. Feature extraction is done using MATLAB “MIR toolbox” and prominent features and statistical parameters are extracted. Segmentation is done by tall peak and short peak process followed by classification of S1 and S2 systole and diastole square of wavelet fourth detail coefficient method was used for further classification process. Yadav et al. [12] They proposed a model to extract discriminatory features for machine learning which involves strategic framing and processing of heart sound. They trained a supervised classification model based on most prominent features for identification of cardiac diseases. The proposed method achieved the accuracy 97.78% with error rate of 2.22% for normal and abnormal heart diseaseclassification. Khan et al. [13] Proposed a model based on different classifiers such as (KNN, Bagged Tree, Subspace, subspace Discriminant, LDA, Fine Tree and Quadratic SVM) toobtain and accuracy and results. Kaggle dataset was used to extract features from the sets of different domains i.e. frequency domain, Time domain and statistical domain to classify the heart sounds in two different classes i.e. normal and abnormal. Out of 6 classifiers the highest accuracy of 80.5% was obtained using Bagged tree. III. PROPOSED MODEL The study aims in classifying the heart sounds of heart disease patients into normal and abnormal heart sound based on Phonocardiogram signals. The dataset was obtained from Physionet website which contains physionet challenge heart dataset which was providd publicly. There were two challenges related with this competition. Dataset contains heart sounds of 3 to 30 sec in length [4]. The proposed model described ahead is divided into three main parts. These three parts are preprocessing, train-test and classification. The classification was performed using the most robust techniques which gave the highest accuracy among CNN and RNN. The main motive of this paper is to predict whether the heart sound is normal or abnormal with its confidence value. The first step is preprocessing which includes data compression, feature extraction where denoising was performed in order to remove the unwanted noise and were enhanced to remove the unwanted frequencies. The dataset used for training and testing in this model consist of phonocardiogram sound signal files which contains normal and abnormal heart sounds. These files are audio recordings of heart sounds at various different stages of heartbeat. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072 Fig 1: Proposed Architecture
  • 3. © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 844 The denoising and compression of heart sound in this model takes place while building the model by using convo 2D autoencoder[18]. Using the functional API convolution autoencoder was build and once the model was build autoencoder was trained using train_data as both our input data and target data [14]. The convolution encoder consists of MaxPooling 2D layers and 2D convo stack for max down sampling. Below shown are the graphs of loss and accuracy achived after using convo2D autoencoder with 100 epochs. Fig 2 : Loss curve with 100 epochs Fig 3: Accuracy curve with 100 epochs In feature extraction the informative and relevant features were extracted from PCG signals using Mel-scaled power spectrogram and Mel-frequency cepstral coefficients (MFCC) which are then fed into a classification model to classify each PCG signal into an abnormal or normal heart sound [15]. The MFCC which was introduced by Mermelstein in the 1980s is widely used in automatic speech recognition. The mel-frequency analysis is based on human acoustic perception and experimental results have shown that human beings ear acts as a filter that focuses on certain level of frequency components. It transmits audio signal of certain frequency level and directly ignores the unwanted and undesired signals. In mfcc it converts the audio signal from analog to digital format with sampling frequency. It basically includes: b. Windowing the signal: The sound signals of time varying signal. For sound, signal needs to be examined over a short period of time. Therefore, speech analysis is to be carried out on short segments across which the speech signal is assumed to be stationary. Short-term spectral measurements are typically carried out over 20 ms windows, and advanced every 10 ms. c. Applying DFT: DFT is applied on windowed frame to convert it into magnitude spectrum. d. Mel-spectrum: Fourier transformed is applied to Mel spectrum signal through a set of filters known as Mel-filter bank and by applying inverse DCT frequencies are wrapped on a mel-scale. e. DCT: As sound signals are smoothened; the energy levels are correlated. so a set of cepstral coefficients are produced by Mel frequency coefficients. f. Dynamic features: As cepstral coefficients contain information from a given frame they are referred as static features. The extra information about the temporal dynamics of the signal is obtained by computing first and second derivatives of cepstral coefficients. Librosa.display method was used to display the audio signals in different formats such as wave plot, spectrogram. The waveplot represents the graph of heart beat signals as shown below: X- axis: Time in (Sec) Y-axis: Frequency in (Hz) International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072 Fig 4: Normal heart sound waveplot a. Filter-Bank: Filtering out high frequency sound signals to balance the sound wave. Fig 5: Abnormal heart sound waveplot
  • 4. © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 845 a) Mel-Scaled Power Spectrogram Time period vs. Frequency representation of a sound signal is said to be spectrogram of signal. It graphically represents the change in frequency of a sound signal w.r.t time, which helps the building model to understand the sound accurately. The Mel-scaled filters present in Mel-scales are placed non- uniformly to mimic human ear properties in frequency axis [15]. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072 Fig 6: Normal sound mel-spectogram (Time vs Frequency) b) Mel-Frequency Cepstral Coefficients Mel-frequency cepstrum is found by taking Discrete Cosine Transform of a log power spectrum on a nonlinear Mel- scale of frequency. It is the representation of the Mel- scaled power spectrogram [15] [16]. Most of the extracted features for PCG heart signal are computed mainly using time, frequency. Fig 8: Normal sound mfcc (Time) Fig 9: Normal sound mfcc (Time) In classification stage the preprocessed data is fed to CNN [19] [20] [25] [26] and RNN [21] [29] [30], forTraining and testing. The model was trained using CNN and RNN and was build based on accuracy comparison of both the techniques. By comparing the accuracy and loss percentage of RNN and CNN as CNN has greater accuracy and less loss percentage than RNN thus using CNN for the prediction model was preferred. The model has an accuracy of 90.6% and test loss of 0.29 with 350 epochs and 128 batch size. The less test loss indicates that the model performs better after each iteration. The final prediction of model is categorized into normal and abnormal heart sound. Previous referred models from different researchers have had the same output which predictes if heart sound is normal or abnormal [20], what makes this model different from other researchers is the confidence value of normal or abnormal heart sound shown on the UI of classification model. Refer below figure
  • 5. Fig 10: Proposed model (GUI) Fig 11: Normal heart sound with 99.97% confidence value Fig 12: Abnormal heart sound with 99.99% confidence value International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072 The confidence value of heart sound PCG signal will help the medical practitioners to identify the patients with greater risk of heart disease. The actual confidence value of heart sound makes a huge difference on the results because the higher or lower percent could help the physician to make better decisions. IV. RESULT Table 1: Accuracy and loss percentage Convolution neural network outperformed recurrent Accuracy % of CNN Loss % Of CNN Accuracy % of RNN Loss % Of RNN 300 epochs 90.82 0.32 73 0.57 350 epochs 90.60% 0.29 67 0.22 neural network having same number of epochs and batch size with accuracy 90.82% and 90.60% with 300 and 350 epochs. The precision, recall and F1 score was calculated for normal and abnormal heart sounds using CNN. Precision, recall, F1 of normal heart sounds were 0.83, 0.96, 0.89 and those for abnormal heart sounds were precision 0.97, recall 0.89 and f1 0.93 Performance of the proposed Heart Sound Classification Techniques is shown in table 1. We applied Convolution neural network (CNN) and Recurrent neural network(RNN) in order to classify heart sound dataset described in above section. The dataset used for this project consists of Phonocardiogram signals of heart sounds containing heart sounds from 3 to 30 seconds in length. Preprocessing was performed in order to filter out the noisy data using auto-encoder and relevant features were extracted using mfcc. In order to test and train the proposed model the dataset was split into training and testing in the proportion of 80% - 20%. The primary objective of this paper is to examine the effects of the hidden layers of a CNN and RNN to check the overall performance of the neural network. To demonstrate this, we have applied CNN and RNN with different number of epochs on the given dataset and also to observed the variations in accuracy of both the techniques based on different number of epochs and batch size. V. CONCLUSION In this paper, we have compared the accuracies of two different neural networks i.e. Convolution Neural Network and Recurrent Neural Network based on the implemented model and proposed a model based on the technique which has performed well i.e. CNN with 90.60%. The model was trained using different number of epochs to ensure the model was not overfitted or underfitted and a constant number of epochs were chosen to train both the algorithms where they have performed well with having highest accuracy and less loss percentage with highest precision value. © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 846
  • 6. V. REFERENCES [1] M. Tschannen, T. Kramer, G. Marti, M. Heinzmann and T. Wiatowski, "Heart sound classificationusing deep structured features," 2016 Computing in Cardiology Conference (CinC), 2016, pp.565-568. [2] Rohit Bharti, Aditya Khamparia, Mohammad Shabaz, Gaurav Dhiman, Sagar Pande and Parneet Singh, “Prediction of Heart Disease Using a Combination of Machine Learning and Deep Learning”,Volume 2021 Article ID 8387680. [3] I. Kamarulafizam, Shussain Salleh, Mohd Najeb Jamaludin, " Heart Sound Analysis Using MFCC and Time Frequency Distribution" doi: 10.1007/978-3- 540-68017-8_102. [4] W. Chen, Q. Sun, X. Chen, G. Xie, H. Wu, C. Xu, “Deep Learning Methods for Heart Sounds Classification: A Systematic Review” Entropy (Basel). 2021;23(6):667 Published 2021 May 26 doi:10.3390/e23060667. [5] Heechang Ryu, Jinkyoo Park, and H. Shin, "Classification of heart sound recordings using convolution neural network," 2016 Computing in Cardiology Conference (CinC), 2016, pp. 1153- 1156. [6] Hong Tang, Ziyin Dai, Yuanlin Jiang, Ting Li and Chengyu liu, “PCG Classification Using Multidomain Features and SVM Classifier” Volume 2018 |Article 4205027 | doi: 10.1155/2018/4205027. [7] Jia Xin L and Keng Waah Choo, “Classification of Heart Sounds Using Softmax Regression and Convolutional Neural Network” ICCET '18: Proceedings of the 2018 International Conference on Communication Engineering and Technology February 2018 Pages 18–21. [8] Mehrez Boulares, Reem Al-Otaibi, Amal Almansour and Ahmed Barnavi, “Cardiovascular Disease Recognition Based on Heartbeat Segmentation and Selection Process” October 2021 International Journal of Environmental Research and Public Health 18(20):10952. Suyi Li, Feng Li , Shijie Tang and Wenji xiong, “A Review of Computer-Aided Heart Sound Detection Techniques” Volume 2020 Article ID 5846191. [9] Suyi Li, Feng Li, Shijie Tang and Wenji Xiong, “A Review of Computer-Aided Heart Sound Detection Techniques” JF - BioMed Research International PB – Hindawi. [10] A. Raza, A. Mehmood, S. Ullah, M. Ahmad, G. S. Choi, and B.-W. On, “Heartbeat Sound Signal Classification Using Deep Learning,” Sensors, vol. 19, no. 21, p. 4819, Nov. 2019, doi: 10.3390/s19214819. [11] I. S. Perera, F. A. Muthalif, M. Selvarathnam, M. R. Liyanaarachchi and N. D. Nanayakkara, "Automated diagnosis of cardiac abnormusing heart sounds," 2013 IEEE Point-of-Care Healthcare Technologies (PHT), 2013, pp. 252-255, doi: 10.1109/PHT.2013.6461332. [12] A. Yadav, A. Singh and M. K. Dutta,“Machine learning-based classification of cardiac diseases from PCG recorded heart sounds” Neural Comput & Applic 32, 17843–17856 (2020) doi: 10.1007/s00521-019-04547-5. [13] Younas Khan, Usman Qamar, Nazish Yousaf, Aimal Khan, “Machine Learning Techniques for Heart Disease Datasets: A Survey”, ICMLC '19: Proceedings of the 2019 11th International Conference on Machine Learning and Computing February 2019 Pages 27–35. [14] Ying-Ren Chien, Kai-Chieh Hsu and Hen Wai Tsao, “Phonocardiography Signals Compression with Deep Convolutional Autoencoder for Telecare Applications” Appl. Sci. 2020, 10, 5842; doi:10.3390/app10175842. [15] T. H. Chowdhury, K. N. Poudel and Y. Hu, "Time- Frequency Analysis, Denoising, Compression, Segmentation, and Classification of PCG Signals," in IEEE Access, vol. 8, pp. 160882-160890, 2020, doi: 10.1109/ACCESS.2020.3020806. [16] M. Rahmandani, H. A. Nugroho and N. A. Setiawan, "Cardiac Sound Classification Using Mel-Frequency Cepstral Coefficients (MFCC) and Artificial Neural Network (ANN)," 2018 3rd International Conference on Information Technology, Information System and Electrical Engineering (ICITISEE), 2018, pp. 22-26, doi: 10.1109/ICITISEE.2018.8721007. [17] Pronab Ghosh, Sami Azam, Asif Karim, Mirjam Jonkman, MD. Zahid Hasan, “Use of Efficient Machine Learning Techniques in the Identification of Patients with Heart Diseases“, ICISDM 2021: 2021 the 5th International Conference on Information System and Data MiningMay 2021 Pages 14–20. [18] Abeer Z. Al-Marridi, Amr Mohamed and Aiman Erbad, "Convolutional Autoencoder Approach for EEG Compression and Reconstruction in m-Health Systems," 2018 14th International Wireless Communications & Mobile Computing Conference (IWCMC), 2018, pp. 370-375, doi: 10.1109/IWCMC.2018.8450511. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 847
  • 7. [19] Ximing Huai, Siriaraya Panote, Dongeun Choi,and Noriaki Kuwahara,“Heart Sound Recognition Technology Based on Deep Learning” Digital Human Modeling and Applications in Health, Safety, Ergonomics and Risk Management. Posture, Motion and Health: 11th International Conference, DHM 2020, Held as Part of the 22nd HCI International Conference, HCII 2020, Copenhagen, Denmark, July 19–24, 2020. [20] Fan Li, Hong Tang, Shang and Klaus Mathaik,“ Classification of Heart Sounds Using Convolution Neural Neural Network” June 2020 Applied Sciences 10(11) 3956. [21] M. F. Khan, M. Atteeq and A. N. Quereshi, “Computer Aided Detection of Normal and Abnormal Heart Sound using PCG” ICBBT'19: Proceedings of the 2019 11th International Conference on Bioinformatics and Biomedical Technology May 2019 Pages 94–99 doi: 10.1145/3340074.3340086. [22] Suyi Li, Feng Li, Shijie Tang and Wenji Xiong, “A Review of Computer-Aided Heart Sound Detection Techniques” JF - BioMed Research International PB – Hindawi. [23] I. Grzegorczyk, M. Solinski, M. Lepek, A. Perka, J. Rosinski, J. Rymko, K. Stepein and J. Gieraltowski "PCG classification using a neural network approach," 2016 Computing in Cardiology Conference (CinC), 2016, pp. 1129-1132. [24] K. K.Tseng, C. Wang, Y.F. Huang, G. R. Chen, K. L. Yung and W. H. Ip, “Cross-Domain Transfer Learning for PCG Diagnosis Algorithm” Biosensors 2021, 11, 127. doi.org/10.3390/bios11040127. [25] Noman Fuad, Ting Chee-Ming, S. Salleh and H. Ombao, "Short-segment Heart Sound Classification Using an Ensemble of Deep Convolutional Neural Networks," ICASSP 2019 - 2019 IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP), 2019, pp. 1318-1322, doi: 10.1109/ICASSP.2019.8682668. [26] Sunjing, L. Kang, W. Wang and Songshaoshaui, “Heart Sound Signals Based on CNN Classification Research” ICBBS '17 Proceedings of the 6th International Conference on Bioinformatics and Biomedical Science June 2017 Pages 44–48 doi: 10.1145/3121138.3121173. [27] Low, Jia Xin and Keng Wah Choo. “Automatic Classification of Periodic Heart Sounds Using Convolutional Neural Network.” World Academyof Science, Engineering and Technology, International Journal of Electrical, Computer, Energetic, Electronic and Communication Engineering 12 (2018): 96-101. [28] D. R. Megalmani, S. B. G, A. Rao M V, S. S. Jeevannavar and P. K. Ghosh, "Unsegmented Heart Sound Classification Using Hybrid CNN-LSTM Neural Networks," 2021 43rd Annual International Conference of the IEEE Engineering in Medicine & Biology Society (EMBC), 2021, pp. 713-717, doi: 10.1109/EMBC46164.2021.9629596. [29] Y. Chen, Y. Sun, and J. Lv, “End-to-end heart sound segmentation using deep convolutional recurrent network” Complex Intell. Syst. 7, 2103–2117 (2021). doi: 10.1007/s40747-021-00325-w. [30] C. Thomae and A. Dominik, "Using deep gated RNN with a convolutional front end for end-to-end classification of heart sound," 2016 Computing in Cardiology Conference (CinC), 2016, pp. 625-62 International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 10 Issue: 08 | Aug 2023 www.irjet.net p-ISSN: 2395-0072 © 2023, IRJET | Impact Factor value: 8.226 | ISO 9001:2008 Certified Journal | Page 848