All Projects → miroblog → Limit_orderbook_prediction

miroblog / Limit_orderbook_prediction

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Limit orderbook prediction

Keras Timeseries Prediction
Time series prediction with Sequential Model and LSTM units
Stars: ✭ 100 (+63.93%)
Mutual labels:  lstm, prediction
Deepzip
NN based lossless compression
Stars: ✭ 69 (+13.11%)
Mutual labels:  lstm, prediction
Ai Reading Materials
Some of the ML and DL related reading materials, research papers that I've read
Stars: ✭ 79 (+29.51%)
Mutual labels:  lstm, prediction
Tensorflow Lstm Sin
TensorFlow 1.3 experiment with LSTM (and GRU) RNNs for sine prediction
Stars: ✭ 52 (-14.75%)
Mutual labels:  lstm, prediction
Stock Price Predictor
This project seeks to utilize Deep Learning models, Long-Short Term Memory (LSTM) Neural Network algorithm, to predict stock prices.
Stars: ✭ 146 (+139.34%)
Mutual labels:  lstm, prediction
Base-On-Relation-Method-Extract-News-DA-RNN-Model-For-Stock-Prediction--Pytorch
基於關聯式新聞提取方法之雙階段注意力機制模型用於股票預測
Stars: ✭ 33 (-45.9%)
Mutual labels:  prediction, lstm
R Unet
Video prediction using lstm and unet
Stars: ✭ 25 (-59.02%)
Mutual labels:  prediction, lstm
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (+1204.92%)
Mutual labels:  lstm, prediction
Rnn Notebooks
RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)
Stars: ✭ 48 (-21.31%)
Mutual labels:  lstm
Image Captioning
Image Captioning: Implementing the Neural Image Caption Generator with python
Stars: ✭ 52 (-14.75%)
Mutual labels:  lstm
Pytorchtext
1st Place Solution for Zhihu Machine Learning Challenge . Implementation of various text-classification models.(知乎看山杯第一名解决方案)
Stars: ✭ 1,022 (+1575.41%)
Mutual labels:  lstm
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-19.67%)
Mutual labels:  lstm
Pointer Networks Experiments
Sorting numbers with pointer networks
Stars: ✭ 53 (-13.11%)
Mutual labels:  lstm
Ssun
Spectral-Spatial Unified Networks for Hyperspectral Image Classification
Stars: ✭ 44 (-27.87%)
Mutual labels:  lstm
Lstm Context Embeddings
Augmenting word embeddings with their surrounding context using bidirectional RNN
Stars: ✭ 57 (-6.56%)
Mutual labels:  lstm
Avsr Deep Speech
Google Summer of Code 2017 Project: Development of Speech Recognition Module for Red Hen Lab
Stars: ✭ 43 (-29.51%)
Mutual labels:  lstm
Sangita
A Natural Language Toolkit for Indian Languages
Stars: ✭ 43 (-29.51%)
Mutual labels:  lstm
Tf Lstm Crf Batch
Tensorflow-LSTM-CRF tool for Named Entity Recognizer
Stars: ✭ 59 (-3.28%)
Mutual labels:  lstm
Char rnn lm zh
language model in Chinese,基于Pytorch官方文档实现
Stars: ✭ 57 (-6.56%)
Mutual labels:  lstm
Time Attention
Implementation of RNN for Time Series prediction from the paper https://arxiv.org/abs/1704.02971
Stars: ✭ 52 (-14.75%)
Mutual labels:  lstm

Limit Order Book(L2) Prediction

This repo trys to predict price jumps from features derived from L2 order book information.

Order book information contains ask, bid prices and corresponding quantities at each level.
Note! price jumps : current bid price > previous bid price (within short period of time)

orderbook_info

  1. Example JuypterNotebook-Rnn
  2. "./data" contains sample data from upbit, tick-tick information of L2 orderbook (KRW-ADA)
  3. features are from https://github.com/dzitkowskik/StockPredictionRNN/blob/master/docs/project.pdf

features

Getting Started

from nn import NeuralNetwork
from rnn import RNN

timestep = 50
n_cross_validation = 3
# for order book info only
data = data_prep.get_test_data(timestep, predict_step=5, filename="upbit_l2_orderbook_ADA")

# input_shape <- (timestep, n_features)
# output_shape <- n_classes
nn = NeuralNetwork(RNN(input_shape=data.x.shape[1:], output_dim=data.y.shape[1]), class_weight={0: 1., 1: 1., 2: 1.})

print("TRAIN")
nn.train(data)

print("TEST")
nn.test(data)

print("TRAIN WITH CROSS-VALIDATION")
nn.run_with_cross_validation(data, n_cross_validation)

Prerequisites

keras, tensorflow, sklearn, nuumpy, pandas ...

pip install -r requirements.txt

Impements LSTM / Conv2DLSTM

[LSTM]https://github.com/miroblog/limit_orderbook_prediction/blob/master/rnn.py
[CNN-LSTM] https://github.com/miroblog/limit_orderbook_prediction/blob/master/cnn_lstm.py
lstm convolutional

Authors

License

This project is licensed under the MIT License - see the LICENSE.md file for details

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].