SlideShare a Scribd company logo
1 of 4
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1193
EMOTION RECOGNITION FROM VOICE
Abhijeeth V madalgi1, Bhyravi S 1, Hemanthkumar M1, Jagadish D N1, Kavya N L2
1Student, Department of Computer Science and Engineering, Sapthagiri College of Engineering, Bengaluru
2Professor, Department of Computer Science and Engineering, Sapthagiri College of Engineering, Bengaluru
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract - Identification and analysis of human emotions
associated with voice is one of themajorchallengesinvolvedin
emotion recognition systems. This project presents
development of such a system that involves application of
Machine learning classification algorithms over a set of audio
features extracted from various speech segments. These
segments contain a set of recorded sentences by people across
the world who express different emotions.
Key Words: Classification, Naïve-Bayes, SVM, Random
forest, confusion matrix.
1. INTRODUCTION
Typically, speech recognition engines or ASRs simply
transcribe audio recordings into textual content. But a lot of
meta-information, apart from the text, exists. Examples
might be the speaker’s intonation,emotion,loudness,shades
etc. The emotions may so influence thespeechthattheentire
meaning that the speaker intends to convey is turned into
opposite- which is regarded sarcasm or irony. Therefore,
there exists a direct co-relation between characteristics of
the speech and the emotion. A person angry might have the
loudness levels higher than normal while the speech of a
person afraid, would have a higher pitch. This project
intends to analyze these features and establish a co-relation
between the acoustic features and the emotion expressed,
thereby allowing the prediction of emotion from a given
voice sample.
Emotion recognition is a hot topic that’s been on research
for decades, which intends to find the nature of audio and
the system proposed classifies into the seven basic human
emotions, anger, boredom, sadness, neutral, happiness, fear
and disgust. Today’s advanced technologies consistsoftools
for efficient retrieval, analysis and classification of auditory
data into different classes. In today’s digital world lot ofdata
is available for emotional analysis from image, text, audio
and video through media networks like YouTube,
soundcloud etc., However, they raise concerns on privacy
and copyright laws. A well-defined labelled dataset can be
obtained through the berlin database of emotional speech, a
database purely for research. Supervised machine learning
techniques are therefore used to train the data for
classification later on.
The nature of human emotions and their influence on
speech provides invaluable insights into how the features of
emotion and the underlying emotion are related. This
relation may not be consistent with people all over the
world, since the ethnicity and culture of various groups
largely influence how emotions are expressed. Therefore, a
need for machine learning algorithms arise since a distinct
hypothesis consisting of continuous static valuesmaynotbe
consistent with the emotions expressed by various people.
The project presents the application of supervised
machine learning techniques such as Naïve Bayes Classifier,
Support Vector Machines, and Random Forest classifiers.
2. BACKGROUND
A. Dataset
The dataset is obtained by extracting featuresfromtheberlin
audio database. The berlin datasetconsistsoflinesspokenby
various professionalactors, and grouped intothesevenbasic
classes of emotion- anger, boredom, sadness, neutral,
happiness, fear and disgust.
B. Features
The distinct attributes of speech that are a result of the
influence of human emotionaregenerallyassociatedwiththe
frequency,loudness,andtherateofutterance.Thehumanear
does not enable the perception of small differences in the
frequencies of the sound, but rather, perceives it over a scale
known as Mel scale. The frequenciesmappedtotheMelscale,
are MFCCs (Mel frequencycepstralcoefficients)andproveto
be vital in providing insight about how humans perceive
frequency. Other attributes suchasloudness,amplitude,zero
crossing rate, and spectral centroid are used as the features
that determine the underlying emotion,
C. Naive Bayes Classifier
Naive Bayes Classifier implements Bayes theorem with a
solid independence assumption [1], that the features are
independent of each other. Bayes Theorem works on
conditional probability which finds out the probability of an
event given that some other event has already occurred. It
predicts the conditional probability of a class given the set of
evidences and finds the most likely class based on the
maximum likelihood hypothesis. ThenaiveBayesclassifieris
a famous and popular technique because it is much quicker
and performs well with less data [2]. The Gaussian naïve
Bayes classifier is used in cases where the features are
normally distributedand continuous in nature. Forexample,
suppose the training data contains a continuous attribute, x.
We first segment the data by the class, and then compute the
mean and variance of x in each class. Let µk be the mean of
the values in x associated with class Ck, and let 𝜎2k be the
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1194
variance of the values x associated withclass Ck. Supposewe
have collected some observation value v. Then, the
probability distribution of v given a class Ck, p(x=v| Ck), can
be computed by plugging v into the equation for a Normal
distribution parameterized by µk and 𝜎2k . That is,
D. Support Vector Machine
Support Vector Machine(SVM) is a supervised
learning algorithm that analyses the data and recognizes
patterns [3]. Given an input set,SVMclassifiesthemasoneor
the other of two categories. SVM can deal with both linear
and non-linear classification.
With kernel trick, it can efficiently perform non-linear
classification. It does so by mapping the input set to high
dimensional feature space. The types of kernel include
polynomial, Gaussian radial basis function (RBF), Laplace
RBF kernel, Hyperbolic tangent kernel and Sigmoidal kernel.
Construction of hyper plane is employed by SVM for the
classification.
Fig. 1.Support vector classification with linear kernel
E. Random Forest Classifier
Random forest algorithm is a supervised learning algorithm
which can be used for both classification and regression.
Random forests create decision trees on randomly selected
data samples, obtains the predictions from each tree and
selects the best solution by means of voting. Random data
samples are used to generate decisiontrees,andbasedonthe
classification performance of each of thesedecisiontrees,the
best sub-decision trees are selected. Random Forest
Classifiers are often known to avoid overfitting [4].
I.How random forests work
Most of the options depend on twodataobjectsgenerated
by random forests.
when the training set for the current tree is drawn by
sampling with replacement, about one-third of the cases are
left out of the sample. This oob (out-of-bag) data is used to
get a running unbiased estimate of the classification error as
trees are added to the forest. It is also used to getestimatesof
variable importance.
After each tree is built, all of the data are run down the
tree, and proximities are computed for each pair of cases. If
two cases occupy the same terminal node, their proximity is
increased by one. At the end of the run, the proximities are
normalized by dividing by the number of trees. Proximities
are used in replacing missing data, locating outliers, and
producing illuminating low-dimensional views of the data.
II. The out-of-bag (oob) error estimate
In random forests, there is noneed forcross-validationor
a separate test set to get an unbiased estimate of the test set
error. It is estimated internally, during the run, as follows:
Each tree is constructed using a different bootstrap
sample from the original data. About one-third of the cases
are left out of the bootstrap sample and not used in the
construction of the kth tree.
Each case left out in the construction of the kth tree is put
down the kth tree to get a classification. In this way, a test set
classification is obtained for each case in about one-third of
the trees. At the end of the run, take j to be the class that got
most of the votes every time case n was oob. The proportion
of times that j is not equal to the true class of n averaged over
all cases is the oob error estimate. This has proven to be
unbiased in many tests [5].
Fig. 2. Architecture of Random Forest model
3. METHODOLOGY
The workflow in this paper is divided into four phases
i. Audio pre-processing
ii. Feature Extraction
iii. Training
iv. Testing
i. Audio pre-processing
An audio signal is a representation of sound, typically
using a level of electrical voltage for analog signals, and a
series of binary numbers for digital signals. Audio signals
have frequencies in the audio frequency range of roughly 20
to 20,000 Hz, which corresponds to the lower and
upper limits of human hearing. Audio signals may
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1195
be synthesized directly,ormayoriginateatatransducersuch
as a microphone, musical instrument pickup, phonograph
cartridge, or tape head. Loudspeakers
or headphones convert an electrical audio signal back into
sound [6].
Audio files are susceptible to noise hence noise removal
and enhancement of speech signal is necessary for the
retrieval of desired features, which are helpful in creating an
efficient model. The logMMSE algorithm explained in [7] is
used for the noise reduction and enhancement of speech
signal.
ii. Feature Extraction
The human earislargelysensitivetochangesinfrequency
of sounds having less frequency i.e. the human ear is capable
of distinguishing low frequency sounds and this capability
decreases as the frequency rangeincreases.Thisnecessitates
the formulation of the Mel scale of frequency which is
analogous to what the human ear can hear. The quantity
MFCC represents the human hearing equivalentoffrequency
and pitch, the features which contain maximum emotional
data. The steps to compute the MFCCs of a given audio
sample are as follows:
1 Application of Fourier transform over the obtained
power spectrum,
2 Application of Mel filter banks to the transformed
power spectra, summing up the energies,
3 Taking logarithms of the energies computed.
4 Taking the discrete cosine transform of the
logarithms of the filter bank energies.
5 Retention of coefficients 1-13and discardingtherest
Zero crossing rateis another quantity that representsthe
frequency of the sound. Zerocrossing rate is a measureofthe
number of times the amplitude of the sound waves crosses
zero, which essentially gives a measure of the frequency of
the wave.
Spectral centroid characterizes the spectrum. It gives a
measure of the location of the “centre of mass” of the
spectrum. It is mathematically computed as the weighted
mean of frequencies determined by Fourier transforms.
The MFCCs, zero crossing rate, and the spectral centroid,
after scaling and transformation,formthefeaturesthatareto
be used as attributes to train a machine learning model.
iii. Training
Three Predictive models are created using naïve Bayes,
support vector machine and Random Forest algorithms
which were discussed afore. The data file would contain
seventeen columns with thirteen columns representing
thirteen MFCCcoefficients necessaryforspeechanalysis,and
three other columnsrepresentingzero-crossingrate,spectral
centroid and standard deviation of MFCC coefficients
respectively and finalcolumncontaining the valuesfromone
to seven representing the seven emotions. The model is
trained on the basis of these seventeen features.
iv. Testing
In testing phase, the 30% of data which was split
randomly from the dataset is tested on the predictive model.
The test data is pre-processed and classified into one of the
seven emotions Anger, Happiness, Disgust, Sad, Fear,
Boredom and Neutral.
4. RESULTS
The results are evaluated on the basis of accuracy,
precision and recall.
TABLE I. CONFUSION MATRIX PARAMETERS
True Positives (TP) - These are the correctly predicted
positive values which means that the value of actual class is
yes and the value of predicted class is also yes.
True Negatives (TN) - These are the correctly predicted
negative values which means that the value of actual class is
no and value of predicted class is also no
False Positives (FP) – When actual classisnoandpredicted
class is yes.
False Negatives (FN) – When actual class is yes but
predicted class in no.
Accuracy - Accuracy is simply a ratio of correctly predicted
observation to the total observations.
The formula to find accuracy is given by,
Accuracy =
Precision - Precision is the ratio of correctly predicted
positive observations to the total predicted positive
observations.
Precision is given by,
Precision =
Recall - Recall is the ratio of correctly predicted positive
observations to the all observations in actual class - yes.
Recall is given by,
Recall =
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1196
Gaussian Naïve Bayes algorithm gave an output of about
0.8571 accuracy, 0.8567 recall, 0.8563 precision and the
confusion matrix is as shown below
Fig. 3.Confusion Matrix for Gaussian Naïve Bayes
algorithm
Support vector machine algorithm gave an output of about
0.8809 accuracy, 0.8832 recall, 0.8821 precision and the
confusion matrix is as shown below
Fig. 4.Confusion Matrix for support vector machine
algorithm
Random Forest algorithm gave an output of about 0.7857
accuracy, 0.7753 recall, 0.7748 precision and the confusion
matrix is as shown below
Fig. 5.Confusion Matrix for Random Forest algorithm
TABLE II. RESULTS
PERFORMANCE METRICS
ALGORITHM ACCURACY PRECISION RECALL
GAUSSIAN
NAÏVE BAYES
0.8571 0.8567 0.8563
SUPPORT
VECTOR
MACHINE
0.8809 0.8832 0.8821
RANDOM FOREST 0.7857 0.7753 0.7748
5. CONCLUSION
Based on the above observations, we can conclude that for
the context of emotion recognition SVM has performed well
since the accuracy is higher for SVM. Even though human
level accuracy is not achieved, the result obtained is good
enough and can be used for further research. The proposed
system may be assimilated with existing systems thatdetect
emotion based on visual data, wherein the detection is
carried out based on both auditory and visual features.
ACKNOWLEDGEMENT
Thanks to Dr. Kamalakshi Naganna for their valuable
suggestions and thanks to everyone who has given valuable
information about technologies through their research
papers, journals and conference papers and finallythanksto
all my friends and family for their moral support.
REFERENCES
[1] A. N Hasan, B. Twala, and T. Marwala,Moving Towards
Accurate Monitoring and Prediction of Gold Mine
Underground Dam Levels, IEEE IJCNN (WCCI)
proceedings, Beijing, China, 2014.
[2] T.Mitchell, H.McGraw, ”Machine Learning, Second
Edition, Chapter One”, January 2010.
[3] Xu, Shuo & Li, Yan & Zheng, Wang. (2017). Bayesian
Gaussian Naïve Bayes Classifier to Text Classification.
347-352. 10.1007/978-981-10-5041-1_57.
[4] https://www.datacamp.com/community/tutorials/rand
om-forests-classifier-python
[5] https://www.stat.berkeley.edu/~breiman/RandomFore
sts/cc_home.htm
[6] Hodgson, Jay (2010). Understanding Records,
p.1. ISBN 978-1-4411-5607-5.
[7] Ephraim, Y. and Malah, D. (1985). Speech enhancement
using a minimum mean-square error log-spectral
amplitude estimator. IEEE Trans. Acoust., Speech,Signal
Process., ASSP-23(2), 443-445.

