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: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 225
Machine Learning and Noise Reduction Techniques for Music Genre
Classification
Omkar Chavan1, Nikhil Kharade2, Amol Chaudhari3 , Nikhil Bhalke4, Prof. Pravin Nimbalkar5
1,2,3,4Student, Dept. of Computer Engineering, Imperial College of Engineering and Research, Pune, Maharashtra
5Professor, Dept. of Computer Engineering, Imperial College of Engineering and Research, Pune, Maharashtra
----------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - Classification of music files in the field of music
information retrieval based on the genre is one of the
challenging task to perform manually. In this study we have
applied machine learning and deep learning techniques to
classify music genre automatically, in our approach we have
applied deep learning based convolutional neural networks
to predict genre label of music with the use of spectrogram.
We have proposed the classification by reducing the noise
using audacity noise reduction in that we have used Fourier
analysis to improve audio frequency spectrum. Similarly, we
have also applied supervised machine learning models using
features and compared their performances.
1. INTRODUCTION
With the growth of online content for different
commercial enterprises music is something which is more
popular and should be available on tip of categories which
have different set of audience , it is not easy to sort these
music which in bunch to make it easy for individuals to
listen. So, one way to categorize and organize the music is
in the music genre. Genre is a way of identifying the music
on some characteristic like rhythmic structure, harmonic
content, Emotional content instrumentation and other
factors. Based on genre online music streaming services
like Saavan, Spotify and Wynk music are in demanding
position for such automated classification. In this
approach we have explored the application of machine
learning algorithms to identify and classify the genre of a
given audio file primarily we perform the noise reduction
on given audio file by using noise reduction techniques.
Then the audio file with less noise is provided as input to
first major model Convolutional neural networks, which is
trained end to end on MTL spectrogram of the audio
signal.
2. Related Work
It is observed that the last couple of year investigation
about music information is not discovered, we observe
from the following.
[1]In Hareesh Bahuleyan(2018), Music Genre
Classification using Machine Learning Techniques [1] it
gives the idea about Relegation utilizing Machine Learning
techniques, the work conducted gives an approach to
relegate music automatically by providing tags to the
musical compositions present in the user’s library. It
explores both Neural Network and traditional method of
utilizing Machine Learning algorithms and to achieve their
goal. The first approach uses Convolutional Neural
Network which is trained end to culminate utilizing the
features of Spectrograms (images) of the audio signal. The
second approach uses sundry Machine Learning
algorithms like Logistic Regression, Random forest etc,
where it utilizes hand-crafted features from time domain
and frequency domain of the audio signal. The manually
extracted features like Mel-Frequency Cepstral
Coefficients (MFCC), Chroma Features, Spectral Centroid
etc are habituated to relegate the music into its genres
utilizing ML algorithms like Logistic Regression, Desultory
Forest, Gradient Boosting (XGB), Support Vector Machines
(SVM). By comparing the two approaches discretely they
came to a conclusion that VGG-16 CNN model gave highest
precision. By constructing ensemble classifier of VGG-16
CNN and XGB the optimised model with 0.894 precision
was achieved.
[2]. In Srishti Sharma, Prasenjeet Fulzele, Indu Sreedevi,
Novel Hybrid Model for Music Genre Classification based
on Support Vector Machine. This paper suggested that we
use the Support Vector Machine Algorithm for Music
Genre Classification. They have considered the acoustic
properties for the genre classification. They achieved an
accuracy of 87%.
[3]. In Haojun Li, Siqi Xue, Jialun Zhang Combining CNN
and Classical Algorithms for Music Genre Classification. In
this paper they proposed of using various classification
algorithms like SVM, Logistic Regression and Random
Forest algorithms. What they proposed is that we can use
CNN’s output as features for the other Algorithms. They
found that at times the accuracy of Classical Algorithms
exceeded the accuracy of Neural Networks.
[4]. Iyad Lahsen Cherif, Abdesselem Kortebi, On using
eXtreme Gradient Boosting (XGBoost) Machine Learning
algorithm for Home Network Traffic Classification. In this
paper mostly classification is performed on traffic and its
flow. XG boost classification algorithm is best applied and
has quite better accuracy in classifying as compared to
other supervised machine learning techniques, hence we
got the brief idea about eXtreme Gradient Boosting for
classification in terms of music and audio with good
accuracy.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 226
[5]. Jitendra Kumar Jaiswal, Rita Samikannu, Application of
Random Forest Algorithm on Feature Subset Selection and
Classification and Regression. In this study we observed
that random forest classification handles the classification
smoothly with more higher number of features, as music
genre is type of classification where every detail spectral
features are to be considered to classify, hence random
forest best fits for classifying and representing the
differing features of processed audio and related dataset
features.
3. Proposed system
3.1 Noise reduction:
The Noise Reduction algorithm uses Fourier analysis. It
finds the spectrum of pristine tones that make up the
background noise in the susurration segment that you
culled - that's called the "frequency spectrum" of the
sound. That forms a dactylogram of the static background
noise in your sound file. When you reduce noise from the
sound holistically, the algorithm finds the frequency
spectrum of each short segment of sound. Any pristine
tones that aren't adequately louder than their average
levels in the dactylogram are reduced in volume. That way,
(verbally express) a guitar note or an overtone of the
singer's voice are preserved, but hiss, hum, and other
steady noises can be minimized. The general technique is
called spectral noise gating. The first pass of noise
reduction is done over just noise. For each windowed
sample of the sound, we take a Expeditious Fourier
Transform (FFT) [6] utilizing a Hann window and then
statistics, including the mean potency, are tabulated for
each frequency band.
During the noise reduction phase, those statistics and the
Sensitivity setting determine a threshold for each
frequency band. We commence by setting a gain control
for each frequency band such that if the sound has
exceeded the threshold, the gain is set to 0 dB, otherwise
the gain is set lower to the Noise Reduction slider setting
(e.g. -18 dB), to suppress the noise. The gain controls are
then applied to the involute FFT of the signal and the
inverse FFT applied, followed by another Hann window.
The output signal is then pieced together utilizing
overlap/integrate of one-fourth the window size.
3.2 Deep Learning model
With deep learning algorithms, we can achieve the task of
music genre relegation without hand-crafted features.
Convolutional neural networks (CNNs) prove to be a great
call for relegating images. The 3-channel (R-G-B) matrix of
an image is given to a CNN which then trains itself on
those images. In this study, the sound wave can be
represented as a spectrogram, which can be treated as an
image.
3.2.1 Spectogram generation
A spectrogram is a 2D representation of a signal, having
time on the x-axis and frequency on the y-axis. In this
study, each audio signal was converted into a MEL
spectrogram (having MEL frequency bins on the y-axis).
The parameters used to engender the puissance
spectrogram utilizing STFT.
3.2.2 Convolutional Neural Networks (CNN)
[3] We can optically discern that there subsist some
characteristic patterns in the spectrograms of the audio
signals belonging to different classes. Hence spectrograms
can be considered as ‘images’ and can be given as input to
a CNN.
3.2.2.1 CNN Functionality
Each block in a CNN consists of the following operations:
Convolution: This step involves a matrix filter (verbally
express 3x3 size) that is moved over the input image
which is of dimension image width x image height. The
filter is first placed on the image matrix and then we
compute an element-sagacious multiplication between the
filter and the overlapping portion of the image, followed
by a summation to give a feature value.
Pooling: This method is utilized to reduce the dimension
of the feature map obtained from the convolution step. By
max pooling with 2x2 window size, we only retain the
element with the maximum value among the 4 elements of
the feature map that are covered in this window. We move
this window across the feature map with a predefined
stride.
Non-linear Activation: The convolution operation is
linear and in order to make the neural network more
potent, we require to introduce some non-linearity. For
this purport, we can apply an activation function such as
Rectifier Linear Unit (ReLU) on each element of the feature
map. The model consists of 3 convolutional blocks (conv
base), followed by a flatten layer which converts a 2D
matrix to a 1D array, which is then followed by a plenarily
connected layer, which outputs the probability that a given
image belongs to each of the possible classes.
Max Pooling layer: The feature maps engendered by the
convolution layer are forwarded to the pooling layer. We
employ 1-max pooling function on a feature map to reduce
it to a single most ascendant feature. Pooling on B × A
feature maps results in B × A features that will be joined to
compose a feature vector inputted to the final SoftMax
layer. This pooling strategy offers a unique advantage.
That is, albeit the dimensionality of the feature maps
varies depending on the length of audio events and the
width of the filters, the pooled feature vectors have the
same size of A × B.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 227
3.3 Machine Learning Classifier Phase
This section provides a brief overview of the machine
learning classifier adopted in this study:
Logistic Regression (LR): This linear classifier is
generally utilized for binary relegation tasks. For this
multi-class relegation task, the LR is implemented as a
one-vs-rest method. That is, 8 separate binary classifiers
are trained. During test time, the class with the highest
probability from among the 8 classifiers is culled as the
presaged class.
Random Forest (RF): Random Forest (RF) is a classifier
which comprises of a set of weak, weakly correlated and
non-biased classifiers, namely the decision trees. It has
been shown that in many cases RF performs equally well
or better than other methods on a diverse set of problems.
[5] It has been widely used in classification problems as
diverse as bioinformatics, medicine or, more recently,
material science, transportation safety, or customer
behaviour. In addition, Random Forest is useful feature
that improves our understanding of a classification
problem under scrutiny, namely it gives estimate of the
importance of attributes for the final prediction.
Gradient Boosting (XGB): The XGBoost classifier uses
extreme gradient boosting, which has been shown to be
effective in a wide variety of tasks, ranging from
recommending jobs to assisting neural networks by
weighting feature importance. In addition to its good
performance, we choose XGBoost for its versatility and
simplicity for parallelization [4].
Support Vector Machines (SVM): A machine learning
technique which is based on the principle of structure risk
minimization is support vector machines. It has numerous
applications in the area of pattern recognition. SVM
constructs linear model based upon support vectors in
order to estimate decision function. If the training data are
linearly separable, then SVM finds the optimal hyperplane
that separates the data without error [2].
4. Architecture
5. CONCLUSION
In this paper we have proposed the integration of noise
reduction module in the system will increase the
probability of getting higher accuracy compared to just
using a model. The inclusion of noise reduction on the
dataset will definitely improve the accuracy of the model.
Also, this inclusion can be used on raw music files.
REFERENCES
[1] Hareesh Bahuleyan.”Music Genre Classification using
Machine learning Techniques”. University Of
Waterloo.ON, Canada.
[2] Srishti Sharma, Prasenjeet Fulzele, Indu Sreedevi.
”Novel Hybrid Model for Music Genre Classification
based on Support Vector Machine”. Delhi Technology
University, IEEE.
[3] Haojun Li, Siqi Xue, Jialun Zhang .”Combining CNN and
Classical Algorithms for Music Genre Classification ``.
Department of CS, Stanford University, ICME, Stanford
University.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 228
[4] Iyad Lahsen Cherif, Abdesselem Kortebi.”On using
eXtreme Gradient Boosting (XGBoost) Machine
Learning algorithm for Home Network Traffic
Classification ` `.Orange Labs Network,2019 IEEE.
[5] Jitendra Kumar Jaiswal, Rita Samikannu.”Application
of Random Forest Algorithm on Feature Subset
Selection and Classification and Regression``. VIT
University, IEEE.
[6] Ahmet Elbir, Hamza Osman ølhan, Gorkem
Serbes,Nizamettin AydÕn.”Short Time Fourier
Transform Based Music Genre Classification ``.Yildiz
Technical University, Istanbul, Turkey, 2018 IEEE.
[7] D. P. Gadekar, N. P. Sable, A. H. Raut, “Exploring Data
Security Scheme into Cloud Using Encryption
Algorithms” International Journal of Recent
Technology and Engineering (IJRTE), Published
By:Blue Eyes Intelligence Engineering & Sciences
Publication, ISSN: 2277-3878, Volume-8 Issue-2,
July2019, DOI: 10.35940/ijrte.B2504.078219, SCOPUS
Journal.
[8] Sable Nilesh Popat*, Y. P. Singh,” Efficient Research on
the Relationship Standard Mining Calculations in Data
Mining” in Journal of Advances in Science and
Technology | Science & Technology, Vol. 14, Issue No.
2, September-2017, ISSN 2230-9659.
[9] Sable Nilesh Popat*, Y. P. Singh,” Analysis and Study
on the Classifier Based Data Mining Methods” in
Journal of Advances in Science and Technology |
Science & Technology, Vol. 14, Issue No. 2, September-
2017, ISSN 2230-9659.
[10] Devendra P Gadekar, Dr. YP Singh,”Study and analysis
of online social networking mining and security
methods” in International Journal of Advanced
Research and Development ISSN: 2455-4030, Volume
2; Issue 4; July 2017; Page No. 450-453
[11] Devendra P Gadekar, Dr. Y P Singh,” Efficiently
Identification of Misrepresentation inSocial Media
Based onRake Algorithm” in International Journal of
Engineering & Technology, 7 (4.36) (2018) 471-474.
[12] Devendra P Gadekar, Dr. Y P Singh,” Content Based
Filtering and Fraud Detection on Social Networking
Sites” Journal of Advances in Science and Technology
Vol. 15, Issue No. 1, March-2018, ISSN 2230-9659.

