SlideShare a Scribd company logo
1 of 5
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 691
Literature Survey for Music Genre Classification Using Neural Network
Naman Kothari1, Pawan Kumar2
1PG Student, Department of Computer Application, JAIN (Deemed-To-Be) University Bangalore, Karnataka, India
2Assistant Professor, Department of CS and IT, JAIN (Deemed-To-Be) University, Karnataka, India
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract - Music classification is a field in the field of Music
Recovery (MIR) and sound signal processing research. Neural
Network is a modern way of classifying music. The
classification of music using Neural Networks (NNs) has been
very successful in recent years. Varioussonglibraries, machine
learning technologies, input formats, and the use of Neural
Network are all successful to varying degrees. Spectrograms
produced from time song servants are used as an entry in the
Neural Network (NN) to separate songs into their genres. The
generated spectrograms will be used as a Convolutional
Neural Network (CNN) audio signal input system. The Deep
Learning Approach is used for system training. The main
method of extracting audio features is the Mel Frequency
Cepstral Coefficient (MFCC). The Mel-Frequency Cepstral
Coefficients MFCC is a collection of short-term audiospectrum
signals that have been used in advanced vision and sound
separation techniques.
Key Words: Music Classification,CNN, MIR,spectrogram,
GITZAN, MFCC.…
1.INTRODUCTION
In recent years, machine learning has grown in
popularity. Some machine learning techniques are best
suited depending on the type of applicationandtheavailable
data. Of the various applications, some are more efficient
than others. In general, there are four types of machine
learning algorithms. The most common types of learning
algorithms are: Unsupported reading, supervised learning,
and supervised reading and reinforced reading.
Unattended reading aims to remove useful features
from a blank labelled data set in mind, while supervised
reading creates a mathematical model using a fully labelled
data set. For slightly monitored reading, on the other hand,
use a data set that includes both labelled and non-labelled
information. Learning to strengthen takes a different
approach by using a feedback approach. Learning to
reinforce occurs when a person is rewarded for taking
appropriate treatment or making appropriate predictions.
1.1 Neural Networks
A neural network (NN) is a machine learning
method that is often effective in extracting key elements
from large data sets and producing a work or model that
reflects those features. First, NN uses the training database
to train the model. After model training,NN canbeapplied to
new or previously unselected data points to separate data
using a previously trained model.
A convolutional neural network (CNN) is a type of
central network designedto processthesamememberswith
multiple sides as images. CNN can be used for dual
classification and classification functions in multiple
categories, the only difference being the number of output
classes. An animal data set, for example, can be used to train
an image separator. CNN is provided with a pixel value
vector from the image and an outline segmentdefinedbythe
vector (cat, dog, bird, etc.).
The Deep Neural Network (DNN) is themostwidely
used diagnostic tool, and it assists in the training of a large
gene expression (MFCC) website. These later released
structures are used as training neurons. Due to the selection
and release of acceptable audio elements, the separation of
music is considered a difficult task. The classification of
music is made up of two basic steps:
Extraction: Various features are extracted from the
waveform.
Classification: A classifier is built using the features
extracted from the training data.
1.2Music classification
Music classification is a type of music retrieval
function (MIR) where labels are assigned to music
features such as genre,heartrate,andinstruments.Itis
also associated with concepts such as musical
similarities and musical tastes. People have known
about music since the beginningoftime.Theconceptof
classification of musicallowsustodistinguishbetween
different genres based on their composition and
frequency of hearing. With the increasing variety of
genres around the world, the classification of genres
hasrecentlybecomequitepopular.Theclassificationof
genres is an important step in building a useful
commendation system for this project. The ultimate
goal is to create a machine learning model that can
more accurately classify music samples into different
genres. These audio files will be categorized based on
the minimum frequency and time zone characteristics.
2. LITERATURE SURVEY
In the research conducted by Pelchat and Craig M.
[4], The GTZAN dataset's songs were categorised into seven
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 692
genres and used in [4]. The stereo channels were then
combined into one mono channel, and the music data was
converted into a spectrogram using the SoX (Sound
eXchange) command-line music application utility, which
was then sliced into 128x128 pixel images, and the labelled
spectrogram was used as inputs to the dataset, which was
split into 70% training data, 20% validation data, and 10%
test data. All of the weights were now initialised using the
Xavier initialization method. The first four layers are
convolutional layers with a kernel size of 2x2 and a stride of
two, followed by a max pooling layer. Followingthefirstfour
layers is a fully connected layer in which each output of the
previous layer is fed into each input of the fully connected
layer. This yields a vector of 1024 numbers. After that, a
SoftMax layer is applied to generate seven outputs, one for
each genre. The CNN implementation appearedto beoverfit,
as the accuracy for the training data was 97% versus 47%
for the test data.
In the survey conducted by K. Meenakshi [5], They
used to train the system by categorising the music database
into different genres. After that, each songmustgothrougha
pre-processingstage.FeatureVectorExtractionisperformed
in Python using the librosa package, also known as MFCC.
The Mel Scale Filtering is then performed to obtain the Mel
Frequency Spectrum by [5]. They obtained two types of
feature vectors: Mel Spectrum with 128 coefficients and
MFCC coefficients. ConvNet architectures are built using
three types of layers: Convolutional Layer, Pooling Layer,
and Fully Connected Layer. The database thus obtained is
the MFCC, with a genre array size of 10 arrays. The input
consists of 1000 songs with ten labels. The vectoroffeatures
for MFCC The Anaconda Python package was used for the
evaluation. The learning accuracy of the Mel Spec feature
vector and the MFCC feature vector was found to be 76%
and 47%, respectively.
Research conducted by Nirmal MR [2].Theydiduse
a spectrogram, which is a visual representation of a signal's
frequency spectrum as it variesovertime.Aspectrogramisa
signal's Short TimeFourierTransform(STFT).Spectrograms
are graphs that represent data in both the time and
frequency domains. Two models are used to implement the
convolutional neural network, and their results are
compared in [2].
 User-defined sequential CNN model
 Pre-trained ConvNet (MobileNet)