More Related Content

Similar to IRJET- Emotion Recognition from Voice

IRJET- Voice based Gender Recognition
IRJET- Voice based Gender RecognitionIRJET- Voice based Gender Recognition
IRJET- Voice based Gender RecognitionIRJET Journal
 
IRJET-speech emotion.pdf
IRJET-speech emotion.pdfIRJET-speech emotion.pdf
IRJET-speech emotion.pdfneeshukumari4
 
Acoustic Scene Classification by using Combination of MODWPT and Spectral Fea...
Acoustic Scene Classification by using Combination of MODWPT and Spectral Fea...Acoustic Scene Classification by using Combination of MODWPT and Spectral Fea...
Acoustic Scene Classification by using Combination of MODWPT and Spectral Fea...ijtsrd
 
IRJET- Emotion recognition using Speech Signal: A Review
IRJET-  	  Emotion recognition using Speech Signal: A ReviewIRJET-  	  Emotion recognition using Speech Signal: A Review
IRJET- Emotion recognition using Speech Signal: A ReviewIRJET Journal
 
IRJET - Deep Learning Applications and Frameworks – A Review
IRJET -  	  Deep Learning Applications and Frameworks – A ReviewIRJET -  	  Deep Learning Applications and Frameworks – A Review
IRJET - Deep Learning Applications and Frameworks – A ReviewIRJET Journal
 
