IJCAI_论文-深度学习-Deep Learning for Event-Driven Stock Prediction

Deep Learning for Event-Driven Stock Prediction

Reading time:2019/3/30-2019/4/12  Theme:Deep learning; CNN; NLP

Abstract:

  We propose a deep learning method for eventdriven stock market prediction. First, events are extracted from news text, and represented as dense vectors, trained using a novel neural tensor network. Second, a deep convolutional neural network is used to model both short-term and long-term influences of events on stock price movements. Experimental results show that our model can achieve nearly 6% improvements on S&P 500 index prediction and individual stock prediction, respectively, compared to state-of-the-art baseline methods. In addition, market simulation results show that our system is more capable of making profits than previously reported systems trained on S&P 500 stock historical data.

 

Main content:

First part:Introduction

  1.As web information grows, recent work has applied Natural Language Processing (NLP) techniques to explore financial news for predicting market volatility.

  2.Pioneering work mainly uses simple features from news documents, such as bags-of-words, noun phrases, and named entities.

  3.One disadvantage of structured representations of events is that they lead to increased sparsity, which potentially limits the predictive power.

  4.Ding et al. [2014] show that the performance of daily prediction is better than weekly and monthly prediction.

  5.Despite the relatively weaker effects of long-term events, the volatility of stock markets is still affected by them. However, little previous work quantitively models combined short-term and long-term effects of events. To fill in this gap, we treat history news as daily event sequences, using a convolutional neural network (CNN) to perform semantic composition over the input event sequence, and a pooling layer to extract the most representative global features. Then a feedforward neural network is used to associate the global features with stock trends through a shared hidden layer and a output layer.

  6.Experiments on large-scale financial news datasets from Reuters and Bloomberg show that event embeddings can effectively address the problem of event sparsity.

Second part: Neural Tensor Network for Learning Event Embeddings

1.Our goal is to automatically learn embeddings for structured event tuples E = (O1, P, O2), which draw more fundamental relations between events, even if they do not share the same action, actor or object

2.Our task is related to previous work on learning distributed representations of multi-relational data from knowledge bases [Bordes et al., 2011; Socher et al., 2013], which learns the embedding of (e1, R, e2), where e1 and e2 are named entities and R is the relation type. However, learning structured event embedding has two significant differences.

First, the number of relation types in knowledge bases is limited.

Second, the goal of relational database embedding is to be able to state whether two entities (e1, e2) are in a certain relation R. When R is symmetric, e1 and e2 have interchangeable roles.

Neural Tensor Network

  3.As most event arguments consist of several words, we represent the actor, action and object as the average of its word embeddings, respectively, allowing the sharing of statistical strength between the words describing each component.

  4.We extract more than 10 million events from Reuters financial news and Bloomberg financial news as the training data for event embeddings. The training algorithm repeats for N iterations over the training examples, which is a set of event tuples E = (O1, P, O2), extracted from the training corpus using the method in Section 2.1. In each iteration, the training procedure is shown in Algorithm 1.

Deep Prediction Model

  1.We model long-term events as events over the past month, mid-term events as events over the past week, and short-term events as events on the past day of the stock price change. As shown in Figure 3, the prediction model learns the effect of these three different time spans on stock prices based on the framework of a CNN.

  2.For our task, it is necessary to utilize all local features and predict stock price movements globally. Hence, we use a max pooling layer on top of the convolutional layer, which forces the network to retain only the most useful local features produced by the convolutional layer. Note that the convolution operation is only applied to the long-term and mid-term event embeddings, because the unit of timing is one day.

  3.To correlate the feature vector VC and stock prices, we use a feedforward neural network with one hidden layer and one output layer.

  4.We use financial news from Reuters and Bloomberg over the period from October 2006 to November 2013, released by Ding et al. [2014] 1.Randinsky et al. [2012] and Ding et al. [2014] show that news titles are more useful for prediction compared to news contents. This paper extracts events only from news titles. We conduct our experiments on predicting the Standard & Poor’s 500 stock (S&P 500) index and its individual stocks, obtaining indices and prices from Yahoo Finance. Detail statistics of training, development (tuning) and test sets are shown in Table 1.

  5.In contrast to the baselines, we use a neural tensor network to learn event embeddings for representing news documents, and build a prediction model based on a deep CNN.

  6.Event embedding is useful for the task of stock market prediction. Given the same prediction model (CNN or NN), the event embeddings based methods (EB-NN and EB-CNN) achieve consistently better performance than the events-based methods (E-NN and E-CNN). This is likely due to the following reasons.

  First, low-dimensional dense vector can effectively alleviate the problem of feature sparsity.

  Second, we can learn deeper semantic relations between event embeddings, by modeling the semantic compositionality over word embeddings.