The classification accuracy of the user-defined CNN model
and MobileNet was 40% and 67%, respectively. Python 3
was used in the LINUX operating system. The deep learning
model used in [2] was built-in Python Keras framework.
The methods used in [3] the stages of the proposed
method were used in their research. Data collection and
selection, pre-processing, feature extraction and selection,
classification, evaluation, and measurement are the
following methodologies used in [3]. This research makes
use of the Spotify music dataset, which contains 228,159
songs across 26 genres and 18 features. To process data
structures and perform data analysis, the Python
programming language is used, along with the Python Data
Analysis Library (PANDAS). In addition, Scikit Learn is used
in this study, which is a package containing important
modules for machine learning projects. Later on, this genre
feature will be used to classify the target. This is done
especially for the learning process that uses the SVM
classifier. Using hyperparameter,theSVM-RBFclassification
was carried out by searching the grid for the best results. K-
fold cross-validation with free random conditions and a
comparison of 80% of training data and 20% of test data.
The accuracy for the SVM, KNN, and NB was 80%, 77.18%,
and 76.08%, respectively, in [3].
In the paper [6], Mingwen Dong states that they
used deep learning, particularly convolutional networks
(CNNs), which has lately been used successfullyincomputer
vision and speech recognition. In the process of Musical
Information Retrieval (MIR) one specific example is music
genre classification. MFCC (Mel-frequency cepstral
coefficients), texture, beat, and other human-engineered
features have traditionally yielded 61% accuracy in the 10-
genre classification task. They used a "divide-and-conquer"
method to solve the problem: they split the spectrogram of
the music signal into consecutive 3-second segments, made
predictions for each segment, and then combined the
predictions. [6] used the mel-spectrogramastheinputto the
CNN to further reduce the dimensionofthespectrogram. For
Prediction and Training 1000s of music tracks (convertedto
Mel-Spectrogram) are evenly divided into training,
validation, and testing sets in a 5:2:3 ratio. Duringtesting, all
music (Mel-Spectrogram) is divided into 3-secondsegments
with 50% overlap. The trained neural network thenpredicts
the probabilities of each genre for each segment in [6].Their
model is the first to achieve human-level 70% accuracy in
the 10-genre classification.
Many researchers have worked on researching
musical parameters and methods for classifying them into
different genres. They have used a variety of NN approaches
to try to replicate these skills, with varying degrees of
success. Shazam is most renowned for being able to identify
a song's title and artist after just a few seconds of listening.
Shazam uses a mechanism known as a song's "signature,"
according to [2]. Shazam describes a song'strademark asthe
song's spectrogram's big peaksinamplitude.Theuseofdeep
learning, particularly convolutional networks (CNNs), has
lately been used successfully in computer vision and speech
recognition. In Music Information Retrieval (MIR), Using
audio spectrogramandMFCC,a DeepNeural Network (DNN)
was developed to improve music genre classification
performance.
Spectrograms are Short Time Fourier Transforms
(STFT) of a signal in the time and frequency domain. The
spectrogram image is a good representationoftheaudioclip.
Extracting features from such a large collection of music is a
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 693
time-consuming procedure. The GTZAN dataset is a widely
used musical genre database for model feeding. The GTZAN
dataset was gathered by Tzanetakis andCook [7][14].There
are thousands of song snippets in ten different genres,
relatively evenly distributed: Blues,Classical,Country,Disco,
Hip Hop, Jazz, Metal, Pop, Reggae, and Rock.
TensorFlow is an implementation of a neural
network as a deep convolutional neural network using
TensorFlow [7]. All the weights can be initialized for the
input vector, which will bea 128x128pixel spectrogram. The
first four layers are convolutional layers witha kernel size of
2x2 with a stride of two and a max-pooling layer after each
successive layer. After the first four layers, there is a fully
connected layer where each output of the last layer is fed
into each input of the fully connected layer. A SoftMax layer
is then applied to get different outputs that represent each
genre [4].
3. SYSTEM DESIGN & ANALYSIS
In my research, the major categories of musicgenre
to achieve the goal are:Dataset,Data Pre-Processing,Feature
Extraction from Dataset and Training & Testing Model.
3.1 Dataset
The GTZAN Database is used to enter data into the
system because it is a collection offreeaccessiblesongsfrom
many genres. The collection is made up of thousands of
audio tracks divided into 10 different genres. This database
includes blues, classical, country, disco, hip-hop, jazz, metal,
pop, reggae, and rock music. Music data on the GTZAN
database is taken at 22050 Hz and lasts for about 30
seconds, a total of 22020 x 30 = 661500 samples. For each a
smooth window of 2048 samples, with a change of 1024
samples, as calculated during the study, all the results
provided below are rated at more than ten runs, and the
accuracy of the sections was selected as metric performance
metrics.
MUSIC GENRE NUMBER OF SONGS
Blues 1000
Classical 1000
Country 1000
Folk 1000
Hip-Hop 1000
Jazz 1000
Metal 1000
Electronic 1000
Reggae 1000
Rock 1000
TOTAL 10000
3.2 Data Pre-processing
At this stage, each music signal is first converted from a
waveform to a mel-spectrogramwitha time windowof23ms
and passed through the Librosa package. The mel-
spectrogram is then converted to a log to set values from
different mel scales to the same range. Themel-spectrogram
has a simpler understanding of the PCA-whitening method
because it is a biologically inspired image [6]. Training and
testing data were distributed, 80% of training data and 20%
of test data distributed.
3.3 Feature Extraction from Dataset
The librosa module in Python is used for Feature Vector
Extraction. This software is used for audio analysis only.
Each audio file is extracted and the vector feature is
calculated. By recording approximately, the type of log
energy spectrum on the Mel-frequency scale, MFCCs
incorporate timbral features of the music signal.
Mel Spectrogram: Mel-Spectrogram mimicshumangenetic
makeup by producing a representationofthetimefrequency
of sound. The magnitude spectrum is computerized from
time series data and mapped to mel scale.
3.4 Training & Testing of Model
10,000 music tracks (converted to mel-spectrogram) are
evenly divided into training, validation, and testing sets in a
5:2:3 ratio. The following is the training procedure:
a) Selection of a subset of track from the training set.
b) Take 3-second continuous segments from all selected
tunes and sample a starting point at random.
c) Calculate the gradients using the back-propagation
algorithm with the segments as input and the original music
labels as target genres.
d) Update the weights using the gradients.
Fig -1: System Design Process
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 694
e) Repeat the procedure until the classification accuracy on
the cross-validation data set no longer improves.
During testing,all music(mel-spectrogram) isdivided into
3-second chunks with 50% overlap. The trained neural
network then forecasts the odds of each genre for each
section. The genre with the highest averaged probability is
the genre predicted for each piece of music.
3.5 Convolutional Neural Network Model
Convolutional Neural Network (CNN) is made up of one
or more dynamic layers followed by one or more fully
connected layers, such as a normal neural multilayer
network. This step involves passing a matrix filter (say,3x3)
over the inserted image, which is a size (image_width x
image_height). The filter is first applied to the image matrix,
and then the intelligent repetition of the element between
the filter and the image area is calculated, followed by a
summary to give the element value. The model is madeup of
four convolutional layers. Each layer is made up of a
convolutional filter, a ReLU activation function, and a mass
integration layer to reduce the size. There isa flatlayeranda
stop layer before entering the neural network. The flat layer
converts the image tensor into a vector. This vector is a
neural network input. To prevent overcrowding, a stopping
layer is applied. The neural network is made up of a dense
layer of 512 nodes and an outgoing layer withnodes equal to
the number of classes to be separated.
4. CONCLUSIONS
This project presents a Music Genre Classification
application that employs neural network techniques. There
are a number of different audio feature extraction
techniques, and it was decided that MFCC would be the best
fit for this project. To train our model and perform
classification on our dataset, we used KNN and CNN
algorithms. This paper demonstrates a music genre
classification system based on Neural Networks. Music
classification is a type of music information retrieval (MIR)
activity in which labels are assigned to musical elements
such as genre, mood, and instrumentation. The librosa
library, which is based on Python, assists in extracting
features and hence in supplying acceptable parameters for
network training. As a result, this system appears to be
promising for categorizing a large database ofmusicintothe
appropriate genre.
The CNN module was employed as the feature
extractor to learn mid-level and high-level features fromthe
spectrograms. CNNs are biologically inspired multilayer
perceptron variations. In this work, we make use of Audio
Set, which is a large-scale human annotated database of
sounds. A music collection of songs was used, divided into
several genres. Then, slicing up the larger spectrograms into
128-pixel wide PNGs, which represent 2.56 seconds of a
given song. The GTZAN dataset will be used here. There are
ten classes (10 music genres) with 1000 audio tracks each.
The tracks are all in.wav format. It includes audio tracks
from the ten genres listed below. Blues, classical, country,
disco, hip hop, jazz, metal, pop, reggae, and rock are some of
the genres represented. The GTZAN dataset has long been
used as a standard for determining music genre
classification, and MFCC spectrograms are also used to
preprocess the tracks. MFCC spectrograms were used.
REFERENCES
[1] https://www.kaggle.com/andradaolteanu/gtzan-
dataset-music-genre-classification
[2] Nirmal M R, “Music Genre Classification using
Spectrograms”, International Conference on Power,
Instrumentation, Control and Computing (PICC) – 2020.
[3] De Rosal Ignatius Moses Setiadi, Dewangga Satriya
Rahardwika, Candra Irawan, Desi Purwanti
Kusumaningrum, “Comparison of SVM, KNN, and NB
Classifier for Genre Music Classification based on
Metadata”, International Seminar on Application for
Technology of Information and Communication
(iSemantic) – 2020.
[4] Nikki Pelchat and Craig M. Gelowitz, “Neural Network
Music Genre Classification”, IEEE Canadian Conference
of Electrical and Computer Engineering(CCECE)– 2019.
[5] K. Meenakshi, “Automatic Music Genre Classification
using Convolution Neural Network”, International
Conference on Computer Communication and
Informatics (ICCCI)– 2018.
[6] Mingwen Dong, “Convolutional Neural Network
Achieves Human-level Accuracy in Music Genre
Classification”, arXiv:1802.09697v1 [cs.SD] – 2018.
Fig. 2: System Work flow Diagram
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072
© 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 695
[7] Hareesh Bahuleyan, “Music Genre Classification using
Machine Learning Techniques”, arXiv:1804.01149v1
[cs.SD] – 2018.
[8] Weibin Zhang,WenkangLei, Xiangmin Xu,XiaofengXing,
“Improved Music Genre Classification with
Convolutional Neural Networks”, Interspeech – 2016.
[9] Balachandra K, Neha Kumari, Tushar Shukla, Kumar
Satyam, “Music Genre Classification for Indian Music
Genre”, IJRASET – 2021.
[10] Nicolas Scaringella, Giorgio Zoia, Daniel Miynek,
“Automatic Genre Classification of Music Content”,IEEE
Signal Processing Magazine – March 2006.
[11] Deepanway Ghosal, Maheshkumar H. Kolekar,
“Music Genre Recognition using Deep Neural Network
and Transfer Learning”, in Interspeech vol. 28, no. 24,
pp. 2087-2097, September 2018.
[12] Jose J. Valero-Mas, Antonio Pertusa,” End-to-End
Optical Music Recognition Using Neural Networks”,18th
International Society for Music Information Retrieval
Conference – 2017.
[13] Prasenjeet Fulzele1, Rajat Singh2, Naman
Kaushik3,” A Hybrid Model for Music Genre
Classification Using LSTM & SVM”, ICCC – 2018.
[14]George Tzanetakis, Perry Cook,” Musical Genre
Classification of Audio Signals”, IEEE Transactions on
Speech & Audio Processing, vol. 10, No. 5, July 2002.