SPEECH RECOGNITION USING SONOGRAM AND AANN
SPEECH RECOGNITION USING SONOGRAM AND AANNSPEECH RECOGNITION USING SONOGRAM AND AANN
SPEECH RECOGNITION USING SONOGRAM AND AANNAM Publications
 
Human Emotion Recognition From Speech
Human Emotion Recognition From SpeechHuman Emotion Recognition From Speech
Human Emotion Recognition From SpeechIJERA Editor
 
A novel automatic voice recognition system based on text-independent in a noi...
A novel automatic voice recognition system based on text-independent in a noi...A novel automatic voice recognition system based on text-independent in a noi...
A novel automatic voice recognition system based on text-independent in a noi...IJECEIAES
 
Voice Signal Synthesis using Non Negative Matrix Factorization
Voice Signal Synthesis using Non Negative Matrix FactorizationVoice Signal Synthesis using Non Negative Matrix Factorization
Voice Signal Synthesis using Non Negative Matrix FactorizationIRJET Journal
 
Effective Audio Storage and Retrieval in Infrastructure less Environment over...
Effective Audio Storage and Retrieval in Infrastructure less Environment over...Effective Audio Storage and Retrieval in Infrastructure less Environment over...
Effective Audio Storage and Retrieval in Infrastructure less Environment over...IRJET Journal
 