More Related Content

What's hot

Hyperspectral image mixed noise reduction based on improved k svd algorithm
Hyperspectral image mixed noise reduction based on improved k svd algorithmHyperspectral image mixed noise reduction based on improved k svd algorithm
Hyperspectral image mixed noise reduction based on improved k svd algorithmeSAT Publishing House
 
Performance analysis of the convolutional recurrent neural network on acousti...
Performance analysis of the convolutional recurrent neural network on acousti...Performance analysis of the convolutional recurrent neural network on acousti...
Performance analysis of the convolutional recurrent neural network on acousti...journalBEEI
 
Direction of Arrival Estimation Based on MUSIC Algorithm Using Uniform and No...
Direction of Arrival Estimation Based on MUSIC Algorithm Using Uniform and No...Direction of Arrival Estimation Based on MUSIC Algorithm Using Uniform and No...
Direction of Arrival Estimation Based on MUSIC Algorithm Using Uniform and No...IJERA Editor
 
Performance analysis of image filtering algorithms for mri images
Performance analysis of image filtering algorithms for mri imagesPerformance analysis of image filtering algorithms for mri images
Performance analysis of image filtering algorithms for mri imageseSAT Publishing House
 
A HYBRID FILTERING TECHNIQUE FOR ELIMINATING UNIFORM NOISE AND IMPULSE NOIS...
A HYBRID FILTERING TECHNIQUE FOR  ELIMINATING UNIFORM NOISE AND IMPULSE  NOIS...A HYBRID FILTERING TECHNIQUE FOR  ELIMINATING UNIFORM NOISE AND IMPULSE  NOIS...
A HYBRID FILTERING TECHNIQUE FOR ELIMINATING UNIFORM NOISE AND IMPULSE NOIS...sipij
 