More Related Content

Similar to Literature Survey for Music Genre Classification Using Neural Network

SENTIMENT ANALYSIS FOR MOVIES REVIEWS DATASET USING DEEP LEARNING MODELS
SENTIMENT ANALYSIS FOR MOVIES REVIEWS DATASET USING DEEP LEARNING MODELSSENTIMENT ANALYSIS FOR MOVIES REVIEWS DATASET USING DEEP LEARNING MODELS
SENTIMENT ANALYSIS FOR MOVIES REVIEWS DATASET USING DEEP LEARNING MODELSIJDKP
 
Using K-Nearest Neighbors and Support Vector Machine Classifiers in Personal ...
Using K-Nearest Neighbors and Support Vector Machine Classifiers in Personal ...Using K-Nearest Neighbors and Support Vector Machine Classifiers in Personal ...
Using K-Nearest Neighbors and Support Vector Machine Classifiers in Personal ...IJCSIS Research Publications
 
IJCER (www.ijceronline.com) International Journal of computational Engineerin...
IJCER (www.ijceronline.com) International Journal of computational Engineerin...IJCER (www.ijceronline.com) International Journal of computational Engineerin...
IJCER (www.ijceronline.com) International Journal of computational Engineerin...ijceronline
 
IRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived VideosIRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived VideosIRJET Journal
 
