All Projects → kartikmadan11 → MetaTraderForecast

kartikmadan11 / MetaTraderForecast

Licence: other
RNN based Forecasting App for Meta Trader and similar trading platforms

Programming Languages

C#
18002 projects
MQL5
34 projects
python
139335 projects - #7 most used programming language
MQL4
33 projects

Projects that are alternatives of or similar to MetaTraderForecast

Bitcoinforecast
Predict bitcoin price with deep learning
Stars: ✭ 285 (+176.7%)
Mutual labels:  trading, rnn
trader
Laravel package for trader extension interface.
Stars: ✭ 43 (-58.25%)
Mutual labels:  trading
presidential-rnn
Project 4 for Metis bootcamp. Objective was generation of character-level RNN trained on Donald Trump's statements using Keras. Also generated Markov chains, and quick pyTorch RNN as baseline. Attempted semi-supervised GAN, but was unable to test in time.
Stars: ✭ 26 (-74.76%)
Mutual labels:  rnn
training-charRNN
Training charRNN model for ml5js
Stars: ✭ 87 (-15.53%)
Mutual labels:  rnn
rnn-theano
RNN(LSTM, GRU) in Theano with mini-batch training; character-level language models in Theano
Stars: ✭ 68 (-33.98%)
Mutual labels:  rnn
Probabilistic-RNN-DA-Classifier
Probabilistic Dialogue Act Classification for the Switchboard Corpus using an LSTM model
Stars: ✭ 22 (-78.64%)
Mutual labels:  rnn
machine learning
机器学习、深度学习、NLP实战项目
Stars: ✭ 123 (+19.42%)
Mutual labels:  rnn
adamant-tradebot
Free market-making software for cryptocurrency projects and exchanges. Makes trade volume, maintains spread and liquidity/depth, set price range, and builds live-like dynamic order book.
Stars: ✭ 113 (+9.71%)
Mutual labels:  trading
TensorFlow-Multiclass-Image-Classification-using-CNN-s
Balanced Multiclass Image Classification with TensorFlow on Python.
Stars: ✭ 57 (-44.66%)
Mutual labels:  tensorflow-gpu
nemesyst
Generalised and highly customisable, hybrid-parallelism, database based, deep learning framework.
Stars: ✭ 17 (-83.5%)
Mutual labels:  rnn
Predicting-Next-Character-using-RNN
Uses RNN on the Nietzsche dataset
Stars: ✭ 15 (-85.44%)
Mutual labels:  rnn
STAR Network
[PAMI 2021] Gating Revisited: Deep Multi-layer RNNs That Can Be Trained
Stars: ✭ 16 (-84.47%)
Mutual labels:  rnn
keras-utility-layer-collection
Collection of custom layers and utility functions for Keras which are missing in the main framework.
Stars: ✭ 63 (-38.83%)
Mutual labels:  rnn
Market-Trend-Prediction
This is a project of build knowledge graph course. The project leverages historical stock price, and integrates social media listening from customers to predict market Trend On Dow Jones Industrial Average (DJIA).
Stars: ✭ 57 (-44.66%)
Mutual labels:  rnn
wattnet-fx-trading
WATTNet: Learning to Trade FX with Hierarchical Spatio-Temporal Representations of Highly Multivariate Time Series
Stars: ✭ 70 (-32.04%)
Mutual labels:  trading
TensorFlow-Binary-Image-Classification-using-CNN-s
Binary Image Classification in TensorFlow
Stars: ✭ 26 (-74.76%)
Mutual labels:  tensorflow-gpu
TCN-TF
TensorFlow Implementation of TCN (Temporal Convolutional Networks)
Stars: ✭ 107 (+3.88%)
Mutual labels:  rnn
ACT
Alternative approach for Adaptive Computation Time in TensorFlow
Stars: ✭ 16 (-84.47%)
Mutual labels:  rnn
wtpy
wtpy是基于wondertrader为底层的针对python的子框架
Stars: ✭ 283 (+174.76%)
Mutual labels:  trading
tf-attend-infer-repeat
TensorFlow-based implementation of "Attend, Infer, Repeat" paper (Eslami et al., 2016, arXiv:1603.08575).
Stars: ✭ 44 (-57.28%)
Mutual labels:  rnn

MetaTraderForecast

Project that involves training, testing, evaluating and forecasting time series forex data from MetaTrader using Sockets to connect with Python. An RNN Model of various architecture like LSTM, Bidirectional and GRU can be created. Supports CUDA Computation.

What does the project do?

MQL based Expert Advisors are attached to charts of trading platforms to make RNN based forecasts. All machine learning parameters can be tuned from the input interface of the EA. The model can be trained and exported as a serialized .hdf5 file. Tests are run simultaneously with initial train and the data is split based on Testing Part (in %) parameter. The model can be evaluated on any number of metrics as provided in the input screen of the EA. The model can be loaded to retrain or forecast any number of future bars.

Recurrent Neural Network Specs

The various parameter that can be opted for tuning the ML model are -

RNN Architecture

  • Long Short Term Memory
  • Gated Recurrent Units
  • Bidirectional LSTM
  • Bidirectional GRU

Losses

  • Mean Sqaure Error
  • R^2 Score

Optimizers

  • RMSProp (Recommended)
  • Stochastic Gradient Descent (Momentum can be specified)
  • Adam
  • Adagrad

Learning Rate

Specify amount of change to the model during each step of this search process, or the step size

GPU Computations

For faster computations, GPU can be used. CUDA Support is required. CuDNN implemented RNN layers are used if GPU is opted

Input screen of EA

Inputs of EA

Setting up the project

To run the forecaster, run the socketserver.py and wait for socket to be created. Now, attach the EA to the MT4/MT5 platform and specify the parameters for building the model. The predicted values are displayed on the same chart window.

python socketserver.py

Test GPU Support

To install tensorflow-gpu use python package manager

pip install tensorflow-gpu

If tensorflow-gpu is present, run the following commands to check

import tensorflow as tf
tf.test.is_gpu_available()

Dependencies

  • Python 3.6 or higher (dev versions not recommended, use stable releases)
  • Tensorflow 1.14 or higher
  • Keras

For GPU Support

  • tensorflow-gpu
  • CUDA 9.0 or higher (10.0 recommended)
  • cuDNN Library v7.4 or higher

Workflow

Forecast Workflow

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