A Review Paper on Speech Based Emotion Detection Using Deep Learning
A Review Paper on Speech Based Emotion Detection Using Deep LearningA Review Paper on Speech Based Emotion Detection Using Deep Learning
A Review Paper on Speech Based Emotion Detection Using Deep LearningIRJET Journal
 
Speech Emotion Recognition Using Machine Learning
Speech Emotion Recognition Using Machine LearningSpeech Emotion Recognition Using Machine Learning
Speech Emotion Recognition Using Machine LearningIRJET Journal
 
Emotion Recognition through Speech Analysis using various Deep Learning Algor...
Emotion Recognition through Speech Analysis using various Deep Learning Algor...Emotion Recognition through Speech Analysis using various Deep Learning Algor...
Emotion Recognition through Speech Analysis using various Deep Learning Algor...IRJET Journal
 
IRJET - Heart Health Classification and Prediction using Machine Learning
IRJET -  	  Heart Health Classification and Prediction using Machine LearningIRJET -  	  Heart Health Classification and Prediction using Machine Learning
IRJET - Heart Health Classification and Prediction using Machine LearningIRJET Journal
 
Visual and Acoustic Identification of Bird Species
Visual and Acoustic Identification of Bird SpeciesVisual and Acoustic Identification of Bird Species
Visual and Acoustic Identification of Bird SpeciesIRJET Journal
 
IRJET- Study of Effect of PCA on Speech Emotion Recognition
IRJET- Study of Effect of PCA on Speech Emotion RecognitionIRJET- Study of Effect of PCA on Speech Emotion Recognition
IRJET- Study of Effect of PCA on Speech Emotion RecognitionIRJET Journal
 
IRJET - Threat Prediction using Speech Analysis
IRJET - Threat Prediction using Speech AnalysisIRJET - Threat Prediction using Speech Analysis
IRJET - Threat Prediction using Speech AnalysisIRJET Journal
 
IRJET- Musical Instrument Recognition using CNN and SVM
IRJET-  	  Musical Instrument Recognition using CNN and SVMIRJET-  	  Musical Instrument Recognition using CNN and SVM
IRJET- Musical Instrument Recognition using CNN and SVMIRJET Journal
 
Analysis of Machine Learning Techniques for Breast Cancer Prediction
Analysis of Machine Learning Techniques for Breast Cancer PredictionAnalysis of Machine Learning Techniques for Breast Cancer Prediction
Analysis of Machine Learning Techniques for Breast Cancer PredictionDr. Amarjeet Singh
 

Similar to IRJET- Emotion Recognition from Voice (20)