IRJET- Factoid Question and Answering System
IRJET-  	  Factoid Question and Answering SystemIRJET-  	  Factoid Question and Answering System
IRJET- Factoid Question and Answering SystemIRJET Journal
 
A Survey of Convolutional Neural Network Architectures for Deep Learning via ...
A Survey of Convolutional Neural Network Architectures for Deep Learning via ...A Survey of Convolutional Neural Network Architectures for Deep Learning via ...
A Survey of Convolutional Neural Network Architectures for Deep Learning via ...ijtsrd
 
IRJET- Sentiment Analysis to Segregate Attributes using Machine Learning Tech...
IRJET- Sentiment Analysis to Segregate Attributes using Machine Learning Tech...IRJET- Sentiment Analysis to Segregate Attributes using Machine Learning Tech...
IRJET- Sentiment Analysis to Segregate Attributes using Machine Learning Tech...IRJET Journal
 
Automatic Music Generation Using Deep Learning
Automatic Music Generation Using Deep LearningAutomatic Music Generation Using Deep Learning
Automatic Music Generation Using Deep LearningIRJET Journal
 
A computationally efficient learning model to classify audio signal attributes
A computationally efficient learning model to classify audio  signal attributesA computationally efficient learning model to classify audio  signal attributes
A computationally efficient learning model to classify audio signal attributesIJECEIAES
 
Hand Written Digit Classification
Hand Written Digit ClassificationHand Written Digit Classification
Hand Written Digit Classificationijtsrd
 
Text Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A ReviewText Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A ReviewIRJET Journal
 
Fast and accurate primary user detection with machine learning techniques for...
Fast and accurate primary user detection with machine learning techniques for...Fast and accurate primary user detection with machine learning techniques for...
Fast and accurate primary user detection with machine learning techniques for...nooriasukmaningtyas
 
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHM
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHMPADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHM
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHMIRJET Journal
 
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...IRJET Journal
 
IRJET- Design, Development and Evaluation of a Grading System for Peeled Pist...
IRJET- Design, Development and Evaluation of a Grading System for Peeled Pist...IRJET- Design, Development and Evaluation of a Grading System for Peeled Pist...
IRJET- Design, Development and Evaluation of a Grading System for Peeled Pist...IRJET Journal
 
IRJET- Automated Detection of Gender from Face Images
IRJET-  	  Automated Detection of Gender from Face ImagesIRJET-  	  Automated Detection of Gender from Face Images
IRJET- Automated Detection of Gender from Face ImagesIRJET Journal
 
AN EFFICIENT FEATURE SELECTION IN CLASSIFICATION OF AUDIO FILES
AN EFFICIENT FEATURE SELECTION IN CLASSIFICATION OF AUDIO FILESAN EFFICIENT FEATURE SELECTION IN CLASSIFICATION OF AUDIO FILES
AN EFFICIENT FEATURE SELECTION IN CLASSIFICATION OF AUDIO FILEScscpconf
 
An efficient feature selection in
An efficient feature selection inAn efficient feature selection in
An efficient feature selection incsandit
 
Feature Subset Selection for High Dimensional Data using Clustering Techniques
Feature Subset Selection for High Dimensional Data using Clustering TechniquesFeature Subset Selection for High Dimensional Data using Clustering Techniques
Feature Subset Selection for High Dimensional Data using Clustering TechniquesIRJET Journal
 

Similar to Literature Survey for Music Genre Classification Using Neural Network (20)

SENTIMENT ANALYSIS FOR MOVIES REVIEWS DATASET USING DEEP LEARNING MODELS
SENTIMENT ANALYSIS FOR MOVIES REVIEWS DATASET USING DEEP LEARNING MODELSSENTIMENT ANALYSIS FOR MOVIES REVIEWS DATASET USING DEEP LEARNING MODELS
SENTIMENT ANALYSIS FOR MOVIES REVIEWS DATASET USING DEEP LEARNING MODELS
 
Using K-Nearest Neighbors and Support Vector Machine Classifiers in Personal ...
Using K-Nearest Neighbors and Support Vector Machine Classifiers in Personal ...Using K-Nearest Neighbors and Support Vector Machine Classifiers in Personal ...
Using K-Nearest Neighbors and Support Vector Machine Classifiers in Personal ...
 
IJCER (www.ijceronline.com) International Journal of computational Engineerin...
IJCER (www.ijceronline.com) International Journal of computational Engineerin...IJCER (www.ijceronline.com) International Journal of computational Engineerin...
IJCER (www.ijceronline.com) International Journal of computational Engineerin...
 
IRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived VideosIRJET- Anomaly Detection System in CCTV Derived Videos
IRJET- Anomaly Detection System in CCTV Derived Videos
 
IRJET- Factoid Question and Answering System
IRJET-  	  Factoid Question and Answering SystemIRJET-  	  Factoid Question and Answering System
IRJET- Factoid Question and Answering System
 
A Survey of Convolutional Neural Network Architectures for Deep Learning via ...
A Survey of Convolutional Neural Network Architectures for Deep Learning via ...A Survey of Convolutional Neural Network Architectures for Deep Learning via ...
A Survey of Convolutional Neural Network Architectures for Deep Learning via ...
 
IRJET- Sentiment Analysis to Segregate Attributes using Machine Learning Tech...
IRJET- Sentiment Analysis to Segregate Attributes using Machine Learning Tech...IRJET- Sentiment Analysis to Segregate Attributes using Machine Learning Tech...
IRJET- Sentiment Analysis to Segregate Attributes using Machine Learning Tech...
 
Automatic Music Generation Using Deep Learning
Automatic Music Generation Using Deep LearningAutomatic Music Generation Using Deep Learning
Automatic Music Generation Using Deep Learning
 
A computationally efficient learning model to classify audio signal attributes
A computationally efficient learning model to classify audio  signal attributesA computationally efficient learning model to classify audio  signal attributes
A computationally efficient learning model to classify audio signal attributes
 
Hand Written Digit Classification
Hand Written Digit ClassificationHand Written Digit Classification
Hand Written Digit Classification
 
Text Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A ReviewText Recognition using Convolutional Neural Network: A Review
Text Recognition using Convolutional Neural Network: A Review
 
