SlideShare a Scribd company logo
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1097
Aspect Based Sentiment Analysis on Financial Data using Transferred
Learning Approach using Pre-Trained BERT and Regressor Model
Ashish Salunkhe1, Shubham Mhaske2
1Pimpri Chinchwad College of Engineering and Research, Pune, India
2Pimpri Chinchwad College of Engineering and Research, Pune, India
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract - In this paper, we present a transferred learning
approach for aspect classification and a regression approach
for sentiment prediction on financial data provided by
Financial Opinion Mining and Question Answering Open
Challenge held at WWW 2018 Lyon, France. The transferred
learning approach leverages the use of BERT and different
regression approaches are used, with Linear Support Vector
Regressor giving best results. Also, a comparative study of
different existing techniques is done to provide a gist of recent
advancements in this work. The performance is evaluated
using performance metrics - precision, recall and F1-score for
aspect classification and MSE and R Squared (R2) metrics for
sentiment prediction.
Key Words: data mining, text mining, transferred
learning, classification, regression, neural networks,
predictive sentiment analysis, financial Sentiment
analysis
1. INTRODUCTION
Sentiment Analysis and Text Classification together have
always been an important researcharea inNatural Language
Processing. Work on sentiment analysis has received
attention in academia as well as industry toanalyzevaluable
insights from customer reviews over a specific product or a
service offered. Sentiments about a certain product may
differ based on the entity it is correlated with. For instance,
’the phone in red color looks good, but it is priced high.’ The
sentiment associated with the phone color is positive and
that of its price is negative. Thus, aspect-based sentiment
analysis aims to identify the polaritytowardsanentitybased
on its correlated aspects. Thiswouldenablethe evaluationof
sentiments based on its aspects up close. The field of
financial sentiment analysis is relatively less explored.
Exploring this domain to analyze the sentiments based on
the aspects of unstructured text documents. Thus, based on
the positive or negative sentiments userscanobtaininsights
about possible investment opportunities and financial
situations of a specific company. Future estimates about the
existing market, investment, and analysis ofthestabilityand
instability of the financial entities can be done through
sentiment prediction and aspect classification.Aspect-based
sentiment analysis on financial data is less explored since it
lacks the availability of financial sentiment data set. Current
approaches in aspect-based sentiment analysis include the
use of deep learning models [1], transfer learning approach
[2]. The transfer learning approach has exhibited promising
results with improvements in the F1 score for classification
and MSE for regression tasks. Thus, the use of transfer
learning with the advent of BERT [3], XLNet [4] has a
definitive scope for improved results.
2. RELATED WORK
The work on aspect based sentimentanalysis(ABSA)started
with rule-based methods and progressed to the most recent
Deep Learning methods. The task of ABSA is divided into
aspect extraction and aspect sentiment classification [5].
Aspect extraction can be seen as special case of general
information extraction problem. Sequential methods based
on Conditional RandomField (CRF)whichusesfeaturessuch
as POS tags, tokens, syntactic dependency, lemmas, ner, etc.
gives state of the art performance in information extraction
[6]. Hu and Liu [7] proposed association rule based method
which finds frequent nouns and noun phrases using POS
tagger. Further research with same approach has been done
in the following years. Wenya Wang et al. [8] used
framework consistingofRecurrentNeural Network basedon
dependency tree of each sentence and CRF for aspect and
opinion extraction. MS Mubarok et al. [9] used Na¨ıve Bayes
classifier forsentimentclassificationwhichshowed excellent
performance. M Al-Smadi et al. [10] compared performance
of RNN and SVM for sentiment classification in which SVM
outperformed RNN. ABSA was the one ofthetask inSemEval
2014, 2015 where most of the participated teams used rule-
based approach, supervised learning methods such as SVM,
Naive Bayes classifier for the sub-task of aspect sentiment
classification. [11]. In recent deep learning approaches for
ABSA, Duyu Tang et al. [12] used target dependent LSTM
model which performed well as compared toSVM. Thien Hai
Nguyen et al. [13] proposed extendedRNN whichusestarget
dependent binary phrase dependency tree constructed by
combining the constituent and dependency trees of a
sentence outperformedRNN andAdaRNN basedmodels. The
work on financial sentiment analysis is still in it’s infancy.
But promising work has been done in past year. Work by
Xiliu Man; Tong Luo; Jianwu Lin [14] provides an in-depth
survey on financial sentiment analysis. Their work provides
comprehensive study of existing approaches including data
source,lexicon-basedapproach,traditional machinelearning
approach and recent deep learning approach such as word
embedding, CNN, RNN, LSTM and attention mechanism. The
work by Jangid, Singhal, Shah and Zimmermann [1] displays
use of multi-channel CNN for sentiment analysis and a RNN
Bidirectional LSTM to extractaspectfroma givenheadlineor
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1098
microblog. The work by Costa and da Silva [15] presented
use of Linear Support Vector Classifier and Linear Support
Vector Regressor as the solution to FiQA 2018 task 1. Shijia
E., Li Yang et al. use the Attention based LSTM model [16]for
aspect classification and sentiment score prediction. Yang,
Rosenfeld, Makutonin have employed high-level semantic
representations and methods of inductive transfer learning
[2] and experimented with extensions of recentlydeveloped
domain adaptation methods and target task fine-tuning.
3. METHODOLOGY
In this section, we elaborate the approach we have used.
Targets and aspects related to the sentence and snippetsare
provided. The task is to detect the target aspects and predict
the sentiment score based on the target aspect for the given
text instance. The approach has two parts sentiment model
and aspect model.
Fig -1: Methodology
3.1 Tackling Class Imbalance using SMOTE
SMOTE was first proposed by Nitesh Chawla, Kevin Bowyer,
Lawrence Hall and Kegelmeyer [17]. SMOTE stands for
Synthetic Minority OversamplingTechnique.Itis a statistical
technique to overcome the issue of class imbalance by
increasing the minority samples to balancethepopulationof
classes. Also, it doesn’t affect the count of majority classes.
We use SMOTE to address the class imbalance for level 1
aspect classification.
Table -1: SMOTE Analysis
Corporate Stock Economy Market Total
Original
dataset
(equivalent
to SMOTE
percentage
= 0)
460
(40%)
647
(56%)
7 (0.6%) 40
(3.4%)
1154
SMOTE
percentage
= 100
460
(35%)
647
(50%)
165
(13%)
29
(2.2%)
1301
3.2 Aspect Model
We largely use the methodology and architectureusedin the
BERT [3] paper and experiment with different methods of
model fine-tuning, and hyper-parameter tuning. The aspect
classification task is divided into two sub tasks. We divide
the parent and child level aspects. On division, our first task
classifies the sentences according to the parent level classes.
Similarly, we classify the sentence according to the child
level classes. There are 4 parent classes and 27 child / sub
classes. We fine-tuned the BERT model for parent-level
aspect classificationandpassedthesamemodel forsub-level
aspect classification.
Table -2: Distribution of aspects in training dataset
Aspect Level 1 Aspect Level 2 Count
Corporate Reputation 10
Company Communication 8
Appointment 37
Financial 26
Regulatory 18
Sales 92
M&A 76
Legal 28
Dividend Policy 26
Risks 57
Rumors 33
Strategy 49
Stock Options 12
IPO 8
Signal 26
Coverage 45
Fundamentals 13
Insider Activity 5
Price Action 437
Buyside 5
Technical Analysis 98
Economy Trade 2
Central Banks 5
Market Currency 2
Conditions 3
Market 24
Volatility 11
3.3 Sentiment Model
We used the baseline machinelearningmodelsforsentiment
prediction. First, the sentiment score is scaled to [0,1]. We
use regression models - Linear Support Vector Regressor,
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1099
Decision Tree and RNN. Word vectors are passed as input
and sentiment score ranging between [0,1] is generated
which is scaled to [- 1,1] as used in [1].
4. EXPERIMENTS
4.1 Dataset
The FiQA task 1 dataset [18] contains information about
aspect-based sentiment analysis information about posts
and news headlines extracted from finance domain web
pages like Wikinews, Stocktwits and Reddit. There are 435
annotated headlines and 675 annotated financial tweets
provided with aspect and sentiment score providedtoevery
target. An example of the dataset:
"55": {
"sentence": "Tesco Abandons Video-Streaming Ambitions
in Blinkbox Sale",
"info": [
{
"snippets": "['Video-Streaming Ambitions']",
"target": "Blinkbox",
"sentiment_score": "-0.195",
"aspects": "['Corporate/Stategy']"
},
{
"snippets": "['Tesco Abandons Video-Streaming
Ambitions ']",
"target": "Tesco",
"sentiment_score": "-0.335",
"aspects": "['Corporate/Stategy']"
}
]
}
To label each sentence the aspect finance tree follows node
levels describe each aspect: E.g.: Stock / Price Action /
Bullish / Bull Position Where: Level 1 / Level 2 / Level 3 /
Level 4 Here, Level 1 represent most generic financial aspect
challenges and Level 4 represents most specific financial
aspect categories [18]. Aspects can have be 6 levels. For this
challenge, the classification/predication up to level 2 aspect
is expected.
4.2 Data Preprocessing
Data is in the plain text format so it can no be directly fed to
the model. Data has some components are not helpful for
analysing the nature of the data.
• The data contains punctuation marks, special characters
like “ ’ !; : # & ( ) * + / ¡ ¿ = []ˆ. We removed punctuation
marks and special characters by using inbuilt python string
functions.
• Data also contains numbers and white spaces which are
removed by using inbuilt python string functions.
• Data contains URLs which are not useful. We removed
URLs from the data by using ”re” package which provides
functionality for Regular Expressions.
• Data also had capitalized words which are treated
differently than same words in lowercase and hence all data
need to be converted to single case.
• Some common words such as to, and, am, ok which are
also called as Stop-words were removed.
• There are different forms of singlewordsexistsindata and
they need to be grouped so that they can be referred as
single word. This is called as lemmatization.
• Label Encoding: We perform one-hot encoding for both
level 1 and level 2 aspects. So before feeding it to the model,
it needs to be preprocessed for optimum results. We used
following approaches to preprocess our data.
4.3 Fine-tuning BERT
BERT [3] which is a pre-trained language representation
model fine-tunes on other tasks. We fine-tune the pre-
trained BERT model for this task.
4.4 Bert Single for Target-Aspect Based Sentiment
Analysis (TABSA)
Bert for single sentence classification tasks was first
introduced by Chi Sun, Luyao Huang, Xipeng Qiu [19].Based
on their work, the number of target categories are nt and na
aspect categories, so the TABSA combination is nt .na
5. RESULTS
In this section we present the results for sentiment analysis
and aspect classification tasks of FiQA (2018). The metrics
used to evaluate sentiment model were Mean Squared
Error(MSE) for sentiment model, and F1 score for aspect
model. We achieved these resultsusingpre-trainedBERT [3]
for aspect model and Linear Support Vector Regressor for
sentiment model.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1100
Table - 3: Aspect Model
Precision Recall F1-Score
Microblog
Posts
0.5921 0.4732 0.4610
Headlines
and
Statements
0.4361 0.3812 0.4068
6. CONCLUSIONS
In this paper, we present a combination of transferred
learning and baseline models to do aspect-based sentiment
analysis on financial tweets and headlines. We plan to train
these models on a larger dataset in the future to collect
information about the aspect groups that have not been
adequately studied due to the lack of sufficient training
samples in the current dataset. In recent times, a set of deep
learning models have shown state-of-the-art performance,
and we also would choose to explore and study the effectsof
the ensemble on our approach. Use of other transferred
learning approaches like XLNet [4] can be done to improve
the results of performance metrics.
Table - 3: Sentiment Model
MSE
Microblog Posts 0.357811
Headlines and Statements 0.134721
ACKNOWLEDGEMENT
We would like to thank Department of Computer
Engineering, Pimpri Chinchwad College of Engineering and
Research, Ravet, Pune for their valuable assistance in this
literature survey. We would also like to extend our special
thanks to Prof. Dr. Archana Chaugule, Head, Department of
Computer Engineering, Pimpri Chinchwad College of
Engineering andResearch,forher encouragementanduseful
critiques for this research work.
REFERENCES
[1] H. Jangid, S. Singhal, R. R. Shah, and R. Zimmermann,
“Aspectbased financial sentiment analysis using deep
learning,” in Companion Proceedings of the The Web
Conference 2018. International World Wide Web
Conferences Steering Committee, 2018, pp. 1961–1966.
[2] S. Yang, J. Rosenfeld, and J. Makutonin,“Financial aspect-
based sentiment analysis using deep representations,”
2018.
[3] J. Devlin, M.-W. Chang, K. Lee, and K. Toutanova, “Bert:
Pre-training of deep bidirectional transformers for
language understanding,” arXiv preprint arXiv:
1810.04805, 2018.
[4] Z. Yang, Z. Dai, Y. Yang, J. Carbonell, R. Salakhutdinov,
and Q. V. Le, “Xlnet: Generalized autoregressive
pretraining for language understanding,”arXiv preprint
arXiv: 1906.08237, 2019.
[5] B. Liu, “Sentiment analysis and opinion mining,”
Synthesis lectures on human language technologies,vol.
5, no. 1, pp. 1–167, 2012.
[6] T. Brychc´ın, M. Konkol, and J. Steinberger, “Uwb:
Machine learning approach to aspect-based sentiment
analysis,” in Proceedings of the 8th International
Workshop on Semantic Evaluation (SemEval 2014),
2014, pp. 817–822.
[7] M. Hu and B. Liu, “Mining and summarizing customer
reviews,” in Proceedings of the tenth ACM SIGKDD
international conference on Knowledge discovery and
data mining. ACM, 2004, pp. 168–177.
[8] W. Wang, S. J. Pan, D. Dahlmeier, and X. Xiao, “Recursive
neural conditional random fields for aspect-based
sentiment analysis,” arXiv preprint arXiv:1603.06679,
2016.
[9] M. S. Mubarok, Adiwijaya, andM.D.Aldhi,“Aspect-based
sentiment analysis to review products using na¨ıve
bayes,” in AIP Conference Proceedings, vol. 1867, no. 1.
AIP Publishing, 2017, p. 020060.
[10] M. Al-Smadi, O. Qawasmeh, M. Al-Ayyoub, Y. Jararweh,
and B. Gupta, “Deep recurrent neural network vs.
support vector machine for aspectbased sentiment
analysis of arabic hotels’ reviews,” Journal of
computational science, vol. 27, pp. 386–393, 2018.
[11] M. Pontiki, D. Galanis, H. Papageorgiou, S. Manandhar,
and I. Androutsopoulos, “SemEval-2015 task 12: Aspect
based sentiment analysis,” in Proceedings of the 9th
International Workshop on Semantic Evaluation
(SemEval 2015). Denver, Colorado: Association for
Computational Linguistics, Jun. 2015, pp. 486–495.
[Online]. Available:
https://www.aclweb.org/anthology/S15-2082
[12] D. Tang, B. Qin, X. Feng, and T. Liu, “Target-dependent
sentiment classification with long short term memory,”
arXiv preprint arXiv: 1512.01100, 2015.
[13] T. H. Nguyen and K. Shirai, “PhraseRNN: Phrase
recursive neural network for aspect-based sentiment
analysis,” in Proceedings of the 2015 Conference on
Empirical Methods in Natural Language Processing.
Lisbon, Portugal: Association for Computational
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 06 Issue: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072
© 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1101
Linguistics, Sep. 2015, pp. 2509–2514. [Online].
Available: https://www.aclweb.org/anthology/D15-
1298
[14] X. Man, T. Luo, and J. Lin, “Financial sentiment analysis
(fsa): A survey,” in 2019 IEEE International Conference
on Industrial Cyber Physical Systems (ICPS), May 2019,
pp. 617–622.
[15] D. de Franc¸a Costa and N. F. F. da Silva, “Inf-ufg at fiqa
2018 task 1: Predicting sentiments and aspects on
financial tweets and news headlines,” in Companion
Proceedings of the The Web Conference 2018, ser.
WWW ’18. Republic and Canton of Geneva, Switzerland:
International World Wide Web Conferences Steering
Committee, 2018, pp. 1967–1971. [Online]. Available:
https://doi.org/10.1145/3184558.3191828
[16] S. E., L. Yang, M. Zhang, and Y. Xiang, “Aspect-based
financial sentimentanalysiswithdeepneural networks,”
in Companion Proceedings of the The Web Conference
2018, ser. WWW ’18. Republic and Canton of Geneva,
Switzerland: International World Wide Web
Conferences Steering Committee, 2018, pp. 1951–1954.
[Online]. Available:
https://doi.org/10.1145/3184558.3191825
[17] N. V. Chawla, K. W. Bowyer, L. O. Hall, and W. P.
Kegelmeyer, “Smote: synthetic minority over-sampling
technique,” Journal of artificial intelligenceresearch,vol.
16, pp. 321–357, 2002.
[18] M. Maia, S. Handschuh, A. Freitas, B. Davis, R.
McDermott, M. Zarrouk, and A. Balahur, “Www’18 open
challenge: Financial opinion mining and question
answering,” in Companion Proceedings of the The Web
Conference 2018, ser. WWW ’18.Republic andCantonof
Geneva, Switzerland: International World Wide Web
Conferences Steering Committee, 2018, pp. 1941–1942.
[Online]. Available:
https://doi.org/10.1145/3184558.3192301
[19] C. Sun, L. Huang, and X. Qiu, “Utilizing BERT for
aspectbased sentiment analysis via constructing
auxiliary sentence,” in Proceedings of the 2019
Conference of the North American Chapter of the
Association for Computational Linguistics: Human
Language Technologies, Volume 1 (Long and Short
Papers). Minneapolis, Minnesota: Association for
Computational Linguistics, Jun. 2019, pp. 380–385.
[Online]. Available:
https://www.aclweb.org/anthology/N19- 1035

