All Projects → huseinzol05 → Stock Prediction Models

huseinzol05 / Stock Prediction Models

Licence: apache-2.0
Gathers machine learning and deep learning models for Stock forecasting including trading bots and simulations

Programming Languages

Jupyter Notebook
11667 projects
javascript
184084 projects - #8 most used programming language

Projects that are alternatives of or similar to Stock Prediction Models

Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (-97.34%)
Mutual labels:  jupyter-notebook, lstm, seq2seq
Poetry Seq2seq
Chinese Poetry Generation
Stars: ✭ 159 (-96.59%)
Mutual labels:  jupyter-notebook, lstm, seq2seq
Stock Market Analysis And Prediction
Stock Market Analysis and Prediction is the project on technical analysis, visualization and prediction using data provided by Google Finance.
Stars: ✭ 112 (-97.6%)
Mutual labels:  jupyter-notebook, stock-market, stock-price-prediction
Stock Market Prediction Web App Using Machine Learning And Sentiment Analysis
Stock Market Prediction Web App based on Machine Learning and Sentiment Analysis of Tweets (API keys included in code). The front end of the Web App is based on Flask and Wordpress. The App forecasts stock prices of the next seven days for any given stock under NASDAQ or NSE as input by the user. Predictions are made using three algorithms: ARIMA, LSTM, Linear Regression. The Web App combines the predicted prices of the next seven days with the sentiment analysis of tweets to give recommendation whether the price is going to rise or fall
Stars: ✭ 101 (-97.83%)
Mutual labels:  stock-market, lstm, stock-price-prediction
Trading Bot
Stock Trading Bot using Deep Q-Learning
Stars: ✭ 273 (-94.14%)
Mutual labels:  trading-bot, jupyter-notebook, stock-price-prediction
Screenshot To Code
A neural network that transforms a design mock-up into a static website.
Stars: ✭ 13,561 (+191.01%)
Mutual labels:  jupyter-notebook, lstm, seq2seq
Stocks
Programs for stock prediction and evaluation
Stars: ✭ 155 (-96.67%)
Mutual labels:  jupyter-notebook, stock-market, stock-price-prediction
Zerodha live automate trading using ai ml on indian stock market Using Basic Python
Online trading using Artificial Intelligence Machine leaning with basic python on Indian Stock Market, trading using live bots indicator screener and back tester using rest API and websocket 😊
Stars: ✭ 131 (-97.19%)
Mutual labels:  trading-bot, jupyter-notebook, stock-price-prediction
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (-26.65%)
Mutual labels:  jupyter-notebook, lstm, seq2seq
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (-95.24%)
Mutual labels:  jupyter-notebook, lstm, seq2seq
Deep Learning Machine Learning Stock
Stock for Deep Learning and Machine Learning
Stars: ✭ 240 (-94.85%)
Mutual labels:  jupyter-notebook, stock-market, stock-price-prediction
FAIG
Fully Automated IG Trading
Stars: ✭ 134 (-97.12%)
Mutual labels:  trading-bot, stock-market, stock-price-prediction
lstm-math
Neural network that solves math equations on the character level
Stars: ✭ 26 (-99.44%)
Mutual labels:  lstm, seq2seq
fiction generator
Fiction generator with Tensorflow. 模仿王小波的风格的小说生成器
Stars: ✭ 27 (-99.42%)
Mutual labels:  lstm, seq2seq
Steward
A stock portfolio manager that provides neural net based short-term predictions for stocks and natural language processing based analysis on community sentiments.
Stars: ✭ 25 (-99.46%)
Mutual labels:  stock-market, stock-price-prediction
Base-On-Relation-Method-Extract-News-DA-RNN-Model-For-Stock-Prediction--Pytorch
基於關聯式新聞提取方法之雙階段注意力機制模型用於股票預測
Stars: ✭ 33 (-99.29%)
Mutual labels:  lstm, seq2seq
StockMarketML
Predicting stocks with ML.
Stars: ✭ 36 (-99.23%)
Mutual labels:  stock-market, stock-price-prediction
stocktwits-sentiment
Stocktwits market sentiment analysis in Python with Keras and TensorFlow.
Stars: ✭ 23 (-99.51%)
Mutual labels:  stock-market, stock-price-prediction
dts
A Keras library for multi-step time-series forecasting.
Stars: ✭ 130 (-97.21%)
Mutual labels:  lstm, seq2seq
trading sim
📈📆 Backtest trading strategies concurrently using historical chart data from various financial exchanges.
Stars: ✭ 21 (-99.55%)
Mutual labels:  trading-bot, stock-market