Market Simulation(a strategy)

  7.We simulate real stock trading by following the strategy proposed by Lavrenko et al. [2000], which mimics the behavio of a daily trader who uses our model in a simple way. If the model indicates that an individual stock price will increase the next day, the fictitious trader will invest in $10,000 worth of that stock at the opening price. After a purchase, the trader will hold the stock for one day. During the holding time, if the stock can make a profit of 2% or more, the trader sells immediately. Otherwise, at the end of the day, the trader sells the stock at the closing price. The same strategy is used for shorting, if the model indicates that an individual stock price will decrease. If the trader can buy the stock at a price 1% lower than shorted, he/she buys the stock to cover. Otherwise, the trader buys the stock at the closing price.

  8.we notice that if there is no news reported for an individual stock on the previous day, their models cannot predict the trend of the stock price movements on a day, because they do not leverage long-term and mid-term news. This does not hurt the evaluation results of accuracy and MCC, but can hurt the real profit.

  9.Despite 50 years of studies from the fields of finance,computer science and other research communities, the debate continues over what kinds of information can be useful for stock market prediction. In Artificial Intelligence (AI), three sources of information has been the most exploited for algorithmic stock market prediction.

  First, some prediction techniques leverage historical and time-series data.

  Second,with advances of NLP techniques, various studies have found that financial news can dramatically affect the share price of a security.

  Apart from events, sentiment is another perspective of deep semantic analysis of news documents.

Conclusion

  We demonstrated that deep learning is useful for event-driven stock price movement prediction by proposing a novel neural tensor network for learning event embeddings, and using a deep convolutional neural network to model the combined influence of long-term events and short-term events on stock price movements. Experimental results showed that eventembeddings-based document representations are better than discrete events-based methods, and deep convolutional neural network can capture longer-term influence of news event than standard feedforward neural network. In market simulation, a simple greedy strategy allowed our model to yield more profit compared with previous work.

关于本篇文章的一些体会和总结:

1.这篇文章是哈尔滨工业大学本部刘挺团队(主攻NLP)于2015年发表在顶级会议IJCAI(国际人工智能联合会议)上关于“用深度学习在事件驱动股票预测中的运用”。其主要创新点在于将事件从新闻文本中提取出来,并用一个新的神经张量网络训练的密集向量表示。用到的数据为:美国500家上市公司的标准普尔500指数,利用自然语言处理NLP的事件抽取技术,将新闻转化为结构信息(结构化表示),深度学习CNN进行预测,结果显示相对最先进的预测方法,性能提高了6%。

2.using open information extraction(actor+action+object)

3.structured representation => increase sparsity => limited predictive power => event embeddings => dense vectors.

4.A novel neural tensor network:它可以学习事件参数的语义组成,方法是将他们相乘组合,而不是像标准的神经网络那样仅仅隐式的组合。