Improving the global parameter signal to distortion value in music signals
Improving the global parameter signal to distortion value in music signalsImproving the global parameter signal to distortion value in music signals
Improving the global parameter signal to distortion value in music signalsiaemedu
 
An efficient technique for Image Resolution Enhancement using Discrete and St...
An efficient technique for Image Resolution Enhancement using Discrete and St...An efficient technique for Image Resolution Enhancement using Discrete and St...
An efficient technique for Image Resolution Enhancement using Discrete and St...IRJET Journal
 
Survey of local binary pattern for fire & smoke using
Survey of local binary pattern for fire & smoke usingSurvey of local binary pattern for fire & smoke using
Survey of local binary pattern for fire & smoke usingeSAT Publishing House
 
M.sc. presentation t.bagheri fashkhami
M.sc. presentation t.bagheri fashkhamiM.sc. presentation t.bagheri fashkhami
M.sc. presentation t.bagheri fashkhamitaherbagherif
 
Adaptive noise estimation algorithm for speech enhancement
Adaptive noise estimation algorithm for speech enhancementAdaptive noise estimation algorithm for speech enhancement
Adaptive noise estimation algorithm for speech enhancementHarshal Ladhe
 
International Journal of Engineering Research and Development (IJERD)
International Journal of Engineering Research and Development (IJERD)International Journal of Engineering Research and Development (IJERD)
International Journal of Engineering Research and Development (IJERD)IJERD Editor
 