logo

MIT License


Stock-Prediction-Models, Gathers machine learning and deep learning models for Stock forecasting, included trading bots and simulations.

Table of contents

Contents

Models

Deep-learning models

  1. LSTM
  2. LSTM Bidirectional
  3. LSTM 2-Path
  4. GRU
  5. GRU Bidirectional
  6. GRU 2-Path
  7. Vanilla
  8. Vanilla Bidirectional
  9. Vanilla 2-Path
  10. LSTM Seq2seq
  11. LSTM Bidirectional Seq2seq
  12. LSTM Seq2seq VAE
  13. GRU Seq2seq
  14. GRU Bidirectional Seq2seq
  15. GRU Seq2seq VAE
  16. Attention-is-all-you-Need
  17. CNN-Seq2seq
  18. Dilated-CNN-Seq2seq

Bonus

  1. How to use one of the model to forecast t + N, how-to-forecast.ipynb
  2. Consensus, how to use sentiment data to forecast t + N, sentiment-consensus.ipynb

Stacking models

  1. Deep Feed-forward Auto-Encoder Neural Network to reduce dimension + Deep Recurrent Neural Network + ARIMA + Extreme Boosting Gradient Regressor
  2. Adaboost + Bagging + Extra Trees + Gradient Boosting + Random Forest + XGB

Agents

  1. Turtle-trading agent
  2. Moving-average agent
  3. Signal rolling agent
  4. Policy-gradient agent
  5. Q-learning agent
  6. Evolution-strategy agent
  7. Double Q-learning agent
  8. Recurrent Q-learning agent
  9. Double Recurrent Q-learning agent
  10. Duel Q-learning agent
  11. Double Duel Q-learning agent
  12. Duel Recurrent Q-learning agent
  13. Double Duel Recurrent Q-learning agent
  14. Actor-critic agent
  15. Actor-critic Duel agent
  16. Actor-critic Recurrent agent
  17. Actor-critic Duel Recurrent agent
  18. Curiosity Q-learning agent
  19. Recurrent Curiosity Q-learning agent
  20. Duel Curiosity Q-learning agent
  21. Neuro-evolution agent
  22. Neuro-evolution with Novelty search agent
  23. ABCD strategy agent

Data Explorations

  1. stock market study on TESLA stock, tesla-study.ipynb
  2. Outliers study using K-means, SVM, and Gaussian on TESLA stock, outliers.ipynb
  3. Overbought-Oversold study on TESLA stock, overbought-oversold.ipynb
  4. Which stock you need to buy? which-stock.ipynb

Simulations

  1. Simple Monte Carlo, monte-carlo-drift.ipynb
  2. Dynamic volatility Monte Carlo, monte-carlo-dynamic-volatility.ipynb
  3. Drift Monte Carlo, monte-carlo-drift.ipynb
  4. Multivariate Drift Monte Carlo BTC/USDT with Bitcurate sentiment, multivariate-drift-monte-carlo.ipynb
  5. Portfolio optimization, portfolio-optimization.ipynb, inspired from https://pythonforfinance.net/2017/01/21/investment-portfolio-optimisation-with-python/

Tensorflow-js

I code LSTM Recurrent Neural Network and Simple signal rolling agent inside Tensorflow JS, you can try it here, huseinhouse.com/stock-forecasting-js, you can download any historical CSV and upload dynamically.

Misc

  1. fashion trending prediction with cross-validation, fashion-forecasting.ipynb
  2. Bitcoin analysis with LSTM prediction, bitcoin-analysis-lstm.ipynb
  3. Kijang Emas Bank Negara, kijang-emas-bank-negara.ipynb

Results

Results Agent

