[PDF] NEU-Stock: Stock market prediction based on financial news?





Previous PDF Next PDF



Multi-modal Attention Network for Stock Movements Prediction

1https://github.com/HeathCiff/Multi-modal-Attention-. Network-for-Stock Stock price forecasting: autoregressive modelling and fuzzy neural network ...



Multi-task Recurrent Neural Networks and Higher-order Markov

8 авг. 2019 г. Furthermore our algorithm is not limited to stock price movement prediction but can easily be applied to other time series tasks and computer ...



Accurate Stock Movement Prediction with Self-supervised Learning

Abstract—Given historical stock prices and sparse tweets how can we accurately predict stock price movement? 1 https://github.com/stocktweet/stock-tweet. 2 ...



Temporal Relational Ranking for Stock Prediction

as a classification (to predict stock trend) or a regression problem (to predict stock price). github.com/z331565360/State-Frequency-Memory-stock-prediction.



Development of a stock trading system based on a neural network

2 мар. 2022 г. Keywords Stock price prediction Highly volatile stock price pattern





Swedish Stock and Index Price Prediction Using Machine Learning

13 июн. 2023 г. project can be accessed via my GitHub repository as cited here: [15]. ... Volume can be a good predictor of the stock price since generally when ...



DeepClue: Visual Interpretation of Text-based Deep Stock Prediction

Abstract—The recent advance of deep learning has enabled trading algorithms to predict stock price movements more accurately.



Attention-Based Autoregression for Accurate and Efficient Time

• Stock price prediction. • Product sales forecasting. • Weather forecast. 2021 http://colah.github.io/posts/2015-08-Understanding-LSTMs/. Page 10. LSTNet.



Accurate Multivariate Stock Movement Prediction via Data-Axis

• We propose DTML for stock price prediction. • Data-axis Transformer with • Apply the L2 regularizer only to the last predictor. • Why? To restrict the ...



Multi-task Recurrent Neural Networks and Higher-order Markov

8 août 2019 Markov Random Fields for Stock Price Movement Prediction. Chang Li. UBTECH Sydney AI Centre SCS



DeepClue: Visual Interpretation of Text-based Deep Stock Prediction

Abstract—The recent advance of deep learning has enabled trading algorithms to predict stock price movements more accurately.



STOCK MARKET PREDICTIONS USING DEEP LEARNING

Available: https://github.com/ktinubu/Predict-Stock-With-LSTM. [9] N. Rahman “NourozR/Stock-Price-Prediction-LSTM



NEU-Stock: Stock market prediction based on financial news?

For a long period of time forecasting future stock price is available at https://github.com/CielCiel1/NEU-Stock-Stock-market-.



An Exploratory Study of Stock Price Movements from Earnings Calls

more predictive of stock price movements than sales and earnings per share i.e.



Accurate Multivariate Stock Movement Prediction via Data-Axis

