All Projects → yacoubb → Stock Trading Ml

yacoubb / Stock Trading Ml

Licence: gpl-3.0
A stock trading bot that uses machine learning to make price predictions.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Stock Trading Ml

Time Attention
Implementation of RNN for Time Series prediction from the paper https://arxiv.org/abs/1704.02971
Stars: ✭ 52 (-84%)
Mutual labels:  time-series, lstm
Kaggle Competition Favorita
5th place solution for Kaggle competition Favorita Grocery Sales Forecasting
Stars: ✭ 169 (-48%)
Mutual labels:  time-series, lstm
Deep Learning Based Ecg Annotator
Annotation of ECG signals using deep learning, tensorflow’ Keras
Stars: ✭ 110 (-66.15%)
Mutual labels:  time-series, lstm
Ad examples
A collection of anomaly detection methods (iid/point-based, graph and time series) including active learning for anomaly detection/discovery, bayesian rule-mining, description for diversity/explanation/interpretability. Analysis of incorporating label feedback with ensemble and tree-based detectors. Includes adversarial attacks with Graph Convolutional Network.
Stars: ✭ 641 (+97.23%)
Mutual labels:  time-series, lstm
ConvLSTM-PyTorch
ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST
Stars: ✭ 202 (-37.85%)
Mutual labels:  time-series, lstm
Getting Things Done With Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Stars: ✭ 738 (+127.08%)
Mutual labels:  time-series, lstm
Sequitur
Library of autoencoders for sequential data
Stars: ✭ 162 (-50.15%)
Mutual labels:  time-series, lstm
Flow Forecast
Deep learning PyTorch library for time series forecasting, classification, and anomaly detection (originally for flood forecasting).
Stars: ✭ 368 (+13.23%)
Mutual labels:  time-series, lstm
LSTM-Time-Series-Analysis
Using LSTM network for time series forecasting
Stars: ✭ 41 (-87.38%)
Mutual labels:  time-series, lstm
Time-Series-Forecasting
Rainfall analysis of Maharashtra - Season/Month wise forecasting. Different methods have been used. The main goal of this project is to increase the performance of forecasted results during rainy seasons.
Stars: ✭ 27 (-91.69%)
Mutual labels:  time-series, lstm
Telemanom
A framework for using LSTMs to detect anomalies in multivariate time series data. Includes spacecraft anomaly data and experiments from the Mars Science Laboratory and SMAP missions.
Stars: ✭ 589 (+81.23%)
Mutual labels:  time-series, lstm
dts
A Keras library for multi-step time-series forecasting.
Stars: ✭ 130 (-60%)
Mutual labels:  time-series, lstm
Multilabel Timeseries Classification With Lstm
Tensorflow implementation of paper: Learning to Diagnose with LSTM Recurrent Neural Networks.
Stars: ✭ 519 (+59.69%)
Mutual labels:  time-series, lstm
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (+144.92%)
Mutual labels:  time-series, lstm
Tensorflow Lstm Regression
Sequence prediction using recurrent neural networks(LSTM) with TensorFlow
Stars: ✭ 433 (+33.23%)
Mutual labels:  time-series, lstm
Pytorch Gan Timeseries
GANs for time series generation in pytorch
Stars: ✭ 109 (-66.46%)
Mutual labels:  time-series, lstm
Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (-45.23%)
Mutual labels:  time-series, lstm
Robust-Deep-Learning-Pipeline
Deep Convolutional Bidirectional LSTM for Complex Activity Recognition with Missing Data. Human Activity Recognition Challenge. Springer SIST (2020)
Stars: ✭ 20 (-93.85%)
Mutual labels:  time-series, lstm
battery-rul-estimation
Remaining Useful Life (RUL) estimation of Lithium-ion batteries using deep LSTMs
Stars: ✭ 25 (-92.31%)
Mutual labels:  time-series, lstm
Cs291k
🎭 Sentiment Analysis of Twitter data using combined CNN and LSTM Neural Network models
Stars: ✭ 287 (-11.69%)
Mutual labels:  lstm

Stock Trading with Machine Learning

Overview

A stock trading bot that uses machine learning to make price predictions.

Requirements

  • Python 3.5+
  • alpha_vantage
  • pandas
  • numpy
  • sklearn
  • keras
  • tensorflow
  • matplotlib

Documentation

Blog Post

Medium Article

Train your own model

  1. Clone the repo
  2. Pip install the requirements pip install -r requirements.txt
  3. Save the stock price history to a csv file python save_data_to_csv.py --help
  4. Edit one of the model files to accept the symbol you want
  5. Edit model architecture
  6. Edit dataset preprocessing / history_points inside util.py
  7. Train the model python tech_ind_model.py or python basic_model.py
  8. Try the trading algorithm on the newly saved model python trading_algo.py

License

GPL-3.0

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