5.尽管长期事件影响相对减弱,但是股票市场的波动性仍然受其影响,而以往的定量模型很少将短期和长期事件的影响结合起来。
6.(news to sequences,CNN)在输入事件序列上用CNN表征其语义组成,池化层来提取最有代表意义的全局特征,前馈神经网络关联通过共享隐层和输出层的伴随股票趋势的全局特征。

7.CNN+long term history data:目标是自动学习结构化事件元组(在时间中联系基础,尽管没有共同的action,actor和object)的嵌入。
8.Neural tensor network:input(word embedding),output(event embedding)

9.我们的任务与以前从知识库中学习多关系数据的分布式表示有关。问题:关联类型有限,确定两个事件实体是否关联。

10.由于大多数事件参数由几个词组成,因此我们分别将参与者,动作和对象表示为其词嵌入的平均值,从而允许描述每个组件的词之间的共享统计强度。

11.news titles are more useful for prediction compared to news contents.

12.experiment:S&P500index yahoo finance, ACC and MCC(马修斯相关系数),using bag of words, svm.

13.in the baseline:a standard feedforward neural network.in new model:a neural tensor network to learn event embedding and a deep CNN.

Contrast:WB-NN,WB-CNN,E-NN,EB-NN,EB-CNN.

14.实验验证部分用了市场模拟交易,模仿一个以简单的方式使用文章中的模型的日常交易行为,如果模型表明某个股票价格将在第二天上涨,那么虚构的交易者将以开盘价投资价值10000美元的该股票。(设定策略,设置阈值控制交易程度)单独利用了长期和中期的新闻来预测某天的股价。

15.结论:文章提出了一种新的学习事件嵌入的神经张量网络,并利用深卷积神经网络对长期事件和短期事件对股票价格运动的联合影响进行建模,证明了深度学习对事件驱动的股票价格运动预测是有用的。实验结果表明,基于事件嵌入的文档表示方法优于基于离散事件的方法,深度卷积神经网络比标准前馈神经网络能够捕获新闻事件的长期影响。在市场模拟中,一个简单的贪婪策略允许我们的模型比以前的工作产生更多的利润。

总结:这篇文章主要利用了NLP和CNN相关技术,做了长期中期股票新闻对美股指数和个股的影响,发表于2015年,当时神经网络深度学习正处于迅猛发展期,所以比较新颖。文末作者也指出了,目前对股票价格预测的方法主要有:(1)利用时间序列中一段股票历史数据;(2)利用自然语言处理技术,不同的研究发现金融新闻能够戏剧性地影响股票价格。(3)对于新闻做深度情感处理也是另外一个方向。

由于作者并未提供源代码和数据集,实验没法浮现结果,但是作者的思路十分清晰。接下来我也会在新闻上做进一步的研究。

原文地址:https://www.cnblogs.com/gcter/p/10698365.html

时间: 2024-10-10 23:30:33

IJCAI_论文-深度学习-Deep Learning for Event-Driven Stock Prediction的相关文章

【深度学习Deep Learning】资料大全

转载:http://www.cnblogs.com/charlotte77/p/5485438.html 最近在学深度学习相关的东西,在网上搜集到了一些不错的资料,现在汇总一下: Free Online Books Deep Learning66 by Yoshua Bengio, Ian Goodfellow and Aaron Courville Neural Networks and Deep Learning42 by Michael Nielsen Deep Learning27 by

机器学习(Machine Learning)&深度学习(Deep Learning)资料

机器学习(Machine Learning)&深度学习(Deep Learning)资料 <Brief History of Machine Learning> 介绍:这是一篇介绍机器学习历史的文章,介绍很全面,从感知机.神经网络.决策树.SVM.Adaboost到随机森林.Deep Learning. <Deep Learning in Neural Networks: An Overview> 介绍:这是瑞士人工智能实验室Jurgen Schmidhuber写的最新版本

机器学习(Machine Learning)&amp;amp;深度学习(Deep Learning)资料