More Related Content

What's hot (19)

PPT
App of QT Ppt
anuj
 
PDF
IRJET- Analyzing Voting Results using Influence Matrix
IRJET Journal
 
PDF
IRJET- Boosting Response Aware Model-Based Collaborative Filtering
IRJET Journal
 
PDF
Word2Vec model for sentiment analysis of product reviews in Indonesian language
IJECEIAES
 
PDF
A Two Stage Classification Model for Call Center Purchase Prediction
TELKOMNIKA JOURNAL
 
PDF
IRJET- Stock Price Prediction using combination of LSTM Neural Networks, ARIM...
IRJET Journal
 
PDF
TOURISM DEMAND FORECASTING MODEL USING NEURAL NETWORK
ijcsit
 
PDF
Data Clustering in Education for Students
IRJET Journal
 
PDF
IRJET- Student Placement Prediction using Machine Learning
IRJET Journal
 
PDF
Predicting the Presence of Learning Motivation in Electronic Learning: A New ...
TELKOMNIKA JOURNAL
 
PDF
Modelling the expected loss of bodily injury claims using gradient boosting
Gregg Barrett
 
PDF
Rachit Mishra_stock prediction_report
Rachit Mishra
 
PDF
IRJET-Student Performance Prediction for Education Loan System
IRJET Journal
 