This agent only able to buy or sell 1 unit per transaction.

  1. Turtle-trading agent, turtle-agent.ipynb

  1. Moving-average agent, moving-average-agent.ipynb

  1. Signal rolling agent, signal-rolling-agent.ipynb

  1. Policy-gradient agent, policy-gradient-agent.ipynb

  1. Q-learning agent, q-learning-agent.ipynb

  1. Evolution-strategy agent, evolution-strategy-agent.ipynb

  1. Double Q-learning agent, double-q-learning-agent.ipynb

  1. Recurrent Q-learning agent, recurrent-q-learning-agent.ipynb

  1. Double Recurrent Q-learning agent, double-recurrent-q-learning-agent.ipynb

  1. Duel Q-learning agent, duel-q-learning-agent.ipynb

  1. Double Duel Q-learning agent, double-duel-q-learning-agent.ipynb

  1. Duel Recurrent Q-learning agent, duel-recurrent-q-learning-agent.ipynb

  1. Double Duel Recurrent Q-learning agent, double-duel-recurrent-q-learning-agent.ipynb

  1. Actor-critic agent, actor-critic-agent.ipynb

  1. Actor-critic Duel agent, actor-critic-duel-agent.ipynb

  1. Actor-critic Recurrent agent, actor-critic-recurrent-agent.ipynb

  1. Actor-critic Duel Recurrent agent, actor-critic-duel-recurrent-agent.ipynb

  1. Curiosity Q-learning agent, curiosity-q-learning-agent.ipynb

  1. Recurrent Curiosity Q-learning agent, recurrent-curiosity-q-learning.ipynb

  1. Duel Curiosity Q-learning agent, duel-curiosity-q-learning-agent.ipynb

  1. Neuro-evolution agent, neuro-evolution.ipynb

  1. Neuro-evolution with Novelty search agent, neuro-evolution-novelty-search.ipynb

  1. ABCD strategy agent, abcd-strategy.ipynb

Results signal prediction

I will cut the dataset to train and test datasets,

  1. Train dataset derived from starting timestamp until last 30 days
  2. Test dataset derived from last 30 days until end of the dataset

So we will let the model do forecasting based on last 30 days, and we will going to repeat the experiment for 10 times. You can increase it locally if you want, and tuning parameters will help you by a lot.

  1. LSTM, accuracy 95.693%, time taken for 1 epoch 01:09

  1. LSTM Bidirectional, accuracy 93.8%, time taken for 1 epoch 01:40

  1. LSTM 2-Path, accuracy 94.63%, time taken for 1 epoch 01:39

  1. GRU, accuracy 94.63%, time taken for 1 epoch 02:10

  1. GRU Bidirectional, accuracy 92.5673%, time taken for 1 epoch 01:40

  1. GRU 2-Path, accuracy 93.2117%, time taken for 1 epoch 01:39

  1. Vanilla, accuracy 91.4686%, time taken for 1 epoch 00:52

  1. Vanilla Bidirectional, accuracy 88.9927%, time taken for 1 epoch 01:06

  1. Vanilla 2-Path, accuracy 91.5406%, time taken for 1 epoch 01:08

  1. LSTM Seq2seq, accuracy 94.9817%, time taken for 1 epoch 01:36

  1. LSTM Bidirectional Seq2seq, accuracy 94.517%, time taken for 1 epoch 02:30

  1. LSTM Seq2seq VAE, accuracy 95.4190%, time taken for 1 epoch 01:48

  1. GRU Seq2seq, accuracy 90.8854%, time taken for 1 epoch 01:34

  1. GRU Bidirectional Seq2seq, accuracy 67.9915%, time taken for 1 epoch 02:30

  1. GRU Seq2seq VAE, accuracy 89.1321%, time taken for 1 epoch 01:48

  1. Attention-is-all-you-Need, accuracy 94.2482%, time taken for 1 epoch 01:41

  1. CNN-Seq2seq, accuracy 90.74%, time taken for 1 epoch 00:43

  1. Dilated-CNN-Seq2seq, accuracy 95.86%, time taken for 1 epoch 00:14

Bonus

  1. How to forecast,

  1. Sentiment consensus,

Results analysis

  1. Outliers study using K-means, SVM, and Gaussian on TESLA stock

  1. Overbought-Oversold study on TESLA stock

  1. Which stock you need to buy?

Results simulation

  1. Simple Monte Carlo

  1. Dynamic volatity Monte Carlo

  1. Drift Monte Carlo

  1. Multivariate Drift Monte Carlo BTC/USDT with Bitcurate sentiment

  1. Portfolio optimization

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