Fast and accurate primary user detection with machine learning techniques for...
Fast and accurate primary user detection with machine learning techniques for...Fast and accurate primary user detection with machine learning techniques for...
Fast and accurate primary user detection with machine learning techniques for...
 
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHM
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHMPADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHM
PADDY CROP DISEASE DETECTION USING SVM AND CNN ALGORITHM
 
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
IRJET-Multiclass Classification Method Based On Deep Learning For Leaf Identi...
 
IRJET- Design, Development and Evaluation of a Grading System for Peeled Pist...
IRJET- Design, Development and Evaluation of a Grading System for Peeled Pist...IRJET- Design, Development and Evaluation of a Grading System for Peeled Pist...
IRJET- Design, Development and Evaluation of a Grading System for Peeled Pist...
 
IRJET- Automated Detection of Gender from Face Images
IRJET-  	  Automated Detection of Gender from Face ImagesIRJET-  	  Automated Detection of Gender from Face Images
IRJET- Automated Detection of Gender from Face Images
 
Y4502158163
Y4502158163Y4502158163
Y4502158163
 
AN EFFICIENT FEATURE SELECTION IN CLASSIFICATION OF AUDIO FILES
AN EFFICIENT FEATURE SELECTION IN CLASSIFICATION OF AUDIO FILESAN EFFICIENT FEATURE SELECTION IN CLASSIFICATION OF AUDIO FILES
AN EFFICIENT FEATURE SELECTION IN CLASSIFICATION OF AUDIO FILES
 
An efficient feature selection in
An efficient feature selection inAn efficient feature selection in
An efficient feature selection in
 
Feature Subset Selection for High Dimensional Data using Clustering Techniques
Feature Subset Selection for High Dimensional Data using Clustering TechniquesFeature Subset Selection for High Dimensional Data using Clustering Techniques
Feature Subset Selection for High Dimensional Data using Clustering Techniques
 

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

Generative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPTGenerative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPTbhaskargani46
 
DC MACHINE-Motoring and generation, Armature circuit equation
DC MACHINE-Motoring and generation, Armature circuit equationDC MACHINE-Motoring and generation, Armature circuit equation
DC MACHINE-Motoring and generation, Armature circuit equationBhangaleSonal
 
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...roncy bisnoi
 
22-prompt engineering noted slide shown.pdf
22-prompt engineering noted slide shown.pdf22-prompt engineering noted slide shown.pdf
22-prompt engineering noted slide shown.pdf203318pmpc
 
Employee leave management system project.
Employee leave management system project.Employee leave management system project.
Employee leave management system project.Kamal Acharya
 
Double Revolving field theory-how the rotor develops torque
Double Revolving field theory-how the rotor develops torqueDouble Revolving field theory-how the rotor develops torque
Double Revolving field theory-how the rotor develops torqueBhangaleSonal
 
Thermal Engineering-R & A / C - unit - V
Thermal Engineering-R & A / C - unit - VThermal Engineering-R & A / C - unit - V
Thermal Engineering-R & A / C - unit - VDineshKumar4165
 
Unleashing the Power of the SORA AI lastest leap
Unleashing the Power of the SORA AI lastest leapUnleashing the Power of the SORA AI lastest leap
Unleashing the Power of the SORA AI lastest leapRishantSharmaFr
 
Call Girls Wakad Call Me 7737669865 Budget Friendly No Advance Booking
Call Girls Wakad Call Me 7737669865 Budget Friendly No Advance BookingCall Girls Wakad Call Me 7737669865 Budget Friendly No Advance Booking
Call Girls Wakad Call Me 7737669865 Budget Friendly No Advance Bookingroncy bisnoi
 
Thermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.pptThermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.pptDineshKumar4165
 
Hostel management system project report..pdf
Hostel management system project report..pdfHostel management system project report..pdf
Hostel management system project report..pdfKamal Acharya
 
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756dollysharma2066
 
chapter 5.pptx: drainage and irrigation engineering
chapter 5.pptx: drainage and irrigation engineeringchapter 5.pptx: drainage and irrigation engineering
chapter 5.pptx: drainage and irrigation engineeringmulugeta48
 
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...Arindam Chakraborty, Ph.D., P.E. (CA, TX)
 
Minimum and Maximum Modes of microprocessor 8086
Minimum and Maximum Modes of microprocessor 8086Minimum and Maximum Modes of microprocessor 8086
Minimum and Maximum Modes of microprocessor 8086anil_gaur
 

Recently uploaded (20)

(INDIRA) Call Girl Bhosari Call Now 8617697112 Bhosari Escorts 24x7
(INDIRA) Call Girl Bhosari Call Now 8617697112 Bhosari Escorts 24x7(INDIRA) Call Girl Bhosari Call Now 8617697112 Bhosari Escorts 24x7
(INDIRA) Call Girl Bhosari Call Now 8617697112 Bhosari Escorts 24x7
 
Generative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPTGenerative AI or GenAI technology based PPT
Generative AI or GenAI technology based PPT
 
DC MACHINE-Motoring and generation, Armature circuit equation
DC MACHINE-Motoring and generation, Armature circuit equationDC MACHINE-Motoring and generation, Armature circuit equation
DC MACHINE-Motoring and generation, Armature circuit equation
 
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
Call Girls Pimpri Chinchwad Call Me 7737669865 Budget Friendly No Advance Boo...
 
FEA Based Level 3 Assessment of Deformed Tanks with Fluid Induced Loads
FEA Based Level 3 Assessment of Deformed Tanks with Fluid Induced LoadsFEA Based Level 3 Assessment of Deformed Tanks with Fluid Induced Loads
FEA Based Level 3 Assessment of Deformed Tanks with Fluid Induced Loads
 
22-prompt engineering noted slide shown.pdf
22-prompt engineering noted slide shown.pdf22-prompt engineering noted slide shown.pdf
22-prompt engineering noted slide shown.pdf
 
Employee leave management system project.
Employee leave management system project.Employee leave management system project.
Employee leave management system project.
 
Double Revolving field theory-how the rotor develops torque
Double Revolving field theory-how the rotor develops torqueDouble Revolving field theory-how the rotor develops torque
Double Revolving field theory-how the rotor develops torque
 
Thermal Engineering-R & A / C - unit - V
Thermal Engineering-R & A / C - unit - VThermal Engineering-R & A / C - unit - V
Thermal Engineering-R & A / C - unit - V
 
Unleashing the Power of the SORA AI lastest leap
Unleashing the Power of the SORA AI lastest leapUnleashing the Power of the SORA AI lastest leap
Unleashing the Power of the SORA AI lastest leap
 