PDF
IRJET- An Automated Approach to Conduct Pune University’s In-Sem Examination
IRJET Journal
 
PDF
Employee performance appraisal system
ijcsit
 
PDF
IRJET-Comparison between Supervised Learning and Unsupervised Learning
IRJET Journal
 
PDF
International Refereed Journal of Engineering and Science (IRJES)
irjes
 
DOCX
Camera ready sentiment analysis : quantification of real time brand advocacy ...
Absolutdata Analytics
 
PDF
IRJET- Placement Portal and Prediction System
IRJET Journal
 
App of QT Ppt
anuj
 
IRJET- Analyzing Voting Results using Influence Matrix
IRJET Journal
 
IRJET- Boosting Response Aware Model-Based Collaborative Filtering
IRJET Journal
 
Word2Vec model for sentiment analysis of product reviews in Indonesian language
IJECEIAES
 
A Two Stage Classification Model for Call Center Purchase Prediction
TELKOMNIKA JOURNAL
 
IRJET- Stock Price Prediction using combination of LSTM Neural Networks, ARIM...
IRJET Journal
 
TOURISM DEMAND FORECASTING MODEL USING NEURAL NETWORK
ijcsit
 
Data Clustering in Education for Students
IRJET Journal
 
IRJET- Student Placement Prediction using Machine Learning
IRJET Journal
 
