All Projects → Jackmzw → Price_prediction_lob

Jackmzw / Price_prediction_lob

Licence: mit
Deep learning for price movement prediction using high frequency limit order data

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Price prediction lob

Easy Tensorflow
Simple and comprehensive tutorials in TensorFlow
Stars: ✭ 2,871 (+10533.33%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+1288.89%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Komputation
Komputation is a neural network framework for the Java Virtual Machine written in Kotlin and CUDA C.
Stars: ✭ 295 (+992.59%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Tensorflow 101
TensorFlow Tutorials
Stars: ✭ 2,565 (+9400%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Stanford Cs 230 Deep Learning
VIP cheatsheets for Stanford's CS 230 Deep Learning
Stars: ✭ 5,149 (+18970.37%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Mead Baseline
Deep-Learning Model Exploration and Development for NLP
Stars: ✭ 238 (+781.48%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Keras Anomaly Detection
Anomaly detection implemented in Keras
Stars: ✭ 335 (+1140.74%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Keras English Resume Parser And Analyzer
keras project that parses and analyze english resumes
Stars: ✭ 192 (+611.11%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Eeglearn
A set of functions for supervised feature learning/classification of mental states from EEG based on "EEG images" idea.
Stars: ✭ 469 (+1637.04%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Text Classification Models Pytorch
Implementation of State-of-the-art Text Classification Models in Pytorch
Stars: ✭ 379 (+1303.7%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Im2latex Tensorflow
Tensorflow implementation of the HarvardNLP paper - What You Get Is What You See: A Visual Markup Decompiler (https://arxiv.org/pdf/1609.04938v1.pdf)
Stars: ✭ 207 (+666.67%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Tensorflow Tutorial
TensorFlow and Deep Learning Tutorials
Stars: ✭ 748 (+2670.37%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Iseebetter
iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
Stars: ✭ 202 (+648.15%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Awesome Tensorlayer
A curated list of dedicated resources and applications
Stars: ✭ 248 (+818.52%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+622.22%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
Stars: ✭ 3,307 (+12148.15%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Hdltex
HDLTex: Hierarchical Deep Learning for Text Classification
Stars: ✭ 191 (+607.41%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Coursera Deep Learning Specialization
Notes, programming assignments and quizzes from all courses within the Coursera Deep Learning specialization offered by deeplearning.ai: (i) Neural Networks and Deep Learning; (ii) Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization; (iii) Structuring Machine Learning Projects; (iv) Convolutional Neural Networks; (v) Sequence Models
Stars: ✭ 188 (+596.3%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
First Steps Towards Deep Learning
This is an open sourced book on deep learning.
Stars: ✭ 376 (+1292.59%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Trending Deep Learning
Top 100 trending deep learning repositories sorted by the number of stars gained on a specific day.
Stars: ✭ 543 (+1911.11%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks

Price Trend Prediction Using Deep Learning

This software implements the Convolutional Neural Network (CNN) and Recurrent Neural Network (RNN) to predict the price movement using high frequency limit order data. For details, please refer to my report Price Trend Prediction Using Deep Learning.

Requirements

  • The program is written in Python, and uses pytorch, scikit-learn, pandas and numpy.
  • If necessary, run pip install -r requirements.txt.
  • A GPU is not necessary, but can provide a significant speed up especially for training a new model.

Usage

RNN model

This example trains a multi-layer RNN (Basic or LSTM) on a price movement prediction task.

The code is tested under Windows 10 Anaconda 3 and reproducible.

python rnn.py         # Train a two layers LSTM on asset a’s LOB data, running default epoch of 50
python rnn.py --model=RNN_TANH  # Train a two layers basic RNN model with tanh activation function
python rnn.py --symbol=b --epochs=30    # Train a two layers LSTM on asset b’s LOB data, running epoch of 30

After training, it will print out the performance measures in test set, as well as the plots of loss and kappa in both train and valid set after each epoch.

During training, if a keyboard interrupt (Ctrl-C) is received, training is stopped and the current model is evaluated against the test dataset.

The rnn.py script accepts the following arguments:

optional arguments:
  -h, --help         show this help message and exit
  --data DATA        location of the market data
  --model MODEL      type of recurrent net (RNN_TANH, RNN_RELU, LSTM, GRU)
  --symbol SYMBOL    symbol of asset (a, b)
  --nhid NHID        number of hidden units per layer
  --nlayers NLAYERS  number of layers
  --lr LR            initial learning rate
  —-decay DECAY      learning rate dacay
  --clip CLIP        gradient clipping
  --epochs EPOCHS    upper epoch limit
  --bsz BSZ          batch size
  --bptt BPTT        sequence length
  --nsample NSAMPLE  size of training set after subsample
  --dropout DROPOUT  dropout applied to layers (0 = no dropout)
  --seed SEED        random seed
  --log-interval N   report interval
  --save SAVE        path to save the final model

CNN model

Training CNN model is quiet similar to training a RNN model.

Train model

python cnn.py         # Train a CNN model on asset a’s LOB data, running default epoch of 50

The cnn.py script accepts the following arguments:

optional arguments:
  -h, --help         show this help message and exit
  --data DATA        location of the market data
  --symbol SYMBOL    symbol of asset (a, b)s
  --lr LR            initial learning rate
  —-decay DECAY      learning rate dacay
  --epochs EPOCHS    upper epoch limit
  --bsz N            batch size
  --bptt BPTT        sequence length
  --nsample NSAMPLE  size of training set after subsample
  --dropout DROPOUT  dropout applied to layers (0 = no dropout)
  --seed SEED        random seed
  --log-interval N   report interval
  --save SAVE        path to save the final model
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].