SlideShare ist ein Scribd-Unternehmen logo
1 von 5
Downloaden Sie, um offline zu lesen
International Journal on Natural Language Computing (IJNLC) Vol.10, No.4, August 2021
DOI: 10.5121/ijnlc.2021.10402 15
SENTIMENT ANALYSIS IN MYANMAR LANGUAGE
USING CONVOLUTIONAL LSTM
NEURAL NETWORK
Nwet Yin Tun Thein and Khin Mar Soe
Department of Computer Science, University of Computer Studies, Yangon, Myanmar
ABSTRACT
In recent years, there has been an increasing use of social media among people in Myanmar and writing
review on social media pages about the product, movie, and trip are also popular among people. Moreover,
most of the people are going to find the review pages about the product they want to buy before deciding
whether they should buy it or not. Extracting and receiving useful reviews over interesting products is very
important and time consuming for people. Sentiment analysis is one of the important processes for extracting
useful reviews of the products. In this paper, the Convolutional LSTM neural network architecture is
proposed to analyse the sentiment classification of cosmetic reviews written in Myanmar Language. The
paper also intends to build the cosmetic reviews dataset for deep learning and sentiment lexicon in Myanmar
Language.
KEYWORDS
Social Media, Sentiment Analysis, Convolutional LSTM
1. INTRODUCTION
Analysing social media contents form Facebook, Twitter, and YouTube are important research area
in Natural Language Processing. There has been increasing use of Sentiment analysis to analyse
the social media contents. Spotting the sentiment of mentions (especially negative) is extremely
helpful in marketing areas as reputation management and customer feedback. From the customer
viewpoint, customers’ reviews and feedbacks about the products are very useful for their
determination whether to buy their interesting products or not. Moreover, deep learning is very
popular in sentiment analysis and text classification. In this paper, convolutional LSTM deep
learning approach is proposed for sentiment analysis on product reviews written in Myanmar
language.
2. RELATED WORK
In the recent years, Deep Learning approach was very popular and achieved the significant results
in computer vision and speech recognition [1]. They are very common to use in NLP applications
from learning word vector representations through building the neural language models. Moreover,
they also perform the composition over the learned word vectors for text classification and solve
the data sparsity problem [2].
Word embedding is the neural representation of a word and is a real vector. Word embedding
allows us to measure similarity between words by simply using the distance between two embedded
International Journal on Natural Language Computing (IJNLC) Vol.10, No.4, August 2021
16
vectors [2][3]. Recently, researchers observed that is not necessary for deep neural network to
perform at word level. As long as the document represented as one-hot vector, the
model could work without any change, regardless of if each one-hot vector corresponds to a word.
Character sequence proposed as an alternative to the one-hot vector. Similar ideas also applied to
dependency parsing [4].
Deep CNN for NLP [5] is composed numerous of layers of convolutional and max pooling, it is
identical to the convolutional architecture in the computer vision [6]. CNN was initially designed
for computer vision and exploits layers with convolving filters that are applied to local features.
CNN reached an outstanding result in computer vision where handcrafted features were used, e.g.,
scale invariant features transform (SIFT) followed by a classifier. The main idea is to consider
features extractors and classifier as one jointly trained task [7]. CNN models for NLP achieved
excellent results in semantic parsing [7], sentence modelling [8], search query retrieval [9], and
other NLP tasks.
In this work Convolutional LSTM neural network architecture will be implemented for sentiment
classification of Myanmar Language Cosmetic Review.
3. NEURAL NETWORK ARCHITECTURE
The proposed neural network architecture will be implemented by the combination of
convolutional neural network with LSTM model.
3.1. Convolutional Neural Network (CNN)
A convolutional neural network (CNN) is a neural network that applies convolutional layers to
local features. When the input sentence is received, the CNN can be used to classify the sentiment
of sentence is positive, negative, or neural? The CNN architecture is shown in Figure 1.
Figure 1. CNN Model Architecture
As shown in the figure, the CNN model is created with four layers.
(i) Word Embedding layers
(ii) Convolution layers
(iii)Max-over time pooling layers and
(iv) Fully connected layer.
International Journal on Natural Language Computing (IJNLC) Vol.10, No.4, August 2021
17
3.2. Recurrent Neural Network (RNN)
The objective of the RNN is to make use of sequential information, based on the previous
computation results. RNN has a memory that capture information in arbitrary long sequences. In
this model, word by word analysis is taken over the input and then the semantic of all the previous
text are preserved in a fixed-sized hidden layer. However, recurrent networks are biased model
because recent words are more significant than earlier words. Therefore, the efficiency is degraded
when the semantic of whole document is captured. To overcome this problem, Long short-term
memory (LSTM) is applied.
3.3. Long Short-Term Memory (LSTM)
LSTM is more complicated function that learns to control the flow of information, to prevent the
vanishing gradient and to allow the recurrent layer to capture long-term dependencies more easily.
The memory cell consists of four main components: input, output, forget gates and candidate
memory cell. Firstly, the value of input gate ( and candidate are computed according to the
following equations.
(1)
(2)
Then the value of forget gate ( ) is computed using the Eq. (3).
(3)
After getting the input gate activation ( ), forget gate activation ( and the candidate state value
( ), the candidate for new memory cell is computed using the Eq. (4).
(4)
With the new state of the memory cells, the value of output gate is computed using the Eq.(5) and
(6).
(5)
(6)
Where is the input to the memory cell layer at time t. , , , , , , and are weighted
matrices and bi, bf, bc, bo are bias vectors.
4. PROPOSED CONVOLUTIONAL LSTM MODEL FOR
SENTIMENT ANALYSIS
In the proposed model, a recurrent layer is added as the substitution of pooling layer to reduce the
number of convolution layers and capture the long-term dependencies. Therefore, convolutional,
and recurrent layers are considered as the single model in the proposed model. Moreover, rectified
linear (ReLus) was used for nonlinearity, padding was set to zero. All elements that would fall
outside the matrix are taken to be zero. To reduce overfitting, we applied dropout 0.5 only before
the recurrent layer. The Proposed model architecture is shown in Figure. 2.
International Journal on Natural Language Computing (IJNLC) Vol.10, No.4, August 2021
18
Figure 2. Proposed Model Architecture
5. EXPERIMENTAL SETUP AND ANALYSIS
The performance of the proposed model will be evaluated over the cosmetic review dataset with
70,000 binary labelled reviews. The sample reviews are shown in Table 1. The reviews are divided
into 50:50 training and testing sets. The average length of each document is 320 tokens, with
standard deviation of 205.8 tokens; the maximum length of a document is 2,840 words. In
compared with other classification models, the proposed model outperforms the sentiment
classification results as shown in the Table 2.
Table 1. Sample Review Text with Result Class
Table 2. Accuracy of Sentiment Classification Models.
Models Accuracy
Naïve Bayes 80.3%
SVM 75%
RNN 85%
CNN 87%
Convolutional LSTM
(Proposed Model)
93.4%
6. CONCLUSION
In this paper, the combination of convolutional and recurrent layer into single neural network model
was proposed. The proposed model was validated on the cosmetic review text collected from social
media cosmetic pages written in Myanmar language. It achieved comparable results with less
number of convolutional layers compared to the convolutional only architecture. The proposed
model will also be applied other NLP such as semantic web search and spam filtering applications.
REFERENCES
[1] Graves, A, A.-r. Mohamed, and G. Hinton. Speech recognition with deep recurrent neural networks. in
2013 IEEE international conference on acoustics, speech and signal processing. 2013. IEEE.
[2] Coliobert, R., et aI., Natural language processing (almost) from scratch. Journal of Machine Learning
Research, 20II. 12(Aug): p.2493-2537 acoustics, speech and signal processing. 2013. IEEE.
International Journal on Natural Language Computing (IJNLC) Vol.10, No.4, August 2021
19
[3] Mikolov, T., et al. Distributed representations of words and phrases and their compositionality. in
Advances in neural information processing systems. 2013.
[4] Ling, W., et aI., Finding function in form: Compositional character models for open vocabulary word
representation. arXiv preprint arXiv:1508.02096, 2015.
[5] Conneau, A, et aI., Very Deep Convolutional Networks for Natural Language Processing. arXiv
preprint arXiv:1606.01781, 2016.
[6] Yih, W.-t., X. He, and C. Meek. Semantic Parsing for Single-Relation Question Answering. in ACL(2).
2014. Citeseer.
[7] Kalchbrenner, N., E. Grefenstette, and P. Blunsom, A convolutional neural network for modelling
sentences. arXiv preprint arXiv:1404.2188, 2014.
[8] Sundermeyer, M., H. Ney, and R. SchlUter, From feedfonvard to recurrent LSTM neural networks for
language modeling. IEEE/ACM Transactions on Audio, Speech and Language Processing (TASLP),
2015.23(3): p. 517-529.
AUTHORS
Ms. Nwet Yin Tun Thein is a Ph.D candidate of University of Computer Studies,
Yangon. Her research interest is Natural Language Processing, especially in Sentiment
analysis. Currently, she is doing research on sentiment analysis on Myanmar Language
Dr. Khin Mar Soe is a professor of University of Computer Studies, Yangon. Her
research interest are Natural Language Processing, Machine Learning, and Deep
Learning. She has been supervising Master thesis and Ph.D thesis on Natural language
processing such as Information Retrieval, Morphological Analysis, Summarization,
Parsing, Machine Translation and sentiment analysis.

Weitere ähnliche Inhalte

Was ist angesagt?

semantic text doc clustering
semantic text doc clusteringsemantic text doc clustering
semantic text doc clustering
Souvik Roy
 
A Dialogue System for Telugu, a Resource-Poor Language
A Dialogue System for Telugu, a Resource-Poor LanguageA Dialogue System for Telugu, a Resource-Poor Language
A Dialogue System for Telugu, a Resource-Poor Language
Sravanthi Mullapudi
 

Was ist angesagt? (17)

Nlp research presentation
Nlp research presentationNlp research presentation
Nlp research presentation
 
semantic text doc clustering
semantic text doc clusteringsemantic text doc clustering
semantic text doc clustering
 
IRJET- Short-Text Semantic Similarity using Glove Word Embedding
IRJET- Short-Text Semantic Similarity using Glove Word EmbeddingIRJET- Short-Text Semantic Similarity using Glove Word Embedding
IRJET- Short-Text Semantic Similarity using Glove Word Embedding
 
Cleveree: an artificially intelligent web service for Jacob voice chatbot
Cleveree: an artificially intelligent web service for Jacob voice chatbotCleveree: an artificially intelligent web service for Jacob voice chatbot
Cleveree: an artificially intelligent web service for Jacob voice chatbot
 
[Paper Reading] Supervised Learning of Universal Sentence Representations fro...
[Paper Reading] Supervised Learning of Universal Sentence Representations fro...[Paper Reading] Supervised Learning of Universal Sentence Representations fro...
[Paper Reading] Supervised Learning of Universal Sentence Representations fro...
 
Meaning Extraction - IJCTE 2(1)
Meaning Extraction - IJCTE 2(1)Meaning Extraction - IJCTE 2(1)
Meaning Extraction - IJCTE 2(1)
 
IRJET- Survey on Generating Suggestions for Erroneous Part in a Sentence
IRJET- Survey on Generating Suggestions for Erroneous Part in a SentenceIRJET- Survey on Generating Suggestions for Erroneous Part in a Sentence
IRJET- Survey on Generating Suggestions for Erroneous Part in a Sentence
 
An Improved Approach for Word Ambiguity Removal
An Improved Approach for Word Ambiguity RemovalAn Improved Approach for Word Ambiguity Removal
An Improved Approach for Word Ambiguity Removal
 
A Dialogue System for Telugu, a Resource-Poor Language
A Dialogue System for Telugu, a Resource-Poor LanguageA Dialogue System for Telugu, a Resource-Poor Language
A Dialogue System for Telugu, a Resource-Poor Language
 
COMPREHENSIVE ANALYSIS OF NATURAL LANGUAGE PROCESSING TECHNIQUE
COMPREHENSIVE ANALYSIS OF NATURAL LANGUAGE PROCESSING TECHNIQUECOMPREHENSIVE ANALYSIS OF NATURAL LANGUAGE PROCESSING TECHNIQUE
COMPREHENSIVE ANALYSIS OF NATURAL LANGUAGE PROCESSING TECHNIQUE
 
IRJET- Survey on Deep Learning Approaches for Phrase Structure Identification...
IRJET- Survey on Deep Learning Approaches for Phrase Structure Identification...IRJET- Survey on Deep Learning Approaches for Phrase Structure Identification...
IRJET- Survey on Deep Learning Approaches for Phrase Structure Identification...
 
arttt.pdf
arttt.pdfarttt.pdf
arttt.pdf
 
GENERATING SUMMARIES USING SENTENCE COMPRESSION AND STATISTICAL MEASURES
GENERATING SUMMARIES USING SENTENCE COMPRESSION AND STATISTICAL MEASURESGENERATING SUMMARIES USING SENTENCE COMPRESSION AND STATISTICAL MEASURES
GENERATING SUMMARIES USING SENTENCE COMPRESSION AND STATISTICAL MEASURES
 
SEMI-AUTOMATIC SIMULTANEOUS INTERPRETING QUALITY EVALUATION
SEMI-AUTOMATIC SIMULTANEOUS INTERPRETING QUALITY EVALUATIONSEMI-AUTOMATIC SIMULTANEOUS INTERPRETING QUALITY EVALUATION
SEMI-AUTOMATIC SIMULTANEOUS INTERPRETING QUALITY EVALUATION
 
Sentiment analysis by deep learning approaches
Sentiment analysis by deep learning approachesSentiment analysis by deep learning approaches
Sentiment analysis by deep learning approaches
 
A fuzzy logic based on sentiment
A fuzzy logic based on sentimentA fuzzy logic based on sentiment
A fuzzy logic based on sentiment
 
SYLLABLE-BASED NEURAL NAMED ENTITY RECOGNITION FOR MYANMAR LANGUAGE
SYLLABLE-BASED NEURAL NAMED ENTITY RECOGNITION FOR MYANMAR LANGUAGESYLLABLE-BASED NEURAL NAMED ENTITY RECOGNITION FOR MYANMAR LANGUAGE
SYLLABLE-BASED NEURAL NAMED ENTITY RECOGNITION FOR MYANMAR LANGUAGE
 

Ähnlich wie SENTIMENT ANALYSIS IN MYANMAR LANGUAGE USING CONVOLUTIONAL LSTM NEURAL NETWORK

Feature Extraction and Analysis of Natural Language Processing for Deep Learn...
Feature Extraction and Analysis of Natural Language Processing for Deep Learn...Feature Extraction and Analysis of Natural Language Processing for Deep Learn...
Feature Extraction and Analysis of Natural Language Processing for Deep Learn...
Sharmila Sathish
 
Financial Tracker using NLP
Financial Tracker using NLPFinancial Tracker using NLP
Financial Tracker using NLP
Dr. Amarjeet Singh
 
Optimizer algorithms and convolutional neural networks for text classification
Optimizer algorithms and convolutional neural networks for text classificationOptimizer algorithms and convolutional neural networks for text classification
Optimizer algorithms and convolutional neural networks for text classification
IAESIJAI
 

Ähnlich wie SENTIMENT ANALYSIS IN MYANMAR LANGUAGE USING CONVOLUTIONAL LSTM NEURAL NETWORK (20)

Feature Extraction and Analysis of Natural Language Processing for Deep Learn...
Feature Extraction and Analysis of Natural Language Processing for Deep Learn...Feature Extraction and Analysis of Natural Language Processing for Deep Learn...
Feature Extraction and Analysis of Natural Language Processing for Deep Learn...
 
A-STUDY-ON-SENTIMENT-POLARITY.pdf
A-STUDY-ON-SENTIMENT-POLARITY.pdfA-STUDY-ON-SENTIMENT-POLARITY.pdf
A-STUDY-ON-SENTIMENT-POLARITY.pdf
 
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
 
ijeter35852020.pdf
ijeter35852020.pdfijeter35852020.pdf
ijeter35852020.pdf
 
EXTENDING OUTPUT ATTENTIONS IN RECURRENT NEURAL NETWORKS FOR DIALOG GENERATION
EXTENDING OUTPUT ATTENTIONS IN RECURRENT NEURAL NETWORKS FOR DIALOG GENERATIONEXTENDING OUTPUT ATTENTIONS IN RECURRENT NEURAL NETWORKS FOR DIALOG GENERATION
EXTENDING OUTPUT ATTENTIONS IN RECURRENT NEURAL NETWORKS FOR DIALOG GENERATION
 
Suggestion Generation for Specific Erroneous Part in a Sentence using Deep Le...
Suggestion Generation for Specific Erroneous Part in a Sentence using Deep Le...Suggestion Generation for Specific Erroneous Part in a Sentence using Deep Le...
Suggestion Generation for Specific Erroneous Part in a Sentence using Deep Le...
 
IRJET- Visual Question Answering using Combination of LSTM and CNN: A Survey
IRJET- Visual Question Answering using Combination of LSTM and CNN: A SurveyIRJET- Visual Question Answering using Combination of LSTM and CNN: A Survey
IRJET- Visual Question Answering using Combination of LSTM and CNN: A Survey
 
BIDIRECTIONAL LONG SHORT-TERM MEMORY (BILSTM)WITH CONDITIONAL RANDOM FIELDS (...
BIDIRECTIONAL LONG SHORT-TERM MEMORY (BILSTM)WITH CONDITIONAL RANDOM FIELDS (...BIDIRECTIONAL LONG SHORT-TERM MEMORY (BILSTM)WITH CONDITIONAL RANDOM FIELDS (...
BIDIRECTIONAL LONG SHORT-TERM MEMORY (BILSTM)WITH CONDITIONAL RANDOM FIELDS (...
 
Financial Tracker using NLP
Financial Tracker using NLPFinancial Tracker using NLP
Financial Tracker using NLP
 
IRJET - Automatic Lip Reading: Classification of Words and Phrases using Conv...
IRJET - Automatic Lip Reading: Classification of Words and Phrases using Conv...IRJET - Automatic Lip Reading: Classification of Words and Phrases using Conv...
IRJET - Automatic Lip Reading: Classification of Words and Phrases using Conv...
 
A prior case study of natural language processing on different domain
A prior case study of natural language processing  on different domain A prior case study of natural language processing  on different domain
A prior case study of natural language processing on different domain
 
Optimizer algorithms and convolutional neural networks for text classification
Optimizer algorithms and convolutional neural networks for text classificationOptimizer algorithms and convolutional neural networks for text classification
Optimizer algorithms and convolutional neural networks for text classification
 
An Overview Of Natural Language Processing
An Overview Of Natural Language ProcessingAn Overview Of Natural Language Processing
An Overview Of Natural Language Processing
 
LSTM Based Sentiment Analysis
LSTM Based Sentiment AnalysisLSTM Based Sentiment Analysis
LSTM Based Sentiment Analysis
 
Analysis of the evolution of advanced transformer-based language models: Expe...
Analysis of the evolution of advanced transformer-based language models: Expe...Analysis of the evolution of advanced transformer-based language models: Expe...
Analysis of the evolution of advanced transformer-based language models: Expe...
 
1808.10245v1 (1).pdf
1808.10245v1 (1).pdf1808.10245v1 (1).pdf
1808.10245v1 (1).pdf
 
Text Summarization and Conversion of Speech to Text
Text Summarization and Conversion of Speech to TextText Summarization and Conversion of Speech to Text
Text Summarization and Conversion of Speech to Text
 
Advancements in Hindi-English Neural Machine Translation: Leveraging LSTM wit...
Advancements in Hindi-English Neural Machine Translation: Leveraging LSTM wit...Advancements in Hindi-English Neural Machine Translation: Leveraging LSTM wit...
Advancements in Hindi-English Neural Machine Translation: Leveraging LSTM wit...
 
Eat it, Review it: A New Approach for Review Prediction
Eat it, Review it: A New Approach for Review PredictionEat it, Review it: A New Approach for Review Prediction
Eat it, Review it: A New Approach for Review Prediction
 
TEXT ADVERTISEMENTS ANALYSIS USING CONVOLUTIONAL NEURAL NETWORKS
TEXT ADVERTISEMENTS ANALYSIS USING CONVOLUTIONAL NEURAL NETWORKSTEXT ADVERTISEMENTS ANALYSIS USING CONVOLUTIONAL NEURAL NETWORKS
TEXT ADVERTISEMENTS ANALYSIS USING CONVOLUTIONAL NEURAL NETWORKS
 

Kürzlich hochgeladen

Call Now ≽ 9953056974 ≼🔝 Call Girls In New Ashok Nagar ≼🔝 Delhi door step de...
Call Now ≽ 9953056974 ≼🔝 Call Girls In New Ashok Nagar  ≼🔝 Delhi door step de...Call Now ≽ 9953056974 ≼🔝 Call Girls In New Ashok Nagar  ≼🔝 Delhi door step de...
Call Now ≽ 9953056974 ≼🔝 Call Girls In New Ashok Nagar ≼🔝 Delhi door step de...
9953056974 Low Rate Call Girls In Saket, Delhi NCR
 
UNIT-V FMM.HYDRAULIC TURBINE - Construction and working
UNIT-V FMM.HYDRAULIC TURBINE - Construction and workingUNIT-V FMM.HYDRAULIC TURBINE - Construction and working
UNIT-V FMM.HYDRAULIC TURBINE - Construction and working
rknatarajan
 
AKTU Computer Networks notes --- Unit 3.pdf
AKTU Computer Networks notes ---  Unit 3.pdfAKTU Computer Networks notes ---  Unit 3.pdf
AKTU Computer Networks notes --- Unit 3.pdf
ankushspencer015
 
result management system report for college project
result management system report for college projectresult management system report for college project
result management system report for college project
Tonystark477637
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Christo Ananth
 

Kürzlich hochgeladen (20)

UNIT-II FMM-Flow Through Circular Conduits
UNIT-II FMM-Flow Through Circular ConduitsUNIT-II FMM-Flow Through Circular Conduits
UNIT-II FMM-Flow Through Circular Conduits
 
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
 
Thermal Engineering Unit - I & II . ppt
Thermal Engineering  Unit - I & II . pptThermal Engineering  Unit - I & II . ppt
Thermal Engineering Unit - I & II . ppt
 
Call Now ≽ 9953056974 ≼🔝 Call Girls In New Ashok Nagar ≼🔝 Delhi door step de...
Call Now ≽ 9953056974 ≼🔝 Call Girls In New Ashok Nagar  ≼🔝 Delhi door step de...Call Now ≽ 9953056974 ≼🔝 Call Girls In New Ashok Nagar  ≼🔝 Delhi door step de...
Call Now ≽ 9953056974 ≼🔝 Call Girls In New Ashok Nagar ≼🔝 Delhi door step de...
 
UNIT-V FMM.HYDRAULIC TURBINE - Construction and working
UNIT-V FMM.HYDRAULIC TURBINE - Construction and workingUNIT-V FMM.HYDRAULIC TURBINE - Construction and working
UNIT-V FMM.HYDRAULIC TURBINE - Construction and working
 
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...Top Rated  Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
Top Rated Pune Call Girls Budhwar Peth ⟟ 6297143586 ⟟ Call Me For Genuine Se...
 
UNIT-III FMM. DIMENSIONAL ANALYSIS
UNIT-III FMM.        DIMENSIONAL ANALYSISUNIT-III FMM.        DIMENSIONAL ANALYSIS
UNIT-III FMM. DIMENSIONAL ANALYSIS
 
Booking open Available Pune Call Girls Pargaon 6297143586 Call Hot Indian Gi...
Booking open Available Pune Call Girls Pargaon  6297143586 Call Hot Indian Gi...Booking open Available Pune Call Girls Pargaon  6297143586 Call Hot Indian Gi...
Booking open Available Pune Call Girls Pargaon 6297143586 Call Hot Indian Gi...
 
Intze Overhead Water Tank Design by Working Stress - IS Method.pdf
Intze Overhead Water Tank  Design by Working Stress - IS Method.pdfIntze Overhead Water Tank  Design by Working Stress - IS Method.pdf
Intze Overhead Water Tank Design by Working Stress - IS Method.pdf
 
AKTU Computer Networks notes --- Unit 3.pdf
AKTU Computer Networks notes ---  Unit 3.pdfAKTU Computer Networks notes ---  Unit 3.pdf
AKTU Computer Networks notes --- Unit 3.pdf
 
Call for Papers - International Journal of Intelligent Systems and Applicatio...
Call for Papers - International Journal of Intelligent Systems and Applicatio...Call for Papers - International Journal of Intelligent Systems and Applicatio...
Call for Papers - International Journal of Intelligent Systems and Applicatio...
 
BSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptx
BSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptxBSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptx
BSides Seattle 2024 - Stopping Ethan Hunt From Taking Your Data.pptx
 
PVC VS. FIBERGLASS (FRP) GRAVITY SEWER - UNI BELL
PVC VS. FIBERGLASS (FRP) GRAVITY SEWER - UNI BELLPVC VS. FIBERGLASS (FRP) GRAVITY SEWER - UNI BELL
PVC VS. FIBERGLASS (FRP) GRAVITY SEWER - UNI BELL
 
Thermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.pptThermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.ppt
 
result management system report for college project
result management system report for college projectresult management system report for college project
result management system report for college project
 
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...
 
NFPA 5000 2024 standard .
NFPA 5000 2024 standard                                  .NFPA 5000 2024 standard                                  .
NFPA 5000 2024 standard .
 
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
The Most Attractive Pune Call Girls Manchar 8250192130 Will You Miss This Cha...
 
Online banking management system project.pdf
Online banking management system project.pdfOnline banking management system project.pdf
Online banking management system project.pdf
 
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
Call for Papers - African Journal of Biological Sciences, E-ISSN: 2663-2187, ...
 

SENTIMENT ANALYSIS IN MYANMAR LANGUAGE USING CONVOLUTIONAL LSTM NEURAL NETWORK

  • 1. International Journal on Natural Language Computing (IJNLC) Vol.10, No.4, August 2021 DOI: 10.5121/ijnlc.2021.10402 15 SENTIMENT ANALYSIS IN MYANMAR LANGUAGE USING CONVOLUTIONAL LSTM NEURAL NETWORK Nwet Yin Tun Thein and Khin Mar Soe Department of Computer Science, University of Computer Studies, Yangon, Myanmar ABSTRACT In recent years, there has been an increasing use of social media among people in Myanmar and writing review on social media pages about the product, movie, and trip are also popular among people. Moreover, most of the people are going to find the review pages about the product they want to buy before deciding whether they should buy it or not. Extracting and receiving useful reviews over interesting products is very important and time consuming for people. Sentiment analysis is one of the important processes for extracting useful reviews of the products. In this paper, the Convolutional LSTM neural network architecture is proposed to analyse the sentiment classification of cosmetic reviews written in Myanmar Language. The paper also intends to build the cosmetic reviews dataset for deep learning and sentiment lexicon in Myanmar Language. KEYWORDS Social Media, Sentiment Analysis, Convolutional LSTM 1. INTRODUCTION Analysing social media contents form Facebook, Twitter, and YouTube are important research area in Natural Language Processing. There has been increasing use of Sentiment analysis to analyse the social media contents. Spotting the sentiment of mentions (especially negative) is extremely helpful in marketing areas as reputation management and customer feedback. From the customer viewpoint, customers’ reviews and feedbacks about the products are very useful for their determination whether to buy their interesting products or not. Moreover, deep learning is very popular in sentiment analysis and text classification. In this paper, convolutional LSTM deep learning approach is proposed for sentiment analysis on product reviews written in Myanmar language. 2. RELATED WORK In the recent years, Deep Learning approach was very popular and achieved the significant results in computer vision and speech recognition [1]. They are very common to use in NLP applications from learning word vector representations through building the neural language models. Moreover, they also perform the composition over the learned word vectors for text classification and solve the data sparsity problem [2]. Word embedding is the neural representation of a word and is a real vector. Word embedding allows us to measure similarity between words by simply using the distance between two embedded
  • 2. International Journal on Natural Language Computing (IJNLC) Vol.10, No.4, August 2021 16 vectors [2][3]. Recently, researchers observed that is not necessary for deep neural network to perform at word level. As long as the document represented as one-hot vector, the model could work without any change, regardless of if each one-hot vector corresponds to a word. Character sequence proposed as an alternative to the one-hot vector. Similar ideas also applied to dependency parsing [4]. Deep CNN for NLP [5] is composed numerous of layers of convolutional and max pooling, it is identical to the convolutional architecture in the computer vision [6]. CNN was initially designed for computer vision and exploits layers with convolving filters that are applied to local features. CNN reached an outstanding result in computer vision where handcrafted features were used, e.g., scale invariant features transform (SIFT) followed by a classifier. The main idea is to consider features extractors and classifier as one jointly trained task [7]. CNN models for NLP achieved excellent results in semantic parsing [7], sentence modelling [8], search query retrieval [9], and other NLP tasks. In this work Convolutional LSTM neural network architecture will be implemented for sentiment classification of Myanmar Language Cosmetic Review. 3. NEURAL NETWORK ARCHITECTURE The proposed neural network architecture will be implemented by the combination of convolutional neural network with LSTM model. 3.1. Convolutional Neural Network (CNN) A convolutional neural network (CNN) is a neural network that applies convolutional layers to local features. When the input sentence is received, the CNN can be used to classify the sentiment of sentence is positive, negative, or neural? The CNN architecture is shown in Figure 1. Figure 1. CNN Model Architecture As shown in the figure, the CNN model is created with four layers. (i) Word Embedding layers (ii) Convolution layers (iii)Max-over time pooling layers and (iv) Fully connected layer.
  • 3. International Journal on Natural Language Computing (IJNLC) Vol.10, No.4, August 2021 17 3.2. Recurrent Neural Network (RNN) The objective of the RNN is to make use of sequential information, based on the previous computation results. RNN has a memory that capture information in arbitrary long sequences. In this model, word by word analysis is taken over the input and then the semantic of all the previous text are preserved in a fixed-sized hidden layer. However, recurrent networks are biased model because recent words are more significant than earlier words. Therefore, the efficiency is degraded when the semantic of whole document is captured. To overcome this problem, Long short-term memory (LSTM) is applied. 3.3. Long Short-Term Memory (LSTM) LSTM is more complicated function that learns to control the flow of information, to prevent the vanishing gradient and to allow the recurrent layer to capture long-term dependencies more easily. The memory cell consists of four main components: input, output, forget gates and candidate memory cell. Firstly, the value of input gate ( and candidate are computed according to the following equations. (1) (2) Then the value of forget gate ( ) is computed using the Eq. (3). (3) After getting the input gate activation ( ), forget gate activation ( and the candidate state value ( ), the candidate for new memory cell is computed using the Eq. (4). (4) With the new state of the memory cells, the value of output gate is computed using the Eq.(5) and (6). (5) (6) Where is the input to the memory cell layer at time t. , , , , , , and are weighted matrices and bi, bf, bc, bo are bias vectors. 4. PROPOSED CONVOLUTIONAL LSTM MODEL FOR SENTIMENT ANALYSIS In the proposed model, a recurrent layer is added as the substitution of pooling layer to reduce the number of convolution layers and capture the long-term dependencies. Therefore, convolutional, and recurrent layers are considered as the single model in the proposed model. Moreover, rectified linear (ReLus) was used for nonlinearity, padding was set to zero. All elements that would fall outside the matrix are taken to be zero. To reduce overfitting, we applied dropout 0.5 only before the recurrent layer. The Proposed model architecture is shown in Figure. 2.
  • 4. International Journal on Natural Language Computing (IJNLC) Vol.10, No.4, August 2021 18 Figure 2. Proposed Model Architecture 5. EXPERIMENTAL SETUP AND ANALYSIS The performance of the proposed model will be evaluated over the cosmetic review dataset with 70,000 binary labelled reviews. The sample reviews are shown in Table 1. The reviews are divided into 50:50 training and testing sets. The average length of each document is 320 tokens, with standard deviation of 205.8 tokens; the maximum length of a document is 2,840 words. In compared with other classification models, the proposed model outperforms the sentiment classification results as shown in the Table 2. Table 1. Sample Review Text with Result Class Table 2. Accuracy of Sentiment Classification Models. Models Accuracy Naïve Bayes 80.3% SVM 75% RNN 85% CNN 87% Convolutional LSTM (Proposed Model) 93.4% 6. CONCLUSION In this paper, the combination of convolutional and recurrent layer into single neural network model was proposed. The proposed model was validated on the cosmetic review text collected from social media cosmetic pages written in Myanmar language. It achieved comparable results with less number of convolutional layers compared to the convolutional only architecture. The proposed model will also be applied other NLP such as semantic web search and spam filtering applications. REFERENCES [1] Graves, A, A.-r. Mohamed, and G. Hinton. Speech recognition with deep recurrent neural networks. in 2013 IEEE international conference on acoustics, speech and signal processing. 2013. IEEE. [2] Coliobert, R., et aI., Natural language processing (almost) from scratch. Journal of Machine Learning Research, 20II. 12(Aug): p.2493-2537 acoustics, speech and signal processing. 2013. IEEE.
  • 5. International Journal on Natural Language Computing (IJNLC) Vol.10, No.4, August 2021 19 [3] Mikolov, T., et al. Distributed representations of words and phrases and their compositionality. in Advances in neural information processing systems. 2013. [4] Ling, W., et aI., Finding function in form: Compositional character models for open vocabulary word representation. arXiv preprint arXiv:1508.02096, 2015. [5] Conneau, A, et aI., Very Deep Convolutional Networks for Natural Language Processing. arXiv preprint arXiv:1606.01781, 2016. [6] Yih, W.-t., X. He, and C. Meek. Semantic Parsing for Single-Relation Question Answering. in ACL(2). 2014. Citeseer. [7] Kalchbrenner, N., E. Grefenstette, and P. Blunsom, A convolutional neural network for modelling sentences. arXiv preprint arXiv:1404.2188, 2014. [8] Sundermeyer, M., H. Ney, and R. SchlUter, From feedfonvard to recurrent LSTM neural networks for language modeling. IEEE/ACM Transactions on Audio, Speech and Language Processing (TASLP), 2015.23(3): p. 517-529. AUTHORS Ms. Nwet Yin Tun Thein is a Ph.D candidate of University of Computer Studies, Yangon. Her research interest is Natural Language Processing, especially in Sentiment analysis. Currently, she is doing research on sentiment analysis on Myanmar Language Dr. Khin Mar Soe is a professor of University of Computer Studies, Yangon. Her research interest are Natural Language Processing, Machine Learning, and Deep Learning. She has been supervising Master thesis and Ph.D thesis on Natural language processing such as Information Retrieval, Morphological Analysis, Summarization, Parsing, Machine Translation and sentiment analysis.