Frequency based criterion for distinguishing tonal and noisy spectral components
Frequency based criterion for distinguishing tonal and noisy spectral componentsFrequency based criterion for distinguishing tonal and noisy spectral components
Frequency based criterion for distinguishing tonal and noisy spectral componentsCSCJournals
 
Comparative study on image fusion methods in spatial domain
Comparative study on image fusion methods in spatial domainComparative study on image fusion methods in spatial domain
Comparative study on image fusion methods in spatial domainIAEME Publication
 

What's hot (17)

Hyperspectral image mixed noise reduction based on improved k svd algorithm
Hyperspectral image mixed noise reduction based on improved k svd algorithmHyperspectral image mixed noise reduction based on improved k svd algorithm
Hyperspectral image mixed noise reduction based on improved k svd algorithm
 
Performance analysis of the convolutional recurrent neural network on acousti...
Performance analysis of the convolutional recurrent neural network on acousti...Performance analysis of the convolutional recurrent neural network on acousti...
Performance analysis of the convolutional recurrent neural network on acousti...
 
Cq32579584
Cq32579584Cq32579584
Cq32579584
 
H010234144
H010234144H010234144
H010234144
 
Direction of Arrival Estimation Based on MUSIC Algorithm Using Uniform and No...
Direction of Arrival Estimation Based on MUSIC Algorithm Using Uniform and No...Direction of Arrival Estimation Based on MUSIC Algorithm Using Uniform and No...
Direction of Arrival Estimation Based on MUSIC Algorithm Using Uniform and No...
 
Performance analysis of image filtering algorithms for mri images
Performance analysis of image filtering algorithms for mri imagesPerformance analysis of image filtering algorithms for mri images
Performance analysis of image filtering algorithms for mri images
 
Fc4301935938
Fc4301935938Fc4301935938
Fc4301935938
 
A HYBRID FILTERING TECHNIQUE FOR ELIMINATING UNIFORM NOISE AND IMPULSE NOIS...
A HYBRID FILTERING TECHNIQUE FOR  ELIMINATING UNIFORM NOISE AND IMPULSE  NOIS...A HYBRID FILTERING TECHNIQUE FOR  ELIMINATING UNIFORM NOISE AND IMPULSE  NOIS...
A HYBRID FILTERING TECHNIQUE FOR ELIMINATING UNIFORM NOISE AND IMPULSE NOIS...
 
Improving the global parameter signal to distortion value in music signals
Improving the global parameter signal to distortion value in music signalsImproving the global parameter signal to distortion value in music signals
Improving the global parameter signal to distortion value in music signals
 
An efficient technique for Image Resolution Enhancement using Discrete and St...
An efficient technique for Image Resolution Enhancement using Discrete and St...An efficient technique for Image Resolution Enhancement using Discrete and St...
An efficient technique for Image Resolution Enhancement using Discrete and St...
 
Survey of local binary pattern for fire & smoke using
Survey of local binary pattern for fire & smoke usingSurvey of local binary pattern for fire & smoke using
Survey of local binary pattern for fire & smoke using
 
M.sc. presentation t.bagheri fashkhami
M.sc. presentation t.bagheri fashkhamiM.sc. presentation t.bagheri fashkhami
M.sc. presentation t.bagheri fashkhami
 
Adaptive noise estimation algorithm for speech enhancement
Adaptive noise estimation algorithm for speech enhancementAdaptive noise estimation algorithm for speech enhancement
Adaptive noise estimation algorithm for speech enhancement
 
International Journal of Engineering Research and Development (IJERD)
International Journal of Engineering Research and Development (IJERD)International Journal of Engineering Research and Development (IJERD)
International Journal of Engineering Research and Development (IJERD)
 
Mb3421682170
Mb3421682170Mb3421682170
Mb3421682170
 
Frequency based criterion for distinguishing tonal and noisy spectral components
Frequency based criterion for distinguishing tonal and noisy spectral componentsFrequency based criterion for distinguishing tonal and noisy spectral components
Frequency based criterion for distinguishing tonal and noisy spectral components
 
Comparative study on image fusion methods in spatial domain
Comparative study on image fusion methods in spatial domainComparative study on image fusion methods in spatial domain
Comparative study on image fusion methods in spatial domain
 

Similar to IRJET- Machine Learning and Noise Reduction Techniques for Music Genre Classification

A Hybrid Filtering Technique for Random Valued Impulse Noise Elimination on D...
A Hybrid Filtering Technique for Random Valued Impulse Noise Elimination on D...A Hybrid Filtering Technique for Random Valued Impulse Noise Elimination on D...
A Hybrid Filtering Technique for Random Valued Impulse Noise Elimination on D...IDES Editor
 
Random Valued Impulse Noise Elimination using Neural Filter
Random Valued Impulse Noise Elimination using Neural FilterRandom Valued Impulse Noise Elimination using Neural Filter
Random Valued Impulse Noise Elimination using Neural FilterEditor IJCATR
 
Recognition of music genres using deep learning.
Recognition of music genres using deep learning.Recognition of music genres using deep learning.
Recognition of music genres using deep learning.IRJET Journal
 