Call Girls Wakad Call Me 7737669865 Budget Friendly No Advance Booking
Call Girls Wakad Call Me 7737669865 Budget Friendly No Advance BookingCall Girls Wakad Call Me 7737669865 Budget Friendly No Advance Booking
Call Girls Wakad Call Me 7737669865 Budget Friendly No Advance Booking
 
Thermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.pptThermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.ppt
 
(INDIRA) Call Girl Aurangabad Call Now 8617697112 Aurangabad Escorts 24x7
(INDIRA) Call Girl Aurangabad Call Now 8617697112 Aurangabad Escorts 24x7(INDIRA) Call Girl Aurangabad Call Now 8617697112 Aurangabad Escorts 24x7
(INDIRA) Call Girl Aurangabad Call Now 8617697112 Aurangabad Escorts 24x7
 
Hostel management system project report..pdf
Hostel management system project report..pdfHostel management system project report..pdf
Hostel management system project report..pdf
 
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
FULL ENJOY Call Girls In Mahipalpur Delhi Contact Us 8377877756
 
chapter 5.pptx: drainage and irrigation engineering
chapter 5.pptx: drainage and irrigation engineeringchapter 5.pptx: drainage and irrigation engineering
chapter 5.pptx: drainage and irrigation engineering
 
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...
Navigating Complexity: The Role of Trusted Partners and VIAS3D in Dassault Sy...
 
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak HamilCara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
Cara Menggugurkan Sperma Yang Masuk Rahim Biyar Tidak Hamil
 
Minimum and Maximum Modes of microprocessor 8086
Minimum and Maximum Modes of microprocessor 8086Minimum and Maximum Modes of microprocessor 8086
Minimum and Maximum Modes of microprocessor 8086
 
Integrated Test Rig For HTFE-25 - Neometrix
Integrated Test Rig For HTFE-25 - NeometrixIntegrated Test Rig For HTFE-25 - Neometrix
Integrated Test Rig For HTFE-25 - Neometrix
 