IRJET- Voice based Gender Recognition
IRJET- Voice based Gender RecognitionIRJET- Voice based Gender Recognition
IRJET- Voice based Gender Recognition
 
IRJET-speech emotion.pdf
IRJET-speech emotion.pdfIRJET-speech emotion.pdf
IRJET-speech emotion.pdf
 
Acoustic Scene Classification by using Combination of MODWPT and Spectral Fea...
Acoustic Scene Classification by using Combination of MODWPT and Spectral Fea...Acoustic Scene Classification by using Combination of MODWPT and Spectral Fea...
Acoustic Scene Classification by using Combination of MODWPT and Spectral Fea...
 
IRJET- Emotion recognition using Speech Signal: A Review
IRJET-  	  Emotion recognition using Speech Signal: A ReviewIRJET-  	  Emotion recognition using Speech Signal: A Review
IRJET- Emotion recognition using Speech Signal: A Review
 
IRJET - Deep Learning Applications and Frameworks – A Review
IRJET -  	  Deep Learning Applications and Frameworks – A ReviewIRJET -  	  Deep Learning Applications and Frameworks – A Review
IRJET - Deep Learning Applications and Frameworks – A Review
 
SPEECH RECOGNITION USING SONOGRAM AND AANN
SPEECH RECOGNITION USING SONOGRAM AND AANNSPEECH RECOGNITION USING SONOGRAM AND AANN
SPEECH RECOGNITION USING SONOGRAM AND AANN
 
Audio-
Audio-Audio-
Audio-
 
Human Emotion Recognition From Speech
Human Emotion Recognition From SpeechHuman Emotion Recognition From Speech
Human Emotion Recognition From Speech
 
A novel automatic voice recognition system based on text-independent in a noi...
A novel automatic voice recognition system based on text-independent in a noi...A novel automatic voice recognition system based on text-independent in a noi...
A novel automatic voice recognition system based on text-independent in a noi...
 
Voice Signal Synthesis using Non Negative Matrix Factorization
Voice Signal Synthesis using Non Negative Matrix FactorizationVoice Signal Synthesis using Non Negative Matrix Factorization
Voice Signal Synthesis using Non Negative Matrix Factorization
 
Effective Audio Storage and Retrieval in Infrastructure less Environment over...
Effective Audio Storage and Retrieval in Infrastructure less Environment over...Effective Audio Storage and Retrieval in Infrastructure less Environment over...
Effective Audio Storage and Retrieval in Infrastructure less Environment over...
 
A Review Paper on Speech Based Emotion Detection Using Deep Learning
A Review Paper on Speech Based Emotion Detection Using Deep LearningA Review Paper on Speech Based Emotion Detection Using Deep Learning
A Review Paper on Speech Based Emotion Detection Using Deep Learning
 
Speech Emotion Recognition Using Machine Learning
Speech Emotion Recognition Using Machine LearningSpeech Emotion Recognition Using Machine Learning
Speech Emotion Recognition Using Machine Learning
 
Emotion Recognition through Speech Analysis using various Deep Learning Algor...
Emotion Recognition through Speech Analysis using various Deep Learning Algor...Emotion Recognition through Speech Analysis using various Deep Learning Algor...
Emotion Recognition through Speech Analysis using various Deep Learning Algor...
 
IRJET - Heart Health Classification and Prediction using Machine Learning
IRJET -  	  Heart Health Classification and Prediction using Machine LearningIRJET -  	  Heart Health Classification and Prediction using Machine Learning
IRJET - Heart Health Classification and Prediction using Machine Learning
 
Visual and Acoustic Identification of Bird Species
Visual and Acoustic Identification of Bird SpeciesVisual and Acoustic Identification of Bird Species
Visual and Acoustic Identification of Bird Species
 
IRJET- Study of Effect of PCA on Speech Emotion Recognition
IRJET- Study of Effect of PCA on Speech Emotion RecognitionIRJET- Study of Effect of PCA on Speech Emotion Recognition
IRJET- Study of Effect of PCA on Speech Emotion Recognition
 
IRJET - Threat Prediction using Speech Analysis
IRJET - Threat Prediction using Speech AnalysisIRJET - Threat Prediction using Speech Analysis
IRJET - Threat Prediction using Speech Analysis
 
IRJET- Musical Instrument Recognition using CNN and SVM
IRJET-  	  Musical Instrument Recognition using CNN and SVMIRJET-  	  Musical Instrument Recognition using CNN and SVM
IRJET- Musical Instrument Recognition using CNN and SVM
 