Predicting the Presence of Learning Motivation in Electronic Learning: A New ...
TELKOMNIKA JOURNAL
 
Modelling the expected loss of bodily injury claims using gradient boosting
Gregg Barrett
 
Rachit Mishra_stock prediction_report
Rachit Mishra
 
IRJET-Student Performance Prediction for Education Loan System
IRJET Journal
 
IRJET- An Automated Approach to Conduct Pune University’s In-Sem Examination
IRJET Journal
 
Employee performance appraisal system
ijcsit
 
IRJET-Comparison between Supervised Learning and Unsupervised Learning
IRJET Journal
 
International Refereed Journal of Engineering and Science (IRJES)
irjes
 
Camera ready sentiment analysis : quantification of real time brand advocacy ...
Absolutdata Analytics
 
IRJET- Placement Portal and Prediction System
IRJET Journal
 

Similar to IRJET- Aspect based Sentiment Analysis on Financial Data using Transferred Learning Approach using Pre-Trained BERT and Regressor Model (20)

PDF
Investment Portfolio Risk Manager using Machine Learning and Deep-Learning.
IRJET Journal
 
PDF
STOCK MARKET PREDICTION USING MACHINE LEARNING IN PYTHON
IRJET Journal
 
PDF
MUTUAL FUND RECOMMENDATION SYSTEM WITH PERSONALIZED EXPLANATIONS
IRJET Journal
 
PDF
IRJET- Analysis of Brand Value Prediction based on Social Media Data
IRJET Journal
 
PDF
IRJET- Stabilization of Black Cotton Soil using Rice Husk Ash and Lime
IRJET Journal
 
PDF
A Software Measurement Using Artificial Neural Network and Support Vector Mac...
ijseajournal
 
PDF
Graph embedding approach to analyze sentiments on cryptocurrency
IJECEIAES
 
PDF
IRJET- Predictive Analytics for Placement of Student- A Comparative Study
IRJET Journal
 
PDF
Training and Placement Portal
IRJET Journal
 
PDF
Sentiment Analysis on Twitter Data
IRJET Journal
 
PDF
Aspect based sentiment analysis using fine-tuned BERT model with deep context...
IAESIJAI
 
PDF
IDENTIFYING THE DAMAGE ASSESSMENT TWEETS DURING DISASTER
IRJET Journal
 
PDF
STOCK PRICE PREDICTION AND RECOMMENDATION USINGMACHINE LEARNING TECHNIQUES AN...
IRJET Journal
 
PDF
IRJET- Sentiment Analysis to Segregate Attributes using Machine Learning Tech...
IRJET Journal
 
PDF
Applying Convolutional-GRU for Term Deposit Likelihood Prediction
VandanaSharma356
 
PDF
IRJET - Stock Recommendation System using Machine Learning Approache
IRJET Journal
 
PDF
Constructing a musa model to determine priority factor of a servperf model.
Alexander Decker
 
PDF
Constructing a musa model to determine priority factor of a servperf model.
Alexander Decker
 
PDF
IRJET- Financial Analysis using Data Mining
IRJET Journal
 
PDF
Automatic customer review summarization using deep learningbased hybrid senti...
IJECEIAES
 
Investment Portfolio Risk Manager using Machine Learning and Deep-Learning.
IRJET Journal
 
STOCK MARKET PREDICTION USING MACHINE LEARNING IN PYTHON
IRJET Journal
 
MUTUAL FUND RECOMMENDATION SYSTEM WITH PERSONALIZED EXPLANATIONS
IRJET Journal
 
IRJET- Analysis of Brand Value Prediction based on Social Media Data
IRJET Journal
 
IRJET- Stabilization of Black Cotton Soil using Rice Husk Ash and Lime
IRJET Journal
 
A Software Measurement Using Artificial Neural Network and Support Vector Mac...
ijseajournal
 
Graph embedding approach to analyze sentiments on cryptocurrency
IJECEIAES
 
IRJET- Predictive Analytics for Placement of Student- A Comparative Study
IRJET Journal
 
Training and Placement Portal
IRJET Journal
 
Sentiment Analysis on Twitter Data
IRJET Journal
 
Aspect based sentiment analysis using fine-tuned BERT model with deep context...
IAESIJAI
 
IDENTIFYING THE DAMAGE ASSESSMENT TWEETS DURING DISASTER
IRJET Journal
 
STOCK PRICE PREDICTION AND RECOMMENDATION USINGMACHINE LEARNING TECHNIQUES AN...
IRJET Journal
 
IRJET- Sentiment Analysis to Segregate Attributes using Machine Learning Tech...
IRJET Journal
 
Applying Convolutional-GRU for Term Deposit Likelihood Prediction
VandanaSharma356
 
IRJET - Stock Recommendation System using Machine Learning Approache
IRJET Journal
 