Audio Classification using Artificial Neural Network with Denoising Algorithm...
Audio Classification using Artificial Neural Network with Denoising Algorithm...Audio Classification using Artificial Neural Network with Denoising Algorithm...
Audio Classification using Artificial Neural Network with Denoising Algorithm...IRJET Journal
 
Performance analysis of image filtering algorithms for mri images
Performance analysis of image filtering algorithms for mri imagesPerformance analysis of image filtering algorithms for mri images
Performance analysis of image filtering algorithms for mri imageseSAT Publishing House
 
International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)ijceronline
 
IRJET- A Survey on Sound Recognition
IRJET- A Survey on Sound RecognitionIRJET- A Survey on Sound Recognition
IRJET- A Survey on Sound RecognitionIRJET Journal
 
A novel speech enhancement technique
A novel speech enhancement techniqueA novel speech enhancement technique
A novel speech enhancement techniqueeSAT Publishing House
 
IRJET- Music Genre Classification using SVM
IRJET- Music Genre Classification using SVMIRJET- Music Genre Classification using SVM
IRJET- Music Genre Classification using SVMIRJET Journal
 
Noise Level Estimation for Digital Images Using Local Statistics and Its Appl...
Noise Level Estimation for Digital Images Using Local Statistics and Its Appl...Noise Level Estimation for Digital Images Using Local Statistics and Its Appl...
Noise Level Estimation for Digital Images Using Local Statistics and Its Appl...TELKOMNIKA JOURNAL
 
IRJET- Music Genre Classification using MFCC and AANN
IRJET- Music Genre Classification using MFCC and AANNIRJET- Music Genre Classification using MFCC and AANN
IRJET- Music Genre Classification using MFCC and AANNIRJET Journal
 
IRJET- A Personalized Music Recommendation System
IRJET- A Personalized Music Recommendation SystemIRJET- A Personalized Music Recommendation System
IRJET- A Personalized Music Recommendation SystemIRJET Journal
 
An Efficient Image Denoising Approach for the Recovery of Impulse Noise
An Efficient Image Denoising Approach for the Recovery of Impulse NoiseAn Efficient Image Denoising Approach for the Recovery of Impulse Noise
An Efficient Image Denoising Approach for the Recovery of Impulse NoisejournalBEEI
 
Ijarcet vol-2-issue-4-1347-1351
Ijarcet vol-2-issue-4-1347-1351Ijarcet vol-2-issue-4-1347-1351
Ijarcet vol-2-issue-4-1347-1351Editor IJARCET
 
IRJET- A Review on Audible Sound Analysis based on State Clustering throu...
IRJET-  	  A Review on Audible Sound Analysis based on State Clustering throu...IRJET-  	  A Review on Audible Sound Analysis based on State Clustering throu...
IRJET- A Review on Audible Sound Analysis based on State Clustering throu...IRJET Journal
 

Similar to IRJET- Machine Learning and Noise Reduction Techniques for Music Genre Classification (20)

A Hybrid Filtering Technique for Random Valued Impulse Noise Elimination on D...
A Hybrid Filtering Technique for Random Valued Impulse Noise Elimination on D...A Hybrid Filtering Technique for Random Valued Impulse Noise Elimination on D...
A Hybrid Filtering Technique for Random Valued Impulse Noise Elimination on D...
 
1801 1805
1801 18051801 1805
1801 1805
 
1801 1805
1801 18051801 1805
1801 1805
 
Random Valued Impulse Noise Elimination using Neural Filter
Random Valued Impulse Noise Elimination using Neural FilterRandom Valued Impulse Noise Elimination using Neural Filter
Random Valued Impulse Noise Elimination using Neural Filter
 
Recognition of music genres using deep learning.
Recognition of music genres using deep learning.Recognition of music genres using deep learning.
Recognition of music genres using deep learning.
 
Audio Classification using Artificial Neural Network with Denoising Algorithm...
Audio Classification using Artificial Neural Network with Denoising Algorithm...Audio Classification using Artificial Neural Network with Denoising Algorithm...
Audio Classification using Artificial Neural Network with Denoising Algorithm...
 
Performance analysis of image filtering algorithms for mri images
Performance analysis of image filtering algorithms for mri imagesPerformance analysis of image filtering algorithms for mri images
Performance analysis of image filtering algorithms for mri images
 
International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)International Journal of Computational Engineering Research(IJCER)
International Journal of Computational Engineering Research(IJCER)
 
IRJET- A Survey on Sound Recognition
IRJET- A Survey on Sound RecognitionIRJET- A Survey on Sound Recognition
IRJET- A Survey on Sound Recognition
 
A novel speech enhancement technique
A novel speech enhancement techniqueA novel speech enhancement technique
A novel speech enhancement technique
 
IRJET- Music Genre Classification using SVM
IRJET- Music Genre Classification using SVMIRJET- Music Genre Classification using SVM
IRJET- Music Genre Classification using SVM
 
Noise Level Estimation for Digital Images Using Local Statistics and Its Appl...
Noise Level Estimation for Digital Images Using Local Statistics and Its Appl...Noise Level Estimation for Digital Images Using Local Statistics and Its Appl...
Noise Level Estimation for Digital Images Using Local Statistics and Its Appl...
 
IRJET- Music Genre Classification using MFCC and AANN
IRJET- Music Genre Classification using MFCC and AANNIRJET- Music Genre Classification using MFCC and AANN
IRJET- Music Genre Classification using MFCC and AANN
 