Analysis of Machine Learning Techniques for Breast Cancer Prediction
Analysis of Machine Learning Techniques for Breast Cancer PredictionAnalysis of Machine Learning Techniques for Breast Cancer Prediction
Analysis of Machine Learning Techniques for Breast Cancer Prediction
 

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 STRUCTUREIRJET 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 CharacteristicsIRJET 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 ADASIRJET 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 ProIRJET 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 SystemIRJET 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 bridgesIRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web applicationIRJET 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 DesignIRJET 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

Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024hassan khalil
 
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
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxwendy cai
 
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)Suman Mia
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations120cr0395
 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...ranjana rawat
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSCAESB
 
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptxthe ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptxhumanexperienceaaa
 
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...srsj9000
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝soniya singh
 
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130Suhani Kapoor
 
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSHARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSRajkumarAkumalla
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxupamatechverse
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxpurnimasatapathy1234
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxJoão Esperancinha
 
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
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130Suhani Kapoor
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Christo Ananth
 

Recently uploaded (20)

Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024
 
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
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptx
 
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)Software Development Life Cycle By  Team Orange (Dept. of Pharmacy)
Software Development Life Cycle By Team Orange (Dept. of Pharmacy)
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations
 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentation
 
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptxthe ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
 
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
 
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
 
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSHARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptx
 
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptx
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
 
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
 
Roadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and RoutesRoadmap to Membership of RICS - Pathways and Routes
Roadmap to Membership of RICS - Pathways and Routes
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
 