Constructing a musa model to determine priority factor of a servperf model.
Alexander Decker
 
Constructing a musa model to determine priority factor of a servperf model.
Alexander Decker
 
IRJET- Financial Analysis using Data Mining
IRJET Journal
 
Automatic customer review summarization using deep learningbased hybrid senti...
IJECEIAES
 
Ad

More from IRJET Journal (20)

PDF
Enhanced heart disease prediction using SKNDGR ensemble Machine Learning Model
IRJET Journal
 
PDF
Utilizing Biomedical Waste for Sustainable Brick Manufacturing: A Novel Appro...
IRJET Journal
 
PDF
Kiona – A Smart Society Automation Project
IRJET Journal
 
PDF
DESIGN AND DEVELOPMENT OF BATTERY THERMAL MANAGEMENT SYSTEM USING PHASE CHANG...
IRJET Journal
 
PDF
Invest in Innovation: Empowering Ideas through Blockchain Based Crowdfunding
IRJET Journal
 
PDF
SPACE WATCH YOUR REAL-TIME SPACE INFORMATION HUB
IRJET Journal
 
PDF
A Review on Influence of Fluid Viscous Damper on The Behaviour of Multi-store...
IRJET Journal
 
PDF
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
IRJET Journal
 
PDF
Explainable AI(XAI) using LIME and Disease Detection in Mango Leaf by Transfe...
IRJET Journal
 
PDF
BRAIN TUMOUR DETECTION AND CLASSIFICATION
IRJET Journal
 
PDF
The Project Manager as an ambassador of the contract. The case of NEC4 ECC co...
IRJET Journal
 
PDF
"Enhanced Heat Transfer Performance in Shell and Tube Heat Exchangers: A CFD ...
IRJET Journal
 
PDF
Advancements in CFD Analysis of Shell and Tube Heat Exchangers with Nanofluid...
IRJET Journal
 
PDF
Breast Cancer Detection using Computer Vision
IRJET Journal
 
PDF
Auto-Charging E-Vehicle with its battery Management.
IRJET Journal
 
PDF
Analysis of high energy charge particle in the Heliosphere
IRJET Journal
 
PDF
A Novel System for Recommending Agricultural Crops Using Machine Learning App...
IRJET Journal
 
PDF
Auto-Charging E-Vehicle with its battery Management.
IRJET Journal
 
PDF
Analysis of high energy charge particle in the Heliosphere
IRJET Journal
 
PDF
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
IRJET Journal
 
Enhanced heart disease prediction using SKNDGR ensemble Machine Learning Model
IRJET Journal
 
Utilizing Biomedical Waste for Sustainable Brick Manufacturing: A Novel Appro...
IRJET Journal
 
Kiona – A Smart Society Automation Project
IRJET Journal
 
DESIGN AND DEVELOPMENT OF BATTERY THERMAL MANAGEMENT SYSTEM USING PHASE CHANG...
IRJET Journal
 
Invest in Innovation: Empowering Ideas through Blockchain Based Crowdfunding
IRJET Journal
 
SPACE WATCH YOUR REAL-TIME SPACE INFORMATION HUB
IRJET Journal
 
A Review on Influence of Fluid Viscous Damper on The Behaviour of Multi-store...
IRJET Journal
 
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
IRJET Journal
 
Explainable AI(XAI) using LIME and Disease Detection in Mango Leaf by Transfe...
IRJET Journal
 
BRAIN TUMOUR DETECTION AND CLASSIFICATION
IRJET Journal
 
The Project Manager as an ambassador of the contract. The case of NEC4 ECC co...
IRJET Journal
 
"Enhanced Heat Transfer Performance in Shell and Tube Heat Exchangers: A CFD ...
IRJET Journal
 
Advancements in CFD Analysis of Shell and Tube Heat Exchangers with Nanofluid...
IRJET Journal
 
Breast Cancer Detection using Computer Vision
IRJET Journal
 
Auto-Charging E-Vehicle with its battery Management.
IRJET Journal
 
Analysis of high energy charge particle in the Heliosphere
IRJET Journal
 
A Novel System for Recommending Agricultural Crops Using Machine Learning App...
IRJET Journal
 
Auto-Charging E-Vehicle with its battery Management.
IRJET Journal
 
Analysis of high energy charge particle in the Heliosphere
IRJET Journal
 
Wireless Arduino Control via Mobile: Eliminating the Need for a Dedicated Wir...
IRJET Journal
 
Ad

Recently uploaded (20)

PPTX
EC3551-Transmission lines Demo class .pptx
Mahalakshmiprasannag
 
PPTX
Heart Bleed Bug - A case study (Course: Cryptography and Network Security)
Adri Jovin
 
PDF
Set Relation Function Practice session 24.05.2025.pdf
DrStephenStrange4
 
PDF
6th International Conference on Machine Learning Techniques and Data Science ...
ijistjournal
 
PPTX
ISO/IEC JTC 1/WG 9 (MAR) Convenor Report
Kurata Takeshi
 
PPTX
MobileComputingMANET2023 MobileComputingMANET2023.pptx
masterfake98765
 
PDF
monopile foundation seminar topic for civil engineering students
Ahina5
 
PPTX
NEUROMOROPHIC nu iajwojeieheueueueu.pptx
knkoodalingam39
 
PDF
Water Design_Manual_2005. KENYA FOR WASTER SUPPLY AND SEWERAGE
DancanNgutuku
 
PDF
Book.pdf01_Intro.ppt algorithm for preperation stu used
archu26
 
PPTX
Green Building & Energy Conservation ppt
Sagar Sarangi
 
PPTX
Hashing Introduction , hash functions and techniques
sailajam21
 
PPTX
Innowell Capability B0425 - Commercial Buildings.pptx
regobertroza
 
PPTX
drones for disaster prevention response.pptx
NawrasShatnawi1
 
PDF
Zilliz Cloud Demo for performance and scale
Zilliz
 
PDF
ARC--BUILDING-UTILITIES-2-PART-2 (1).pdf
IzzyBaniquedBusto
 
PDF
Unified_Cloud_Comm_Presentation anil singh ppt
anilsingh298751
 
PDF
Additional Information in midterm CPE024 (1).pdf
abolisojoy
 
PPTX
265587293-NFPA 101 Life safety code-PPT-1.pptx
chandermwason
 
PPTX
Pharmaceuticals and fine chemicals.pptxx
jaypa242004
 