IRJET- A Personalized Music Recommendation System
IRJET- A Personalized Music Recommendation SystemIRJET- A Personalized Music Recommendation System
IRJET- A Personalized Music Recommendation System
 
T26123129
T26123129T26123129
T26123129
 
An Efficient Image Denoising Approach for the Recovery of Impulse Noise
An Efficient Image Denoising Approach for the Recovery of Impulse NoiseAn Efficient Image Denoising Approach for the Recovery of Impulse Noise
An Efficient Image Denoising Approach for the Recovery of Impulse Noise
 
Ijarcet vol-2-issue-4-1347-1351
Ijarcet vol-2-issue-4-1347-1351Ijarcet vol-2-issue-4-1347-1351
Ijarcet vol-2-issue-4-1347-1351
 
N017428692
N017428692N017428692
N017428692
 
IRJET- A Review on Audible Sound Analysis based on State Clustering throu...
IRJET-  	  A Review on Audible Sound Analysis based on State Clustering throu...IRJET-  	  A Review on Audible Sound Analysis based on State Clustering throu...
IRJET- A Review on Audible Sound Analysis based on State Clustering throu...
 
L0440285459
L0440285459L0440285459
L0440285459
 

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

Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxDeepakSakkari2
 
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ
 
Past, Present and Future of Generative AI
Past, Present and Future of Generative AIPast, Present and Future of Generative AI
Past, Present and Future of Generative AIabhishek36461
 
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
 
complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...asadnawaz62
 
Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.eptoze12
 
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionSachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionDr.Costas Sachpazis
 
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
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and usesDevarapalliHaritha
 
Electronically Controlled suspensions system .pdf
Electronically Controlled suspensions system .pdfElectronically Controlled suspensions system .pdf
Electronically Controlled suspensions system .pdfme23b1001
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineeringmalavadedarshan25
 
Application of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptxApplication of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptx959SahilShah
 
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfCCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfAsst.prof M.Gokilavani
 
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
 

Recently uploaded (20)

Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptx
 
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptxExploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
 
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCRCall Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
Call Us -/9953056974- Call Girls In Vikaspuri-/- Delhi NCR
 
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
VICTOR MAESTRE RAMIREZ - Planetary Defender on NASA's Double Asteroid Redirec...
 
Past, Present and Future of Generative AI
Past, Present and Future of Generative AIPast, Present and Future of Generative AI
Past, Present and Future of Generative AI
 
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
 
complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...complete construction, environmental and economics information of biomass com...
complete construction, environmental and economics information of biomass com...
 
Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.Oxy acetylene welding presentation note.
Oxy acetylene welding presentation note.
 
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
🔝9953056974🔝!!-YOUNG call girls in Rajendra Nagar Escort rvice Shot 2000 nigh...
 
★ 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
 
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective IntroductionSachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
Sachpazis Costas: Geotechnical Engineering: A student's Perspective Introduction
 
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Serviceyoung call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
 
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...
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and uses
 
Electronically Controlled suspensions system .pdf
Electronically Controlled suspensions system .pdfElectronically Controlled suspensions system .pdf
Electronically Controlled suspensions system .pdf
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineering
 
young call girls in Green Park🔝 9953056974 🔝 escort Service
young call girls in Green Park🔝 9953056974 🔝 escort Serviceyoung call girls in Green Park🔝 9953056974 🔝 escort Service
young call girls in Green Park🔝 9953056974 🔝 escort Service
 
Application of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptxApplication of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptx
 
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfCCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
 
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
 