机器学习(Machine Learning)&深度学习(Deep Learning)资料 機器學習.深度學習方面不錯的資料,轉載. 原作:https://github.com/ty4z2008/Qix/blob/master/dl.md 原作作者會不斷更新.本文更新至2014-12-21 <Brief History of Machine Learning> 介绍:这是一篇介绍机器学习历史的文章,介绍非常全面.从感知机.神经网络.决策树.SVM.Adaboost到随机森林.Deep L

【转载】浅谈深度学习(Deep Learning)的基本思想和方法

浅谈深度学习(Deep Learning)的基本思想和方法 分类: 机器学习 信息抽取 Deep Learning2013-01-07 22:18 25010人阅读 评论(11) 收藏 举报 深度学习(Deep Learning),又叫Unsupervised Feature Learning或者Feature Learning,是目前非常热的一个研究主题. 本文将主要介绍Deep Learning的基本思想和常用的方法. 一. 什么是Deep Learning? 实际生活中,人们为了解决一个问

【转载】机器学习——深度学习(Deep Learning)

机器学习——深度学习(Deep Learning) 分类: Machine Learning2012-08-04 09:49 142028人阅读 评论(70) 收藏 举报 algorithmclassificationfeaturesfunctionhierarchy Deep Learning是机器学习中一个非常接近AI的领域,其动机在于建立.模拟人脑进行分析学习的神经网络,最近研究了机器学习中一些深度学习的相关知识,本文给出一些很有用的资料和心得. Key Words:有监督学习与无监督学习

机器学习——深度学习(Deep Learning)

Deep Learning是机器学习中一个非常接近AI的领域,其动机在于建立.模拟人脑进行分析学习的神经网络,最近研究了机器学习中一些深度学习的相关知识,本文给出一些很有用的资料和心得. Key Words:有监督学习与无监督学习,分类.回归,密度估计.聚类,深度学习,Sparse DBN, 1. 有监督学习和无监督学习 给定一组数据(input,target)为Z=(X,Y). 有监督学习:最常见的是regression & classification. regression:Y是实数vec

深度学习 Deep Learning UFLDL 最新 Tutorial 学习笔记 1:Linear Regression

1 前言 Andrew Ng的UFLDL在2014年9月底更新了! 对于开始研究Deep Learning的童鞋们来说这真的是极大的好消息! 新的Tutorial相比旧的Tutorial增加了Convolutional Neural Network的内容,了解的童鞋都知道CNN在Computer Vision的重大影响.并且从新编排了内容及exercises. 新的UFLDL网址为: http://ufldl.stanford.edu/tutorial/ 2 Linear Regression

Python深度学习 deep learning with Python 人民邮电出版社

内容简介 本书由Keras之父.现任Google人工智能研究员的弗朗索瓦?肖莱(Fran?ois Chollet)执笔,详尽介绍了用Python和Keras进行深度学习的探索实践,涉及计算机视觉.自然语言处理.生成式模型等应用.书中包含30多个代码示例,步骤讲解详细透彻.由于本书立足于人工智能的可达性和大众化,读者无须具备机器学习相关背景知识即可展开阅读.在学习完本书后,读者将具备搭建自己的深度学习环境.建立图像识别模型.生成图像和文字等能力. 作者简介 [作者简介] 弗朗索瓦?肖莱(Fran?

深度学习 Deep Learning UFLDL 最新Tutorial 学习笔记 3:Vectorization

1 Vectorization 简述 Vectorization 翻译过来就是向量化,各简单的理解就是实现矩阵计算. 为什么MATLAB叫MATLAB?大概就是Matrix Lab,最根本的区别于其他通用语言的地方就是MATLAB可以用最直观的方式实现矩阵运算,MATLAB的变量都可以是矩阵. 通过Vectorization,我们可以将代码变得极其简洁,虽然简洁带来的问题就是其他人看你代码就需要研究一番了.但任何让事情变得simple的事情都是值得去做的. 关于Vectorization核心在于