18 août 2021 [8] have proposed hier- archical Gaussian Transformers for modeling stock prices instead of relying on recurrent neural networks. Wang et al. [ ...



Stock Price Correlation Coefficient Prediction with ARIMA-LSTM

1 oct. 2018 (RNN) in predicting the stock price correlation coefficient of two individual stocks. ... (https://github.com/quandl/quandl-python).



Development of a stock trading system based on a neural network

2 mars 2022 Keywords Stock price prediction Highly volatile stock price pattern



LSTM-based sentiment analysis for stock price forecast

11 mars 2021 This method is most suitable for long-term forecasting. The method of technical analysis tries to use the historical prices of stocks to predict ...



Hybrid Deep Sequential Modeling for Social Text-Driven Stock

26 oct. 2018 However due to the excess volatility of stock prices [11]



stock-price-predictor/reportpdf at master - GitHub

Predicting the stock price using LSTM (Deep Learning) - stock-price-predictor/report pdf at master · takp/stock-price-predictor



stock-prediction · GitHub Topics

Stock market analyzer and predictor using Elasticsearch Twitter News headlines and Python natural language processing and sentiment analysis



stock-price-prediction · GitHub Topics

Implemented LSTM model to predict Reliance stock prices achieving accurate forecasts for 10 days python deep-learning stock-price-prediction lstm-model 



stock-market-prediction · GitHub Topics

Web app to predict closing stock prices in real time using Facebook's Prophet time series algorithm with a multi-variate single-step time series 



stock-price-prediction · GitHub Topics

This is a simple jupyter notebook for stock price prediction These notebooks allows you to collect news and prices use our manual labelling to fine 



stock-price-prediction · GitHub Topics

To predict the price of the Google stock we use Deep Learning Recurrent Neural Networks with Long Short-Term Memory(LSTM) layers



P&G-Stock-Price-Prediction - GitHub

GitHub - shaishav11/PG-Stock-Price-Prediction: The Aim of this project was to predict open price of a stock (P&G Stock in my case) based on various indexes 



[PDF] STOCK MARKET PREDICTIONS USING DEEP LEARNING

Available: https://github com/NourozR/Stock-Price-Prediction-LSTM [10] “What deep learning is and isn't” The Data Scientist 28-Aug-2018 [Online]



[PDF] Accurate Stock Movement Prediction with Self-supervised Learning

Index Terms—stock price movement prediction self-supervised learning Twitter attention LSTM at https://github com/deeptrade-public/slot



Stockpriceprediction by scorpionhiccup

Stockpriceprediction Stock Price Prediction using Machine Learning Techniques Stock Market Predictor using Supervised Learning

  • What is the best predictor of stock price?

    If stock returns are essentially random, the best prediction for tomorrow's market price is simply today's price, plus a very small increase.
  • How to predict the price of a stock?

    Price to Earnings ratio is one of the traditional methods to analyse the company performance and predict the prices of the stock of the company. This ratio considers the market price of the shares of the company and the earnings per share (EPS) of the company.
  • Can analysts predict stock prices?

    Despite the most careful analysis, we cannot know for certain the price at which a stock will trade in the future. Nevertheless, when a prominent analyst changes their price target, it can have a significant impact on the price of a security.
  • Stock price prediction using LSTM

    1Imports: 2Read the dataset: 3Analyze the closing prices from dataframe: 4Sort the dataset on date time and filter “Date” and “Close” columns: 5Normalize the new filtered dataset: 6Build and train the LSTM model: 7Take a sample of a dataset to make stock price predictions using the LSTM model:

NEU-Stock: Stock market prediction based on

ifinancial news

Trang Tran

[0000-0003-3370-6272], Nguyen Ngoc Long[0000-0002-6979-4473],

Nguyen Son Tung

[0000-0001-9244-7093], Nguyen Thu Thao[0000-0002-4026-7362],

PTH Tham

[0000-0001-9669-6855], and Tuan Nguyen⋆⋆[0000-0002-3616-5267]

National Economics University, Hanoi, Vietnam

{thamtkt, nttuan}@neu.edu.vn Abstract.For a long period of time, forecasting future stock price movements has attracted the attention of not only investors but also researchers. In this research, we examined the inlfluence of ifinancial news on the prediction of the stock price of FPT Group. At ifirst, we presented a method to extract information from ifinancial article titles and classi- ified them based on their impact on stock prices by using a model that has been trained with PhoBERT with an accuracy of 93%. Then, we proposed a NEU-Stock model to forecast the stock price of the follow- ing day using the LSTM-Attention model with past closed prices and the impact of news as variables. The results of the tests demonstrate that utilizing the NEU-Stock model produces the best results with a high coeiÌifiÌicient of determinationR2and signiificantRMSE. The code is available at https://github.com/CielCiel1/NEU-Stock-Stock-market- prediction-based-on-ifinancial-news. Keywords:deep learning?stock prediction?news classiification?LSTM ?attention?PhoBERT

1 Introduction

Since the stock market is highly volatile and dynamic, forecasting is always a challenging task. Many methods have been proposed to forecast the stock mar- ket's future direction [1][2][3]. External factors such as ifinancial news have an immediate positive or negative inlfluence on stock values. For example, investors evaluate a business by its activities on its oiÌifiÌicial website and ifinancial news⋆ Copyright?by the paper's authors. Use permitted under Creative Commons Li- cense Attribution 4.0 International (CC BY 4.0). In: N. D. Vo, O.-J. Lee, K.-H. N. Bui, H. G. Lim, H.-J. Jeon, P.-M. Nguyen, B. Q. Tuyen, J.-T. Kim, J. J. Jung, T. A. Vo (eds.): Proceedings of the 2nd International Conference on Human-centered Arti- ificial Intelligence (Computing4Human 2021), Da Nang, Viet Nam, 28-October-2021, published athttp://ceur-ws.org ⋆⋆Corresponding Author.

218 Trang et al.

related to the company before they decide to buy that stock. However, the in- vestors cannot completely assess such vast quantities of ifinancial news data by themselves. Thus, investors naturally require a model that can anticipate stock prices. Many prior studies predict the stock market using historical data[4][5]. How- ever, the ifindings that those models offfer are not particularly excellent since the stock market's volatility is highly impacted by unanticipated social network fac- tors. Thus in this study, we used ifinancial news to support the prediction of the stock market rather than only historical ifigures. Given news is in raw text, we introduced a PhoBERT[6]-trained model with the goal of classifying news-based emotions as negative, neutral or positive. The LSTM [7] model is then applied to combine the sentiment of the news with the historical stock price. Since the stock market lfluctuations still contain a lot of noise, we decided to improve this model by using the attention mechanism to focus on the key information in the model. Finally, we proposed a NEU-Stock model that uses the LSTM-Attention model with historical closed prices and the impact of news as variables to pre- dict the stock price of the next day. Once the model was trained on a data set including 1800 days of FPT stock price, our model produced the best results with an RMSE [8] error of 730.754 and the coeiÌifiÌicient determinantR2[9] up to

0.933.

The rest of the paper is organized as follows. Section 2 reviews the related work. Section 3 presents the proposed model. Section 4 discusses the experiments and results, followed by a conclusion in Section 5.

2 Related works

Investment in the stock market is risky, but when arrived with discipline, it is one of the most accurate ways to earn large proifits. Because accurate stock pre- diction external analysis increases investor proifits, machine learning researchers are interested in this ifield. Wasiat Khan et al. [10] used algorithms to analyze social media and ifinancial news data to determine the impact of this data on stock market prediction accuracy over the next ten days. Deep learning is used to achieve maximum prediction accuracy, and some classiifiers are ensembled. Their experimental results show that social media and ifinancial news have the highest prediction accuracies of 80.53% and 75.16%, respectively. Duc Duong et al. [11] proposed a model to predict the VN30 index trend based on stock news and the stock price of the VN30 index. They combined several methods such as delta TFIDF [12], sentiment dictionary, SVM [13], text mining to improve ac- curacy always above 60% (highest prediction accuracy is 90%). To develop the Arizona Financial Text System (AZFinText), Robert P.Schumaker and Hsinchun Chen [14] investigated the problem of discrete stock price prediction using a for- mulation of linguistic, ifinancial, and statistical techniques (AZFinText). They discovered that stocks segmented by sectors were the most predictable in terms of closeness, with a Mean Squared Error (MSE) [15] score of 0.1954. NEU-Stock: Stock market prediction based on ifinancial news 219 We proposed a new model that could predict stock prices after realizing that previous research only forecasted stock price trends. In addition, we provided a large and diverse data set to assist the model in making predictions with the lowest MAPE [16].

3 Method

3.1 Proposed model

In this paper, we presented the LSTM-Attention model for forecasting stock

market closing prices based on the inlfluence of news and historical prices. TheFig.1.The lflowchart of NEU-Stock

method is built around two components: A stock news classiification model and a prediction model based on LSTM and the attention mechanism. The complete model's operating procedure is as Figure 1: To begin, the model's input comprises the historical price of a FPT code and the title of ifinancial news related to FPT Group, which is obtained from CafeF.vn. The stock price will be transformed into the value in the range (0,1) by taking each price minus the smallest price available in the data set and dividing the result by the distance between the smallest and highest price. This is to ensure the price distance is not too large among time intervals and simultaneously simpliifies the computation process. Meanwhile, the titles are processed by the PhoBERT model. The algorithm will examine the sentiment impact of the title being broadcast by analyzing the content and categorizing it as [negative impact, neutral, or positive impact]. Following that, the model will count the number of articles categorize in each type of impact for each day. Then, based on that number, the model will decide whether that day is carrying a positive, negative, or neutral direction by taking the impact that has the highest number and represents as -1, 0 or 1 (i.e., -1 as negative, 0 as neutral, and 1 as positive direction). The outcome of this process, along with the scaled stock price, will be used as parameters in a model that

220 Trang et al.

uses LSTM-Attention [17] to train. The NEU-Stock model predicts the price of the following day using those parameters in a time series (in this case, 90 days) and then repeats the cycle day after day.

3.2 Stock price prediction model

Long short-term memoryor LSTM neural network is powerful for modeling sequence data such as time series. It is a more advanced version of the RNN [18]. In comparison to RNN, LSTM consists of three gates to tackle the gradient vanishing problem, which is extensively used in time series modeling: forget gate,

input gate, and output gate. Initially, data enters the forget gate in each neuron.Fig.2.LSTM architecture

The forget gate decides which input data is to be ignored so that the following neuron's update is not hampered. The input gate determines which data may be added in the second phase. The sigmoid and tanh function are used to process the preceding neuron's output and the local neuron's input to produce two outcomes. Then, depending on these two ifindings, it's decided which information has to be changed. For the output gate, the results will be stored. Finally, the output gate determines which of the input gate's results can be created. The ifindings of one neuron's output gate will be sent into the next neuron, and so on. Attention.The attention mechanism is a part of a neural architecture that allows users to dynamically highlight signiificant characteristics of incoming data, which in NLP is generally a series of textual components. It can be applied to the raw input or its higher-level representation directly. The basic concept underlying attention is to compute a weight distribution on the input sequence, with larger values being assigned to more relevant items. A query and a collection of key-value pairs are mapped to output by an attention method, with the query, keys, values, and output all being vectors. The result is a weighted sum of the values, with the weight allocated to each value determined by the query's compatibility function with the associated key. The following formula is used to determine attention's parameters: NEU-Stock: Stock market prediction based on ifinancial news 221 ts=exp(ht,h s)P S s ′=1exp(score(ht,h s)[Attention weights] (1) c t=X sα tsh s[Context vector] (2) a t=f(ct,ht) =tanh(Wc[ct;ht]) [Attention vector] (3) score(ht,h s) =vTatanh(W1ht+W2h

S) [Bahdanau′s additive style[19]] (4)

3.3 PhoBERT

BERT, or Bidirectional Encoder Representations from Transformers, is an archi- tecture for Language Representation published by Google [20] in early October

2018. The biggest advantage of BERT is the architecture designed to train the

vector representing text language through two-dimensional context(from left to right and right to left). However, it is not easy to apply BERT for Vietnamese because of the Viet- namese shortage of pre-training data. Almost publicly released monolingual and multi-lingual BERT-based language models are not aware of the diffference be- tween Vietnamese syllables and word tokens. This ambiguity comes from the fact that white space is also utilized to separate syllables that makeup words in Vietnamese. In March 2020, Dat Quoc Nguyen and Anh Tuan Nguyen from VinAI Research published pre-trained model PhoBERT. This is a monolingual pre-trained trainer, and the training is based on the design and approach of RoBERTa [22], which was introduced by Facebook in 2019 and is an improve- ment over the original BERT. PhoBERT is trained from about 20GB of data, including approximately 1GB of Vietnamese Wikipedia Corpus and 19GB re- maining from Vietnamese News Corpus. Before proceeding to the BPE encoder [23], PhoBERT utilizes Rdrsegmenter of VnCoreNLP [24] to separate words for input data. The entire training process will be deployed on PyTorch [25].

4 Experimental results

4.1 Dataset

We developed two datasets, one to train the classiification model, the other to train the stock price prediction model. News classiification dataset. To be able to use PhoBERT to evaluate and categorize the news' impact, we built a dataset that included 1000 titles of ifinancial articles taken from CafeF.vn and labeled them into three groups [negative, neutral, or positive] based on expert advice. The dataset includes 187 articles with a negative impact, 248 articles with no impact, and 565 articles positively. Stock price prediction dataset. Our dataset contains FPT stock prices and related articles. To get the stock price, we collected 1800 closing prices of

222 Trang et al.

FPT stock from vn.investing.com for a period of seven years, between July 11,

2013, and September 24, 2020. Furthermore, we also crawled the news related

to FPT Group from quality newspapers (e.g., CafeF.vn) in this period day by day. Then we classiified the news's title by classiification models and counted the number of positive, neutral, negative news each day. Finally, our dataset contains four main features as shown in Table 1.

Table 1.Feature descriptionFeatureMeaning

PriceThe close price of FPT

PositiveThe number of positive titles

NeutralThe number of neutral titles

NegativeThe number of negative titles

4.2 Experimental results

The dataset is divided into two sets: training set with the ifirst 1600 samples and testing set including the remaining 200 samples. We assessed LSTM and LSTM- Attention with news and without news performance based on the MAPE, RMSE, andR2metrics. Table 2.Evaluate model's performanceLSTMLSTM-Attentionquotesdbs_dbs21.pdfusesText_27
[PDF] stockmarketgain

[PDF] stocks a and b have the following returns what are the expected returns of the two stocks

[PDF] stocks most affected by brexit

[PDF] stocks that did well in 2008 recession india

[PDF] stoichiometry calculations pdf

[PDF] stonegate pharmacy lawsuit

[PDF] stop and frisk in louisiana

[PDF] stop clickbait: detecting and preventing clickbaits in online news media

[PDF] stop nrpe service

[PDF] stop tshark capture command line

[PDF] storage class program example

[PDF] storage classes in c

[PDF] storage classes in c language

[PDF] storage classes in c pdf

[PDF] storage of hand sanitizer