IRJET- Machine Learning and Noise Reduction Techniques for Music Genre Classification

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 225 Machine Learning and Noise Reduction Techniques for Music Genre Classification Omkar Chavan1, Nikhil Kharade2, Amol Chaudhari3 , Nikhil Bhalke4, Prof. Pravin Nimbalkar5 1,2,3,4Student, Dept. of Computer Engineering, Imperial College of Engineering and Research, Pune, Maharashtra 5Professor, Dept. of Computer Engineering, Imperial College of Engineering and Research, Pune, Maharashtra ----------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - Classification of music files in the field of music information retrieval based on the genre is one of the challenging task to perform manually. In this study we have applied machine learning and deep learning techniques to classify music genre automatically, in our approach we have applied deep learning based convolutional neural networks to predict genre label of music with the use of spectrogram. We have proposed the classification by reducing the noise using audacity noise reduction in that we have used Fourier analysis to improve audio frequency spectrum. Similarly, we have also applied supervised machine learning models using features and compared their performances. 1. INTRODUCTION With the growth of online content for different commercial enterprises music is something which is more popular and should be available on tip of categories which have different set of audience , it is not easy to sort these music which in bunch to make it easy for individuals to listen. So, one way to categorize and organize the music is in the music genre. Genre is a way of identifying the music on some characteristic like rhythmic structure, harmonic content, Emotional content instrumentation and other factors. Based on genre online music streaming services like Saavan, Spotify and Wynk music are in demanding position for such automated classification. In this approach we have explored the application of machine learning algorithms to identify and classify the genre of a given audio file primarily we perform the noise reduction on given audio file by using noise reduction techniques. Then the audio file with less noise is provided as input to first major model Convolutional neural networks, which is trained end to end on MTL spectrogram of the audio signal. 2. Related Work It is observed that the last couple of year investigation about music information is not discovered, we observe from the following. [1]In Hareesh Bahuleyan(2018), Music Genre Classification using Machine Learning Techniques [1] it gives the idea about Relegation utilizing Machine Learning techniques, the work conducted gives an approach to relegate music automatically by providing tags to the musical compositions present in the user’s library. It explores both Neural Network and traditional method of utilizing Machine Learning algorithms and to achieve their goal. The first approach uses Convolutional Neural Network which is trained end to culminate utilizing the features of Spectrograms (images) of the audio signal. The second approach uses sundry Machine Learning algorithms like Logistic Regression, Random forest etc, where it utilizes hand-crafted features from time domain and frequency domain of the audio signal. The manually extracted features like Mel-Frequency Cepstral Coefficients (MFCC), Chroma Features, Spectral Centroid etc are habituated to relegate the music into its genres utilizing ML algorithms like Logistic Regression, Desultory Forest, Gradient Boosting (XGB), Support Vector Machines (SVM). By comparing the two approaches discretely they came to a conclusion that VGG-16 CNN model gave highest precision. By constructing ensemble classifier of VGG-16 CNN and XGB the optimised model with 0.894 precision was achieved. [2]. In Srishti Sharma, Prasenjeet Fulzele, Indu Sreedevi, Novel Hybrid Model for Music Genre Classification based on Support Vector Machine. This paper suggested that we use the Support Vector Machine Algorithm for Music Genre Classification. They have considered the acoustic properties for the genre classification. They achieved an accuracy of 87%. [3]. In Haojun Li, Siqi Xue, Jialun Zhang Combining CNN and Classical Algorithms for Music Genre Classification. In this paper they proposed of using various classification algorithms like SVM, Logistic Regression and Random Forest algorithms. What they proposed is that we can use CNN’s output as features for the other Algorithms. They found that at times the accuracy of Classical Algorithms exceeded the accuracy of Neural Networks. [4]. Iyad Lahsen Cherif, Abdesselem Kortebi, On using eXtreme Gradient Boosting (XGBoost) Machine Learning algorithm for Home Network Traffic Classification. In this paper mostly classification is performed on traffic and its flow. XG boost classification algorithm is best applied and has quite better accuracy in classifying as compared to other supervised machine learning techniques, hence we got the brief idea about eXtreme Gradient Boosting for classification in terms of music and audio with good accuracy.
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 226 [5]. Jitendra Kumar Jaiswal, Rita Samikannu, Application of Random Forest Algorithm on Feature Subset Selection and Classification and Regression. In this study we observed that random forest classification handles the classification smoothly with more higher number of features, as music genre is type of classification where every detail spectral features are to be considered to classify, hence random forest best fits for classifying and representing the differing features of processed audio and related dataset features. 3. Proposed system 3.1 Noise reduction: The Noise Reduction algorithm uses Fourier analysis. It finds the spectrum of pristine tones that make up the background noise in the susurration segment that you culled - that's called the "frequency spectrum" of the sound. That forms a dactylogram of the static background noise in your sound file. When you reduce noise from the sound holistically, the algorithm finds the frequency spectrum of each short segment of sound. Any pristine tones that aren't adequately louder than their average levels in the dactylogram are reduced in volume. That way, (verbally express) a guitar note or an overtone of the singer's voice are preserved, but hiss, hum, and other steady noises can be minimized. The general technique is called spectral noise gating. The first pass of noise reduction is done over just noise. For each windowed sample of the sound, we take a Expeditious Fourier Transform (FFT) [6] utilizing a Hann window and then statistics, including the mean potency, are tabulated for each frequency band. During the noise reduction phase, those statistics and the Sensitivity setting determine a threshold for each frequency band. We commence by setting a gain control for each frequency band such that if the sound has exceeded the threshold, the gain is set to 0 dB, otherwise the gain is set lower to the Noise Reduction slider setting (e.g. -18 dB), to suppress the noise. The gain controls are then applied to the involute FFT of the signal and the inverse FFT applied, followed by another Hann window. The output signal is then pieced together utilizing overlap/integrate of one-fourth the window size. 3.2 Deep Learning model With deep learning algorithms, we can achieve the task of music genre relegation without hand-crafted features. Convolutional neural networks (CNNs) prove to be a great call for relegating images. The 3-channel (R-G-B) matrix of an image is given to a CNN which then trains itself on those images. In this study, the sound wave can be represented as a spectrogram, which can be treated as an image. 3.2.1 Spectogram generation A spectrogram is a 2D representation of a signal, having time on the x-axis and frequency on the y-axis. In this study, each audio signal was converted into a MEL spectrogram (having MEL frequency bins on the y-axis). The parameters used to engender the puissance spectrogram utilizing STFT. 3.2.2 Convolutional Neural Networks (CNN) [3] We can optically discern that there subsist some characteristic patterns in the spectrograms of the audio signals belonging to different classes. Hence spectrograms can be considered as ‘images’ and can be given as input to a CNN. 3.2.2.1 CNN Functionality Each block in a CNN consists of the following operations: Convolution: This step involves a matrix filter (verbally express 3x3 size) that is moved over the input image which is of dimension image width x image height. The filter is first placed on the image matrix and then we compute an element-sagacious multiplication between the filter and the overlapping portion of the image, followed by a summation to give a feature value. Pooling: This method is utilized to reduce the dimension of the feature map obtained from the convolution step. By max pooling with 2x2 window size, we only retain the element with the maximum value among the 4 elements of the feature map that are covered in this window. We move this window across the feature map with a predefined stride. Non-linear Activation: The convolution operation is linear and in order to make the neural network more potent, we require to introduce some non-linearity. For this purport, we can apply an activation function such as Rectifier Linear Unit (ReLU) on each element of the feature map. The model consists of 3 convolutional blocks (conv base), followed by a flatten layer which converts a 2D matrix to a 1D array, which is then followed by a plenarily connected layer, which outputs the probability that a given image belongs to each of the possible classes. Max Pooling layer: The feature maps engendered by the convolution layer are forwarded to the pooling layer. We employ 1-max pooling function on a feature map to reduce it to a single most ascendant feature. Pooling on B × A feature maps results in B × A features that will be joined to compose a feature vector inputted to the final SoftMax layer. This pooling strategy offers a unique advantage. That is, albeit the dimensionality of the feature maps varies depending on the length of audio events and the width of the filters, the pooled feature vectors have the same size of A × B.
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 227 3.3 Machine Learning Classifier Phase This section provides a brief overview of the machine learning classifier adopted in this study: Logistic Regression (LR): This linear classifier is generally utilized for binary relegation tasks. For this multi-class relegation task, the LR is implemented as a one-vs-rest method. That is, 8 separate binary classifiers are trained. During test time, the class with the highest probability from among the 8 classifiers is culled as the presaged class. Random Forest (RF): Random Forest (RF) is a classifier which comprises of a set of weak, weakly correlated and non-biased classifiers, namely the decision trees. It has been shown that in many cases RF performs equally well or better than other methods on a diverse set of problems. [5] It has been widely used in classification problems as diverse as bioinformatics, medicine or, more recently, material science, transportation safety, or customer behaviour. In addition, Random Forest is useful feature that improves our understanding of a classification problem under scrutiny, namely it gives estimate of the importance of attributes for the final prediction. Gradient Boosting (XGB): The XGBoost classifier uses extreme gradient boosting, which has been shown to be effective in a wide variety of tasks, ranging from recommending jobs to assisting neural networks by weighting feature importance. In addition to its good performance, we choose XGBoost for its versatility and simplicity for parallelization [4]. Support Vector Machines (SVM): A machine learning technique which is based on the principle of structure risk minimization is support vector machines. It has numerous applications in the area of pattern recognition. SVM constructs linear model based upon support vectors in order to estimate decision function. If the training data are linearly separable, then SVM finds the optimal hyperplane that separates the data without error [2]. 4. Architecture 5. CONCLUSION In this paper we have proposed the integration of noise reduction module in the system will increase the probability of getting higher accuracy compared to just using a model. The inclusion of noise reduction on the dataset will definitely improve the accuracy of the model. Also, this inclusion can be used on raw music files. REFERENCES [1] Hareesh Bahuleyan.”Music Genre Classification using Machine learning Techniques”. University Of Waterloo.ON, Canada. [2] Srishti Sharma, Prasenjeet Fulzele, Indu Sreedevi. ”Novel Hybrid Model for Music Genre Classification based on Support Vector Machine”. Delhi Technology University, IEEE. [3] Haojun Li, Siqi Xue, Jialun Zhang .”Combining CNN and Classical Algorithms for Music Genre Classification ``. Department of CS, Stanford University, ICME, Stanford University.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 228 [4] Iyad Lahsen Cherif, Abdesselem Kortebi.”On using eXtreme Gradient Boosting (XGBoost) Machine Learning algorithm for Home Network Traffic Classification ` `.Orange Labs Network,2019 IEEE. [5] Jitendra Kumar Jaiswal, Rita Samikannu.”Application of Random Forest Algorithm on Feature Subset Selection and Classification and Regression``. VIT University, IEEE. [6] Ahmet Elbir, Hamza Osman ølhan, Gorkem Serbes,Nizamettin AydÕn.”Short Time Fourier Transform Based Music Genre Classification ``.Yildiz Technical University, Istanbul, Turkey, 2018 IEEE. [7] D. P. Gadekar, N. P. Sable, A. H. Raut, “Exploring Data Security Scheme into Cloud Using Encryption Algorithms” International Journal of Recent Technology and Engineering (IJRTE), Published By:Blue Eyes Intelligence Engineering & Sciences Publication, ISSN: 2277-3878, Volume-8 Issue-2, July2019, DOI: 10.35940/ijrte.B2504.078219, SCOPUS Journal. [8] Sable Nilesh Popat*, Y. P. Singh,” Efficient Research on the Relationship Standard Mining Calculations in Data Mining” in Journal of Advances in Science and Technology | Science & Technology, Vol. 14, Issue No. 2, September-2017, ISSN 2230-9659. [9] Sable Nilesh Popat*, Y. P. Singh,” Analysis and Study on the Classifier Based Data Mining Methods” in Journal of Advances in Science and Technology | Science & Technology, Vol. 14, Issue No. 2, September- 2017, ISSN 2230-9659. [10] Devendra P Gadekar, Dr. YP Singh,”Study and analysis of online social networking mining and security methods” in International Journal of Advanced Research and Development ISSN: 2455-4030, Volume 2; Issue 4; July 2017; Page No. 450-453 [11] Devendra P Gadekar, Dr. Y P Singh,” Efficiently Identification of Misrepresentation inSocial Media Based onRake Algorithm” in International Journal of Engineering & Technology, 7 (4.36) (2018) 471-474. [12] Devendra P Gadekar, Dr. Y P Singh,” Content Based Filtering and Fraud Detection on Social Networking Sites” Journal of Advances in Science and Technology Vol. 15, Issue No. 1, March-2018, ISSN 2230-9659.