EC3551-Transmission lines Demo class .pptx
Mahalakshmiprasannag
 
Heart Bleed Bug - A case study (Course: Cryptography and Network Security)
Adri Jovin
 
Set Relation Function Practice session 24.05.2025.pdf
DrStephenStrange4
 
6th International Conference on Machine Learning Techniques and Data Science ...
ijistjournal
 
ISO/IEC JTC 1/WG 9 (MAR) Convenor Report
Kurata Takeshi
 
MobileComputingMANET2023 MobileComputingMANET2023.pptx
masterfake98765
 
monopile foundation seminar topic for civil engineering students
Ahina5
 
NEUROMOROPHIC nu iajwojeieheueueueu.pptx
knkoodalingam39
 
Water Design_Manual_2005. KENYA FOR WASTER SUPPLY AND SEWERAGE
DancanNgutuku
 
Book.pdf01_Intro.ppt algorithm for preperation stu used
archu26
 
Green Building & Energy Conservation ppt
Sagar Sarangi
 
Hashing Introduction , hash functions and techniques
sailajam21
 
Innowell Capability B0425 - Commercial Buildings.pptx
regobertroza
 
drones for disaster prevention response.pptx
NawrasShatnawi1
 
Zilliz Cloud Demo for performance and scale
Zilliz
 
ARC--BUILDING-UTILITIES-2-PART-2 (1).pdf
IzzyBaniquedBusto
 
Unified_Cloud_Comm_Presentation anil singh ppt
anilsingh298751
 
Additional Information in midterm CPE024 (1).pdf
abolisojoy
 
265587293-NFPA 101 Life safety code-PPT-1.pptx
chandermwason
 
Pharmaceuticals and fine chemicals.pptxx
jaypa242004
 