IRJET- Emotion Recognition from Voice

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1193 EMOTION RECOGNITION FROM VOICE Abhijeeth V madalgi1, Bhyravi S 1, Hemanthkumar M1, Jagadish D N1, Kavya N L2 1Student, Department of Computer Science and Engineering, Sapthagiri College of Engineering, Bengaluru 2Professor, Department of Computer Science and Engineering, Sapthagiri College of Engineering, Bengaluru ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract - Identification and analysis of human emotions associated with voice is one of themajorchallengesinvolvedin emotion recognition systems. This project presents development of such a system that involves application of Machine learning classification algorithms over a set of audio features extracted from various speech segments. These segments contain a set of recorded sentences by people across the world who express different emotions. Key Words: Classification, Naïve-Bayes, SVM, Random forest, confusion matrix. 1. INTRODUCTION Typically, speech recognition engines or ASRs simply transcribe audio recordings into textual content. But a lot of meta-information, apart from the text, exists. Examples might be the speaker’s intonation,emotion,loudness,shades etc. The emotions may so influence thespeechthattheentire meaning that the speaker intends to convey is turned into opposite- which is regarded sarcasm or irony. Therefore, there exists a direct co-relation between characteristics of the speech and the emotion. A person angry might have the loudness levels higher than normal while the speech of a person afraid, would have a higher pitch. This project intends to analyze these features and establish a co-relation between the acoustic features and the emotion expressed, thereby allowing the prediction of emotion from a given voice sample. Emotion recognition is a hot topic that’s been on research for decades, which intends to find the nature of audio and the system proposed classifies into the seven basic human emotions, anger, boredom, sadness, neutral, happiness, fear and disgust. Today’s advanced technologies consistsoftools for efficient retrieval, analysis and classification of auditory data into different classes. In today’s digital world lot ofdata is available for emotional analysis from image, text, audio and video through media networks like YouTube, soundcloud etc., However, they raise concerns on privacy and copyright laws. A well-defined labelled dataset can be obtained through the berlin database of emotional speech, a database purely for research. Supervised machine learning techniques are therefore used to train the data for classification later on. The nature of human emotions and their influence on speech provides invaluable insights into how the features of emotion and the underlying emotion are related. This relation may not be consistent with people all over the world, since the ethnicity and culture of various groups largely influence how emotions are expressed. Therefore, a need for machine learning algorithms arise since a distinct hypothesis consisting of continuous static valuesmaynotbe consistent with the emotions expressed by various people. The project presents the application of supervised machine learning techniques such as Naïve Bayes Classifier, Support Vector Machines, and Random Forest classifiers. 2. BACKGROUND A. Dataset The dataset is obtained by extracting featuresfromtheberlin audio database. The berlin datasetconsistsoflinesspokenby various professionalactors, and grouped intothesevenbasic classes of emotion- anger, boredom, sadness, neutral, happiness, fear and disgust. B. Features The distinct attributes of speech that are a result of the influence of human emotionaregenerallyassociatedwiththe frequency,loudness,andtherateofutterance.Thehumanear does not enable the perception of small differences in the frequencies of the sound, but rather, perceives it over a scale known as Mel scale. The frequenciesmappedtotheMelscale, are MFCCs (Mel frequencycepstralcoefficients)andproveto be vital in providing insight about how humans perceive frequency. Other attributes suchasloudness,amplitude,zero crossing rate, and spectral centroid are used as the features that determine the underlying emotion, C. Naive Bayes Classifier Naive Bayes Classifier implements Bayes theorem with a solid independence assumption [1], that the features are independent of each other. Bayes Theorem works on conditional probability which finds out the probability of an event given that some other event has already occurred. It predicts the conditional probability of a class given the set of evidences and finds the most likely class based on the maximum likelihood hypothesis. ThenaiveBayesclassifieris a famous and popular technique because it is much quicker and performs well with less data [2]. The Gaussian naïve Bayes classifier is used in cases where the features are normally distributedand continuous in nature. Forexample, suppose the training data contains a continuous attribute, x. We first segment the data by the class, and then compute the mean and variance of x in each class. Let µk be the mean of the values in x associated with class Ck, and let 𝜎2k be the
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1194 variance of the values x associated withclass Ck. Supposewe have collected some observation value v. Then, the probability distribution of v given a class Ck, p(x=v| Ck), can be computed by plugging v into the equation for a Normal distribution parameterized by µk and 𝜎2k . That is, D. Support Vector Machine Support Vector Machine(SVM) is a supervised learning algorithm that analyses the data and recognizes patterns [3]. Given an input set,SVMclassifiesthemasoneor the other of two categories. SVM can deal with both linear and non-linear classification. With kernel trick, it can efficiently perform non-linear classification. It does so by mapping the input set to high dimensional feature space. The types of kernel include polynomial, Gaussian radial basis function (RBF), Laplace RBF kernel, Hyperbolic tangent kernel and Sigmoidal kernel. Construction of hyper plane is employed by SVM for the classification. Fig. 1.Support vector classification with linear kernel E. Random Forest Classifier Random forest algorithm is a supervised learning algorithm which can be used for both classification and regression. Random forests create decision trees on randomly selected data samples, obtains the predictions from each tree and selects the best solution by means of voting. Random data samples are used to generate decisiontrees,andbasedonthe classification performance of each of thesedecisiontrees,the best sub-decision trees are selected. Random Forest Classifiers are often known to avoid overfitting [4]. I.How random forests work Most of the options depend on twodataobjectsgenerated by random forests. when the training set for the current tree is drawn by sampling with replacement, about one-third of the cases are left out of the sample. This oob (out-of-bag) data is used to get a running unbiased estimate of the classification error as trees are added to the forest. It is also used to getestimatesof variable importance. After each tree is built, all of the data are run down the tree, and proximities are computed for each pair of cases. If two cases occupy the same terminal node, their proximity is increased by one. At the end of the run, the proximities are normalized by dividing by the number of trees. Proximities are used in replacing missing data, locating outliers, and producing illuminating low-dimensional views of the data. II. The out-of-bag (oob) error estimate In random forests, there is noneed forcross-validationor a separate test set to get an unbiased estimate of the test set error. It is estimated internally, during the run, as follows: Each tree is constructed using a different bootstrap sample from the original data. About one-third of the cases are left out of the bootstrap sample and not used in the construction of the kth tree. Each case left out in the construction of the kth tree is put down the kth tree to get a classification. In this way, a test set classification is obtained for each case in about one-third of the trees. At the end of the run, take j to be the class that got most of the votes every time case n was oob. The proportion of times that j is not equal to the true class of n averaged over all cases is the oob error estimate. This has proven to be unbiased in many tests [5]. Fig. 2. Architecture of Random Forest model 3. METHODOLOGY The workflow in this paper is divided into four phases i. Audio pre-processing ii. Feature Extraction iii. Training iv. Testing i. Audio pre-processing An audio signal is a representation of sound, typically using a level of electrical voltage for analog signals, and a series of binary numbers for digital signals. Audio signals have frequencies in the audio frequency range of roughly 20 to 20,000 Hz, which corresponds to the lower and upper limits of human hearing. Audio signals may
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1195 be synthesized directly,ormayoriginateatatransducersuch as a microphone, musical instrument pickup, phonograph cartridge, or tape head. Loudspeakers or headphones convert an electrical audio signal back into sound [6]. Audio files are susceptible to noise hence noise removal and enhancement of speech signal is necessary for the retrieval of desired features, which are helpful in creating an efficient model. The logMMSE algorithm explained in [7] is used for the noise reduction and enhancement of speech signal. ii. Feature Extraction The human earislargelysensitivetochangesinfrequency of sounds having less frequency i.e. the human ear is capable of distinguishing low frequency sounds and this capability decreases as the frequency rangeincreases.Thisnecessitates the formulation of the Mel scale of frequency which is analogous to what the human ear can hear. The quantity MFCC represents the human hearing equivalentoffrequency and pitch, the features which contain maximum emotional data. The steps to compute the MFCCs of a given audio sample are as follows: 1 Application of Fourier transform over the obtained power spectrum, 2 Application of Mel filter banks to the transformed power spectra, summing up the energies, 3 Taking logarithms of the energies computed. 4 Taking the discrete cosine transform of the logarithms of the filter bank energies. 5 Retention of coefficients 1-13and discardingtherest Zero crossing rateis another quantity that representsthe frequency of the sound. Zerocrossing rate is a measureofthe number of times the amplitude of the sound waves crosses zero, which essentially gives a measure of the frequency of the wave. Spectral centroid characterizes the spectrum. It gives a measure of the location of the “centre of mass” of the spectrum. It is mathematically computed as the weighted mean of frequencies determined by Fourier transforms. The MFCCs, zero crossing rate, and the spectral centroid, after scaling and transformation,formthefeaturesthatareto be used as attributes to train a machine learning model. iii. Training Three Predictive models are created using naïve Bayes, support vector machine and Random Forest algorithms which were discussed afore. The data file would contain seventeen columns with thirteen columns representing thirteen MFCCcoefficients necessaryforspeechanalysis,and three other columnsrepresentingzero-crossingrate,spectral centroid and standard deviation of MFCC coefficients respectively and finalcolumncontaining the valuesfromone to seven representing the seven emotions. The model is trained on the basis of these seventeen features. iv. Testing In testing phase, the 30% of data which was split randomly from the dataset is tested on the predictive model. The test data is pre-processed and classified into one of the seven emotions Anger, Happiness, Disgust, Sad, Fear, Boredom and Neutral. 4. RESULTS The results are evaluated on the basis of accuracy, precision and recall. TABLE I. CONFUSION MATRIX PARAMETERS True Positives (TP) - These are the correctly predicted positive values which means that the value of actual class is yes and the value of predicted class is also yes. True Negatives (TN) - These are the correctly predicted negative values which means that the value of actual class is no and value of predicted class is also no False Positives (FP) – When actual classisnoandpredicted class is yes. False Negatives (FN) – When actual class is yes but predicted class in no. Accuracy - Accuracy is simply a ratio of correctly predicted observation to the total observations. The formula to find accuracy is given by, Accuracy = Precision - Precision is the ratio of correctly predicted positive observations to the total predicted positive observations. Precision is given by, Precision = Recall - Recall is the ratio of correctly predicted positive observations to the all observations in actual class - yes. Recall is given by, Recall =
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 05 | May 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 1196 Gaussian Naïve Bayes algorithm gave an output of about 0.8571 accuracy, 0.8567 recall, 0.8563 precision and the confusion matrix is as shown below Fig. 3.Confusion Matrix for Gaussian Naïve Bayes algorithm Support vector machine algorithm gave an output of about 0.8809 accuracy, 0.8832 recall, 0.8821 precision and the confusion matrix is as shown below Fig. 4.Confusion Matrix for support vector machine algorithm Random Forest algorithm gave an output of about 0.7857 accuracy, 0.7753 recall, 0.7748 precision and the confusion matrix is as shown below Fig. 5.Confusion Matrix for Random Forest algorithm TABLE II. RESULTS PERFORMANCE METRICS ALGORITHM ACCURACY PRECISION RECALL GAUSSIAN NAÏVE BAYES 0.8571 0.8567 0.8563 SUPPORT VECTOR MACHINE 0.8809 0.8832 0.8821 RANDOM FOREST 0.7857 0.7753 0.7748 5. CONCLUSION Based on the above observations, we can conclude that for the context of emotion recognition SVM has performed well since the accuracy is higher for SVM. Even though human level accuracy is not achieved, the result obtained is good enough and can be used for further research. The proposed system may be assimilated with existing systems thatdetect emotion based on visual data, wherein the detection is carried out based on both auditory and visual features. ACKNOWLEDGEMENT Thanks to Dr. Kamalakshi Naganna for their valuable suggestions and thanks to everyone who has given valuable information about technologies through their research papers, journals and conference papers and finallythanksto all my friends and family for their moral support. REFERENCES [1] A. N Hasan, B. Twala, and T. Marwala,Moving Towards Accurate Monitoring and Prediction of Gold Mine Underground Dam Levels, IEEE IJCNN (WCCI) proceedings, Beijing, China, 2014. [2] T.Mitchell, H.McGraw, ”Machine Learning, Second Edition, Chapter One”, January 2010. [3] Xu, Shuo & Li, Yan & Zheng, Wang. (2017). Bayesian Gaussian Naïve Bayes Classifier to Text Classification. 347-352. 10.1007/978-981-10-5041-1_57. [4] https://www.datacamp.com/community/tutorials/rand om-forests-classifier-python [5] https://www.stat.berkeley.edu/~breiman/RandomFore sts/cc_home.htm [6] Hodgson, Jay (2010). Understanding Records, p.1. ISBN 978-1-4411-5607-5. [7] Ephraim, Y. and Malah, D. (1985). Speech enhancement using a minimum mean-square error log-spectral amplitude estimator. IEEE Trans. Acoust., Speech,Signal Process., ASSP-23(2), 443-445.