Literature Survey for Music Genre Classification Using Neural Network

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 691 Literature Survey for Music Genre Classification Using Neural Network Naman Kothari1, Pawan Kumar2 1PG Student, Department of Computer Application, JAIN (Deemed-To-Be) University Bangalore, Karnataka, India 2Assistant Professor, Department of CS and IT, JAIN (Deemed-To-Be) University, Karnataka, India ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract - Music classification is a field in the field of Music Recovery (MIR) and sound signal processing research. Neural Network is a modern way of classifying music. The classification of music using Neural Networks (NNs) has been very successful in recent years. Varioussonglibraries, machine learning technologies, input formats, and the use of Neural Network are all successful to varying degrees. Spectrograms produced from time song servants are used as an entry in the Neural Network (NN) to separate songs into their genres. The generated spectrograms will be used as a Convolutional Neural Network (CNN) audio signal input system. The Deep Learning Approach is used for system training. The main method of extracting audio features is the Mel Frequency Cepstral Coefficient (MFCC). The Mel-Frequency Cepstral Coefficients MFCC is a collection of short-term audiospectrum signals that have been used in advanced vision and sound separation techniques. Key Words: Music Classification,CNN, MIR,spectrogram, GITZAN, MFCC.… 1.INTRODUCTION In recent years, machine learning has grown in popularity. Some machine learning techniques are best suited depending on the type of applicationandtheavailable data. Of the various applications, some are more efficient than others. In general, there are four types of machine learning algorithms. The most common types of learning algorithms are: Unsupported reading, supervised learning, and supervised reading and reinforced reading. Unattended reading aims to remove useful features from a blank labelled data set in mind, while supervised reading creates a mathematical model using a fully labelled data set. For slightly monitored reading, on the other hand, use a data set that includes both labelled and non-labelled information. Learning to strengthen takes a different approach by using a feedback approach. Learning to reinforce occurs when a person is rewarded for taking appropriate treatment or making appropriate predictions. 1.1 Neural Networks A neural network (NN) is a machine learning method that is often effective in extracting key elements from large data sets and producing a work or model that reflects those features. First, NN uses the training database to train the model. After model training,NN canbeapplied to new or previously unselected data points to separate data using a previously trained model. A convolutional neural network (CNN) is a type of central network designedto processthesamememberswith multiple sides as images. CNN can be used for dual classification and classification functions in multiple categories, the only difference being the number of output classes. An animal data set, for example, can be used to train an image separator. CNN is provided with a pixel value vector from the image and an outline segmentdefinedbythe vector (cat, dog, bird, etc.). The Deep Neural Network (DNN) is themostwidely used diagnostic tool, and it assists in the training of a large gene expression (MFCC) website. These later released structures are used as training neurons. Due to the selection and release of acceptable audio elements, the separation of music is considered a difficult task. The classification of music is made up of two basic steps: Extraction: Various features are extracted from the waveform. Classification: A classifier is built using the features extracted from the training data. 1.2Music classification Music classification is a type of music retrieval function (MIR) where labels are assigned to music features such as genre,heartrate,andinstruments.Itis also associated with concepts such as musical similarities and musical tastes. People have known about music since the beginningoftime.Theconceptof classification of musicallowsustodistinguishbetween different genres based on their composition and frequency of hearing. With the increasing variety of genres around the world, the classification of genres hasrecentlybecomequitepopular.Theclassificationof genres is an important step in building a useful commendation system for this project. The ultimate goal is to create a machine learning model that can more accurately classify music samples into different genres. These audio files will be categorized based on the minimum frequency and time zone characteristics. 2. LITERATURE SURVEY In the research conducted by Pelchat and Craig M. [4], The GTZAN dataset's songs were categorised into seven
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 692 genres and used in [4]. The stereo channels were then combined into one mono channel, and the music data was converted into a spectrogram using the SoX (Sound eXchange) command-line music application utility, which was then sliced into 128x128 pixel images, and the labelled spectrogram was used as inputs to the dataset, which was split into 70% training data, 20% validation data, and 10% test data. All of the weights were now initialised using the Xavier initialization method. The first four layers are convolutional layers with a kernel size of 2x2 and a stride of two, followed by a max pooling layer. Followingthefirstfour layers is a fully connected layer in which each output of the previous layer is fed into each input of the fully connected layer. This yields a vector of 1024 numbers. After that, a SoftMax layer is applied to generate seven outputs, one for each genre. The CNN implementation appearedto beoverfit, as the accuracy for the training data was 97% versus 47% for the test data. In the survey conducted by K. Meenakshi [5], They used to train the system by categorising the music database into different genres. After that, each songmustgothrougha pre-processingstage.FeatureVectorExtractionisperformed in Python using the librosa package, also known as MFCC. The Mel Scale Filtering is then performed to obtain the Mel Frequency Spectrum by [5]. They obtained two types of feature vectors: Mel Spectrum with 128 coefficients and MFCC coefficients. ConvNet architectures are built using three types of layers: Convolutional Layer, Pooling Layer, and Fully Connected Layer. The database thus obtained is the MFCC, with a genre array size of 10 arrays. The input consists of 1000 songs with ten labels. The vectoroffeatures for MFCC The Anaconda Python package was used for the evaluation. The learning accuracy of the Mel Spec feature vector and the MFCC feature vector was found to be 76% and 47%, respectively. Research conducted by Nirmal MR [2].Theydiduse a spectrogram, which is a visual representation of a signal's frequency spectrum as it variesovertime.Aspectrogramisa signal's Short TimeFourierTransform(STFT).Spectrograms are graphs that represent data in both the time and frequency domains. Two models are used to implement the convolutional neural network, and their results are compared in [2].  User-defined sequential CNN model  Pre-trained ConvNet (MobileNet) The classification accuracy of the user-defined CNN model and MobileNet was 40% and 67%, respectively. Python 3 was used in the LINUX operating system. The deep learning model used in [2] was built-in Python Keras framework. The methods used in [3] the stages of the proposed method were used in their research. Data collection and selection, pre-processing, feature extraction and selection, classification, evaluation, and measurement are the following methodologies used in [3]. This research makes use of the Spotify music dataset, which contains 228,159 songs across 26 genres and 18 features. To process data structures and perform data analysis, the Python programming language is used, along with the Python Data Analysis Library (PANDAS). In addition, Scikit Learn is used in this study, which is a package containing important modules for machine learning projects. Later on, this genre feature will be used to classify the target. This is done especially for the learning process that uses the SVM classifier. Using hyperparameter,theSVM-RBFclassification was carried out by searching the grid for the best results. K- fold cross-validation with free random conditions and a comparison of 80% of training data and 20% of test data. The accuracy for the SVM, KNN, and NB was 80%, 77.18%, and 76.08%, respectively, in [3]. In the paper [6], Mingwen Dong states that they used deep learning, particularly convolutional networks (CNNs), which has lately been used successfullyincomputer vision and speech recognition. In the process of Musical Information Retrieval (MIR) one specific example is music genre classification. MFCC (Mel-frequency cepstral coefficients), texture, beat, and other human-engineered features have traditionally yielded 61% accuracy in the 10- genre classification task. They used a "divide-and-conquer" method to solve the problem: they split the spectrogram of the music signal into consecutive 3-second segments, made predictions for each segment, and then combined the predictions. [6] used the mel-spectrogramastheinputto the CNN to further reduce the dimensionofthespectrogram. For Prediction and Training 1000s of music tracks (convertedto Mel-Spectrogram) are evenly divided into training, validation, and testing sets in a 5:2:3 ratio. Duringtesting, all music (Mel-Spectrogram) is divided into 3-secondsegments with 50% overlap. The trained neural network thenpredicts the probabilities of each genre for each segment in [6].Their model is the first to achieve human-level 70% accuracy in the 10-genre classification. Many researchers have worked on researching musical parameters and methods for classifying them into different genres. They have used a variety of NN approaches to try to replicate these skills, with varying degrees of success. Shazam is most renowned for being able to identify a song's title and artist after just a few seconds of listening. Shazam uses a mechanism known as a song's "signature," according to [2]. Shazam describes a song'strademark asthe song's spectrogram's big peaksinamplitude.Theuseofdeep learning, particularly convolutional networks (CNNs), has lately been used successfully in computer vision and speech recognition. In Music Information Retrieval (MIR), Using audio spectrogramandMFCC,a DeepNeural Network (DNN) was developed to improve music genre classification performance. Spectrograms are Short Time Fourier Transforms (STFT) of a signal in the time and frequency domain. The spectrogram image is a good representationoftheaudioclip. Extracting features from such a large collection of music is a
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 693 time-consuming procedure. The GTZAN dataset is a widely used musical genre database for model feeding. The GTZAN dataset was gathered by Tzanetakis andCook [7][14].There are thousands of song snippets in ten different genres, relatively evenly distributed: Blues,Classical,Country,Disco, Hip Hop, Jazz, Metal, Pop, Reggae, and Rock. TensorFlow is an implementation of a neural network as a deep convolutional neural network using TensorFlow [7]. All the weights can be initialized for the input vector, which will bea 128x128pixel spectrogram. The first four layers are convolutional layers witha kernel size of 2x2 with a stride of two and a max-pooling layer after each successive layer. After the first four layers, there is a fully connected layer where each output of the last layer is fed into each input of the fully connected layer. A SoftMax layer is then applied to get different outputs that represent each genre [4]. 3. SYSTEM DESIGN & ANALYSIS In my research, the major categories of musicgenre to achieve the goal are:Dataset,Data Pre-Processing,Feature Extraction from Dataset and Training & Testing Model. 3.1 Dataset The GTZAN Database is used to enter data into the system because it is a collection offreeaccessiblesongsfrom many genres. The collection is made up of thousands of audio tracks divided into 10 different genres. This database includes blues, classical, country, disco, hip-hop, jazz, metal, pop, reggae, and rock music. Music data on the GTZAN database is taken at 22050 Hz and lasts for about 30 seconds, a total of 22020 x 30 = 661500 samples. For each a smooth window of 2048 samples, with a change of 1024 samples, as calculated during the study, all the results provided below are rated at more than ten runs, and the accuracy of the sections was selected as metric performance metrics. MUSIC GENRE NUMBER OF SONGS Blues 1000 Classical 1000 Country 1000 Folk 1000 Hip-Hop 1000 Jazz 1000 Metal 1000 Electronic 1000 Reggae 1000 Rock 1000 TOTAL 10000 3.2 Data Pre-processing At this stage, each music signal is first converted from a waveform to a mel-spectrogramwitha time windowof23ms and passed through the Librosa package. The mel- spectrogram is then converted to a log to set values from different mel scales to the same range. Themel-spectrogram has a simpler understanding of the PCA-whitening method because it is a biologically inspired image [6]. Training and testing data were distributed, 80% of training data and 20% of test data distributed. 3.3 Feature Extraction from Dataset The librosa module in Python is used for Feature Vector Extraction. This software is used for audio analysis only. Each audio file is extracted and the vector feature is calculated. By recording approximately, the type of log energy spectrum on the Mel-frequency scale, MFCCs incorporate timbral features of the music signal. Mel Spectrogram: Mel-Spectrogram mimicshumangenetic makeup by producing a representationofthetimefrequency of sound. The magnitude spectrum is computerized from time series data and mapped to mel scale. 3.4 Training & Testing of Model 10,000 music tracks (converted to mel-spectrogram) are evenly divided into training, validation, and testing sets in a 5:2:3 ratio. The following is the training procedure: a) Selection of a subset of track from the training set. b) Take 3-second continuous segments from all selected tunes and sample a starting point at random. c) Calculate the gradients using the back-propagation algorithm with the segments as input and the original music labels as target genres. d) Update the weights using the gradients. Fig -1: System Design Process
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 694 e) Repeat the procedure until the classification accuracy on the cross-validation data set no longer improves. During testing,all music(mel-spectrogram) isdivided into 3-second chunks with 50% overlap. The trained neural network then forecasts the odds of each genre for each section. The genre with the highest averaged probability is the genre predicted for each piece of music. 3.5 Convolutional Neural Network Model Convolutional Neural Network (CNN) is made up of one or more dynamic layers followed by one or more fully connected layers, such as a normal neural multilayer network. This step involves passing a matrix filter (say,3x3) over the inserted image, which is a size (image_width x image_height). The filter is first applied to the image matrix, and then the intelligent repetition of the element between the filter and the image area is calculated, followed by a summary to give the element value. The model is madeup of four convolutional layers. Each layer is made up of a convolutional filter, a ReLU activation function, and a mass integration layer to reduce the size. There isa flatlayeranda stop layer before entering the neural network. The flat layer converts the image tensor into a vector. This vector is a neural network input. To prevent overcrowding, a stopping layer is applied. The neural network is made up of a dense layer of 512 nodes and an outgoing layer withnodes equal to the number of classes to be separated. 4. CONCLUSIONS This project presents a Music Genre Classification application that employs neural network techniques. There are a number of different audio feature extraction techniques, and it was decided that MFCC would be the best fit for this project. To train our model and perform classification on our dataset, we used KNN and CNN algorithms. This paper demonstrates a music genre classification system based on Neural Networks. Music classification is a type of music information retrieval (MIR) activity in which labels are assigned to musical elements such as genre, mood, and instrumentation. The librosa library, which is based on Python, assists in extracting features and hence in supplying acceptable parameters for network training. As a result, this system appears to be promising for categorizing a large database ofmusicintothe appropriate genre. The CNN module was employed as the feature extractor to learn mid-level and high-level features fromthe spectrograms. CNNs are biologically inspired multilayer perceptron variations. In this work, we make use of Audio Set, which is a large-scale human annotated database of sounds. A music collection of songs was used, divided into several genres. Then, slicing up the larger spectrograms into 128-pixel wide PNGs, which represent 2.56 seconds of a given song. The GTZAN dataset will be used here. There are ten classes (10 music genres) with 1000 audio tracks each. The tracks are all in.wav format. It includes audio tracks from the ten genres listed below. Blues, classical, country, disco, hip hop, jazz, metal, pop, reggae, and rock are some of the genres represented. The GTZAN dataset has long been used as a standard for determining music genre classification, and MFCC spectrograms are also used to preprocess the tracks. MFCC spectrograms were used. REFERENCES [1] https://www.kaggle.com/andradaolteanu/gtzan- dataset-music-genre-classification [2] Nirmal M R, “Music Genre Classification using Spectrograms”, International Conference on Power, Instrumentation, Control and Computing (PICC) – 2020. [3] De Rosal Ignatius Moses Setiadi, Dewangga Satriya Rahardwika, Candra Irawan, Desi Purwanti Kusumaningrum, “Comparison of SVM, KNN, and NB Classifier for Genre Music Classification based on Metadata”, International Seminar on Application for Technology of Information and Communication (iSemantic) – 2020. [4] Nikki Pelchat and Craig M. Gelowitz, “Neural Network Music Genre Classification”, IEEE Canadian Conference of Electrical and Computer Engineering(CCECE)– 2019. [5] K. Meenakshi, “Automatic Music Genre Classification using Convolution Neural Network”, International Conference on Computer Communication and Informatics (ICCCI)– 2018. [6] Mingwen Dong, “Convolutional Neural Network Achieves Human-level Accuracy in Music Genre Classification”, arXiv:1802.09697v1 [cs.SD] – 2018. Fig. 2: System Work flow Diagram
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 09 Issue: 02 | Feb 2022 www.irjet.net p-ISSN: 2395-0072 © 2022, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 695 [7] Hareesh Bahuleyan, “Music Genre Classification using Machine Learning Techniques”, arXiv:1804.01149v1 [cs.SD] – 2018. [8] Weibin Zhang,WenkangLei, Xiangmin Xu,XiaofengXing, “Improved Music Genre Classification with Convolutional Neural Networks”, Interspeech – 2016. [9] Balachandra K, Neha Kumari, Tushar Shukla, Kumar Satyam, “Music Genre Classification for Indian Music Genre”, IJRASET – 2021. [10] Nicolas Scaringella, Giorgio Zoia, Daniel Miynek, “Automatic Genre Classification of Music Content”,IEEE Signal Processing Magazine – March 2006. [11] Deepanway Ghosal, Maheshkumar H. Kolekar, “Music Genre Recognition using Deep Neural Network and Transfer Learning”, in Interspeech vol. 28, no. 24, pp. 2087-2097, September 2018. [12] Jose J. Valero-Mas, Antonio Pertusa,” End-to-End Optical Music Recognition Using Neural Networks”,18th International Society for Music Information Retrieval Conference – 2017. [13] Prasenjeet Fulzele1, Rajat Singh2, Naman Kaushik3,” A Hybrid Model for Music Genre Classification Using LSTM & SVM”, ICCC – 2018. [14]George Tzanetakis, Perry Cook,” Musical Genre Classification of Audio Signals”, IEEE Transactions on Speech & Audio Processing, vol. 10, No. 5, July 2002.