IRJET- Aspect based Sentiment Analysis on Financial Data using Transferred Learning Approach using Pre-Trained BERT and Regressor Model

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1097 Aspect Based Sentiment Analysis on Financial Data using Transferred Learning Approach using Pre-Trained BERT and Regressor Model Ashish Salunkhe1, Shubham Mhaske2 1Pimpri Chinchwad College of Engineering and Research, Pune, India 2Pimpri Chinchwad College of Engineering and Research, Pune, India ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract - In this paper, we present a transferred learning approach for aspect classification and a regression approach for sentiment prediction on financial data provided by Financial Opinion Mining and Question Answering Open Challenge held at WWW 2018 Lyon, France. The transferred learning approach leverages the use of BERT and different regression approaches are used, with Linear Support Vector Regressor giving best results. Also, a comparative study of different existing techniques is done to provide a gist of recent advancements in this work. The performance is evaluated using performance metrics - precision, recall and F1-score for aspect classification and MSE and R Squared (R2) metrics for sentiment prediction. Key Words: data mining, text mining, transferred learning, classification, regression, neural networks, predictive sentiment analysis, financial Sentiment analysis 1. INTRODUCTION Sentiment Analysis and Text Classification together have always been an important researcharea inNatural Language Processing. Work on sentiment analysis has received attention in academia as well as industry toanalyzevaluable insights from customer reviews over a specific product or a service offered. Sentiments about a certain product may differ based on the entity it is correlated with. For instance, ’the phone in red color looks good, but it is priced high.’ The sentiment associated with the phone color is positive and that of its price is negative. Thus, aspect-based sentiment analysis aims to identify the polaritytowardsanentitybased on its correlated aspects. Thiswouldenablethe evaluationof sentiments based on its aspects up close. The field of financial sentiment analysis is relatively less explored. Exploring this domain to analyze the sentiments based on the aspects of unstructured text documents. Thus, based on the positive or negative sentiments userscanobtaininsights about possible investment opportunities and financial situations of a specific company. Future estimates about the existing market, investment, and analysis ofthestabilityand instability of the financial entities can be done through sentiment prediction and aspect classification.Aspect-based sentiment analysis on financial data is less explored since it lacks the availability of financial sentiment data set. Current approaches in aspect-based sentiment analysis include the use of deep learning models [1], transfer learning approach [2]. The transfer learning approach has exhibited promising results with improvements in the F1 score for classification and MSE for regression tasks. Thus, the use of transfer learning with the advent of BERT [3], XLNet [4] has a definitive scope for improved results. 2. RELATED WORK The work on aspect based sentimentanalysis(ABSA)started with rule-based methods and progressed to the most recent Deep Learning methods. The task of ABSA is divided into aspect extraction and aspect sentiment classification [5]. Aspect extraction can be seen as special case of general information extraction problem. Sequential methods based on Conditional RandomField (CRF)whichusesfeaturessuch as POS tags, tokens, syntactic dependency, lemmas, ner, etc. gives state of the art performance in information extraction [6]. Hu and Liu [7] proposed association rule based method which finds frequent nouns and noun phrases using POS tagger. Further research with same approach has been done in the following years. Wenya Wang et al. [8] used framework consistingofRecurrentNeural Network basedon dependency tree of each sentence and CRF for aspect and opinion extraction. MS Mubarok et al. [9] used Na¨ıve Bayes classifier forsentimentclassificationwhichshowed excellent performance. M Al-Smadi et al. [10] compared performance of RNN and SVM for sentiment classification in which SVM outperformed RNN. ABSA was the one ofthetask inSemEval 2014, 2015 where most of the participated teams used rule- based approach, supervised learning methods such as SVM, Naive Bayes classifier for the sub-task of aspect sentiment classification. [11]. In recent deep learning approaches for ABSA, Duyu Tang et al. [12] used target dependent LSTM model which performed well as compared toSVM. Thien Hai Nguyen et al. [13] proposed extendedRNN whichusestarget dependent binary phrase dependency tree constructed by combining the constituent and dependency trees of a sentence outperformedRNN andAdaRNN basedmodels. The work on financial sentiment analysis is still in it’s infancy. But promising work has been done in past year. Work by Xiliu Man; Tong Luo; Jianwu Lin [14] provides an in-depth survey on financial sentiment analysis. Their work provides comprehensive study of existing approaches including data source,lexicon-basedapproach,traditional machinelearning approach and recent deep learning approach such as word embedding, CNN, RNN, LSTM and attention mechanism. The work by Jangid, Singhal, Shah and Zimmermann [1] displays use of multi-channel CNN for sentiment analysis and a RNN Bidirectional LSTM to extractaspectfroma givenheadlineor
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1098 microblog. The work by Costa and da Silva [15] presented use of Linear Support Vector Classifier and Linear Support Vector Regressor as the solution to FiQA 2018 task 1. Shijia E., Li Yang et al. use the Attention based LSTM model [16]for aspect classification and sentiment score prediction. Yang, Rosenfeld, Makutonin have employed high-level semantic representations and methods of inductive transfer learning [2] and experimented with extensions of recentlydeveloped domain adaptation methods and target task fine-tuning. 3. METHODOLOGY In this section, we elaborate the approach we have used. Targets and aspects related to the sentence and snippetsare provided. The task is to detect the target aspects and predict the sentiment score based on the target aspect for the given text instance. The approach has two parts sentiment model and aspect model. Fig -1: Methodology 3.1 Tackling Class Imbalance using SMOTE SMOTE was first proposed by Nitesh Chawla, Kevin Bowyer, Lawrence Hall and Kegelmeyer [17]. SMOTE stands for Synthetic Minority OversamplingTechnique.Itis a statistical technique to overcome the issue of class imbalance by increasing the minority samples to balancethepopulationof classes. Also, it doesn’t affect the count of majority classes. We use SMOTE to address the class imbalance for level 1 aspect classification. Table -1: SMOTE Analysis Corporate Stock Economy Market Total Original dataset (equivalent to SMOTE percentage = 0) 460 (40%) 647 (56%) 7 (0.6%) 40 (3.4%) 1154 SMOTE percentage = 100 460 (35%) 647 (50%) 165 (13%) 29 (2.2%) 1301 3.2 Aspect Model We largely use the methodology and architectureusedin the BERT [3] paper and experiment with different methods of model fine-tuning, and hyper-parameter tuning. The aspect classification task is divided into two sub tasks. We divide the parent and child level aspects. On division, our first task classifies the sentences according to the parent level classes. Similarly, we classify the sentence according to the child level classes. There are 4 parent classes and 27 child / sub classes. We fine-tuned the BERT model for parent-level aspect classificationandpassedthesamemodel forsub-level aspect classification. Table -2: Distribution of aspects in training dataset Aspect Level 1 Aspect Level 2 Count Corporate Reputation 10 Company Communication 8 Appointment 37 Financial 26 Regulatory 18 Sales 92 M&A 76 Legal 28 Dividend Policy 26 Risks 57 Rumors 33 Strategy 49 Stock Options 12 IPO 8 Signal 26 Coverage 45 Fundamentals 13 Insider Activity 5 Price Action 437 Buyside 5 Technical Analysis 98 Economy Trade 2 Central Banks 5 Market Currency 2 Conditions 3 Market 24 Volatility 11 3.3 Sentiment Model We used the baseline machinelearningmodelsforsentiment prediction. First, the sentiment score is scaled to [0,1]. We use regression models - Linear Support Vector Regressor,
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1099 Decision Tree and RNN. Word vectors are passed as input and sentiment score ranging between [0,1] is generated which is scaled to [- 1,1] as used in [1]. 4. EXPERIMENTS 4.1 Dataset The FiQA task 1 dataset [18] contains information about aspect-based sentiment analysis information about posts and news headlines extracted from finance domain web pages like Wikinews, Stocktwits and Reddit. There are 435 annotated headlines and 675 annotated financial tweets provided with aspect and sentiment score providedtoevery target. An example of the dataset: "55": { "sentence": "Tesco Abandons Video-Streaming Ambitions in Blinkbox Sale", "info": [ { "snippets": "['Video-Streaming Ambitions']", "target": "Blinkbox", "sentiment_score": "-0.195", "aspects": "['Corporate/Stategy']" }, { "snippets": "['Tesco Abandons Video-Streaming Ambitions ']", "target": "Tesco", "sentiment_score": "-0.335", "aspects": "['Corporate/Stategy']" } ] } To label each sentence the aspect finance tree follows node levels describe each aspect: E.g.: Stock / Price Action / Bullish / Bull Position Where: Level 1 / Level 2 / Level 3 / Level 4 Here, Level 1 represent most generic financial aspect challenges and Level 4 represents most specific financial aspect categories [18]. Aspects can have be 6 levels. For this challenge, the classification/predication up to level 2 aspect is expected. 4.2 Data Preprocessing Data is in the plain text format so it can no be directly fed to the model. Data has some components are not helpful for analysing the nature of the data. • The data contains punctuation marks, special characters like “ ’ !; : # & ( ) * + / ¡ ¿ = []ˆ. We removed punctuation marks and special characters by using inbuilt python string functions. • Data also contains numbers and white spaces which are removed by using inbuilt python string functions. • Data contains URLs which are not useful. We removed URLs from the data by using ”re” package which provides functionality for Regular Expressions. • Data also had capitalized words which are treated differently than same words in lowercase and hence all data need to be converted to single case. • Some common words such as to, and, am, ok which are also called as Stop-words were removed. • There are different forms of singlewordsexistsindata and they need to be grouped so that they can be referred as single word. This is called as lemmatization. • Label Encoding: We perform one-hot encoding for both level 1 and level 2 aspects. So before feeding it to the model, it needs to be preprocessed for optimum results. We used following approaches to preprocess our data. 4.3 Fine-tuning BERT BERT [3] which is a pre-trained language representation model fine-tunes on other tasks. We fine-tune the pre- trained BERT model for this task. 4.4 Bert Single for Target-Aspect Based Sentiment Analysis (TABSA) Bert for single sentence classification tasks was first introduced by Chi Sun, Luyao Huang, Xipeng Qiu [19].Based on their work, the number of target categories are nt and na aspect categories, so the TABSA combination is nt .na 5. RESULTS In this section we present the results for sentiment analysis and aspect classification tasks of FiQA (2018). The metrics used to evaluate sentiment model were Mean Squared Error(MSE) for sentiment model, and F1 score for aspect model. We achieved these resultsusingpre-trainedBERT [3] for aspect model and Linear Support Vector Regressor for sentiment model.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1100 Table - 3: Aspect Model Precision Recall F1-Score Microblog Posts 0.5921 0.4732 0.4610 Headlines and Statements 0.4361 0.3812 0.4068 6. CONCLUSIONS In this paper, we present a combination of transferred learning and baseline models to do aspect-based sentiment analysis on financial tweets and headlines. We plan to train these models on a larger dataset in the future to collect information about the aspect groups that have not been adequately studied due to the lack of sufficient training samples in the current dataset. In recent times, a set of deep learning models have shown state-of-the-art performance, and we also would choose to explore and study the effectsof the ensemble on our approach. Use of other transferred learning approaches like XLNet [4] can be done to improve the results of performance metrics. Table - 3: Sentiment Model MSE Microblog Posts 0.357811 Headlines and Statements 0.134721 ACKNOWLEDGEMENT We would like to thank Department of Computer Engineering, Pimpri Chinchwad College of Engineering and Research, Ravet, Pune for their valuable assistance in this literature survey. We would also like to extend our special thanks to Prof. Dr. Archana Chaugule, Head, Department of Computer Engineering, Pimpri Chinchwad College of Engineering andResearch,forher encouragementanduseful critiques for this research work. REFERENCES [1] H. Jangid, S. Singhal, R. R. Shah, and R. Zimmermann, “Aspectbased financial sentiment analysis using deep learning,” in Companion Proceedings of the The Web Conference 2018. International World Wide Web Conferences Steering Committee, 2018, pp. 1961–1966. [2] S. Yang, J. Rosenfeld, and J. Makutonin,“Financial aspect- based sentiment analysis using deep representations,” 2018. [3] J. Devlin, M.-W. Chang, K. Lee, and K. Toutanova, “Bert: Pre-training of deep bidirectional transformers for language understanding,” arXiv preprint arXiv: 1810.04805, 2018. [4] Z. Yang, Z. Dai, Y. Yang, J. Carbonell, R. Salakhutdinov, and Q. V. Le, “Xlnet: Generalized autoregressive pretraining for language understanding,”arXiv preprint arXiv: 1906.08237, 2019. [5] B. Liu, “Sentiment analysis and opinion mining,” Synthesis lectures on human language technologies,vol. 5, no. 1, pp. 1–167, 2012. [6] T. Brychc´ın, M. Konkol, and J. Steinberger, “Uwb: Machine learning approach to aspect-based sentiment analysis,” in Proceedings of the 8th International Workshop on Semantic Evaluation (SemEval 2014), 2014, pp. 817–822. [7] M. Hu and B. Liu, “Mining and summarizing customer reviews,” in Proceedings of the tenth ACM SIGKDD international conference on Knowledge discovery and data mining. ACM, 2004, pp. 168–177. [8] W. Wang, S. J. Pan, D. Dahlmeier, and X. Xiao, “Recursive neural conditional random fields for aspect-based sentiment analysis,” arXiv preprint arXiv:1603.06679, 2016. [9] M. S. Mubarok, Adiwijaya, andM.D.Aldhi,“Aspect-based sentiment analysis to review products using na¨ıve bayes,” in AIP Conference Proceedings, vol. 1867, no. 1. AIP Publishing, 2017, p. 020060. [10] M. Al-Smadi, O. Qawasmeh, M. Al-Ayyoub, Y. Jararweh, and B. Gupta, “Deep recurrent neural network vs. support vector machine for aspectbased sentiment analysis of arabic hotels’ reviews,” Journal of computational science, vol. 27, pp. 386–393, 2018. [11] M. Pontiki, D. Galanis, H. Papageorgiou, S. Manandhar, and I. Androutsopoulos, “SemEval-2015 task 12: Aspect based sentiment analysis,” in Proceedings of the 9th International Workshop on Semantic Evaluation (SemEval 2015). Denver, Colorado: Association for Computational Linguistics, Jun. 2015, pp. 486–495. [Online]. Available: https://www.aclweb.org/anthology/S15-2082 [12] D. Tang, B. Qin, X. Feng, and T. Liu, “Target-dependent sentiment classification with long short term memory,” arXiv preprint arXiv: 1512.01100, 2015. [13] T. H. Nguyen and K. Shirai, “PhraseRNN: Phrase recursive neural network for aspect-based sentiment analysis,” in Proceedings of the 2015 Conference on Empirical Methods in Natural Language Processing. Lisbon, Portugal: Association for Computational
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 06 Issue: 12 | Dec 2019 www.irjet.net p-ISSN: 2395-0072 © 2019, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1101 Linguistics, Sep. 2015, pp. 2509–2514. [Online]. Available: https://www.aclweb.org/anthology/D15- 1298 [14] X. Man, T. Luo, and J. Lin, “Financial sentiment analysis (fsa): A survey,” in 2019 IEEE International Conference on Industrial Cyber Physical Systems (ICPS), May 2019, pp. 617–622. [15] D. de Franc¸a Costa and N. F. F. da Silva, “Inf-ufg at fiqa 2018 task 1: Predicting sentiments and aspects on financial tweets and news headlines,” in Companion Proceedings of the The Web Conference 2018, ser. WWW ’18. Republic and Canton of Geneva, Switzerland: International World Wide Web Conferences Steering Committee, 2018, pp. 1967–1971. [Online]. Available: https://doi.org/10.1145/3184558.3191828 [16] S. E., L. Yang, M. Zhang, and Y. Xiang, “Aspect-based financial sentimentanalysiswithdeepneural networks,” in Companion Proceedings of the The Web Conference 2018, ser. WWW ’18. Republic and Canton of Geneva, Switzerland: International World Wide Web Conferences Steering Committee, 2018, pp. 1951–1954. [Online]. Available: https://doi.org/10.1145/3184558.3191825 [17] N. V. Chawla, K. W. Bowyer, L. O. Hall, and W. P. Kegelmeyer, “Smote: synthetic minority over-sampling technique,” Journal of artificial intelligenceresearch,vol. 16, pp. 321–357, 2002. [18] M. Maia, S. Handschuh, A. Freitas, B. Davis, R. McDermott, M. Zarrouk, and A. Balahur, “Www’18 open challenge: Financial opinion mining and question answering,” in Companion Proceedings of the The Web Conference 2018, ser. WWW ’18.Republic andCantonof Geneva, Switzerland: International World Wide Web Conferences Steering Committee, 2018, pp. 1941–1942. [Online]. Available: https://doi.org/10.1145/3184558.3192301 [19] C. Sun, L. Huang, and X. Qiu, “Utilizing BERT for aspectbased sentiment analysis via constructing auxiliary sentence,” in Proceedings of the 2019 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies, Volume 1 (Long and Short Papers). Minneapolis, Minnesota: Association for Computational Linguistics, Jun. 2019, pp. 380–385. [Online]. Available: https://www.aclweb.org/anthology/N19- 1035