πŸ”¬ A curated list of awesome machine learning strategies & tools in financial market.

Overview

Awesome AI in Finance Awesome Community

There are millions of trades made in the global financial market every day. Data grows very quickly and people are hard to understand. With the power of the latest artificial intelligence research, people analyze & trade automatically and intelligently. This list contains the research, tools and code that people use to beat the market.

[中文衄源]

Contents

Papers

Courses & Books

Strategies & Research

Time Series Data

Price and Volume process with Technology Analysis Indices

  • 🌟 🌟 stockpredictionai - A complete process for predicting stock price movements.
  • 🌟 Personae - Implements and environment of Deep Reinforcement Learning & Supervised Learning for Quantitative Trading.
  • 🌟 Ensemble-Strategy - Deep Reinforcement Learning for Automated Stock Trading.
  • FinRL - A Deep Reinforcement Learning Library for Automated Stock Trading in Quantitative Finance.
  • AutomatedStockTrading-DeepQ-Learning - Build a Deep Q-learning reinforcement agent model as automated trading robot.
  • tf_deep_rl_trader - Trading environment(OpenAI Gym) + PPO(TensorForce).
  • trading-gym - Trading agent to train with episode of short term trading itself.
  • trading-rl - Deep Reinforcement Learning for Financial Trading using Price Trailing.
  • deep_rl_trader - Trading environment(OpenAI Gym) + DDQN (Keras-RL).
  • Quantitative-Trading - Papers and code implementing Quantitative-Trading.
  • gym-trading - Environment for reinforcement-learning algorithmic trading models.
  • zenbrain - A framework for machine-learning bots.
  • DeepLearningNotes - Machine learning in quant analysis.
  • stock_market_reinforcement_learning - Stock market trading OpenAI Gym environment with Deep Reinforcement Learning using Keras.

Portfolio Management

  • Deep-Reinforcement-Stock-Trading - A light-weight deep reinforcement learning framework for portfolio management.
  • qtrader - Reinforcement Learning for portfolio management.
  • PGPortfolio - A Deep Reinforcement Learning framework for the financial portfolio management problem.
  • DeepDow - Portfolio optimization with deep learning.

High Frequency Trading

Event Drive

  • 🌟 🌟 stockpredictionai - Complete process for predicting stock price movements.
  • 🌟 trump2cash - A stock trading bot powered by Trump tweets.

Crypto Currencies Strategies

Technical Analysis

Lottery & Gamble

Arbitrage

  • ArbitrageBot - Arbitrage bot that currently works on bittrex & poloniex.
  • r2 - Automatic arbitrage trading system powered by Node.js + TypeScript.
  • cryptocurrency-arbitrage - A crypto currency arbitrage opportunity calculator. Over 800 currencies and 50 markets.
  • bitcoin-arbitrage - Bitcoin arbitrage opportunity detector.
  • blackbird - Long / short market-neutral strategy.

Data Sources

Traditional Markets

  • 🌟 Quandl - Get millions of financial and economic dataset from hundreds of publishers via a single free API.
  • yahoo-finance - Python module to get stock data from Yahoo! Finance.
  • Tushare - Crawling historical data of Chinese stocks.

Crypto Currencies

  • CryptoInscriber - A live crypto currency historical trade data blotter. Download live historical trade data from any crypto exchange.
  • Gekko-Datasets - Gekko trading bot dataset dumps. Download and use history files in SQLite format.

Research Tools

  • 🌟 🌟 TensorTrade - Trade efficiently with reinforcement learning.
  • JAQS - An open source quant strategies research platform.
  • pyfolio - Portfolio and risk analytics in Python.
  • alphalens - Performance analysis of predictive (alpha) stock factors.
  • empyrical - Common financial risk and performance metrics. Used by Zipline and pyfolio.
  • zvt - Zero vector trader.

Trading System

For Back Test & Live trading

Traditional Market

System

  • 🌟 🌟 zipline - A python algorithmic trading library.
  • 🌟 TradingView - Get real-time information and market insights.
  • rqalpha - A extendable, replaceable Python algorithmic backtest & trading framework.
  • backtrader - Python backtesting library for trading strategies.
  • kungfu - Kungfu Master trading system.
  • lean - Algorithmic trading engine built for easy strategy research, backtesting and live trading.

Combine & Rebuild

Crypto Currencies

  • zenbot - Command-line crypto currency trading bot using Node.js and MongoDB.
  • bot18 - High-frequency crypto currency trading bot developed by Zenbot.
  • magic8bot - Crypto currency trading bot using Node.js and MongoDB.
  • catalyst - An algorithmic trading library for Crypto-Assets in python.
  • QuantResearchDev - Quant Research dev & Traders open source project.
  • MACD - Zenbot MACD Auto-Trader.
  • abu - A quant trading system base on python.

Plugins

  • CoinMarketCapBacktesting - Tests bt and Quantopian Zipline as backtesting frameworks for coin trading strategy.
  • Gekko-BacktestTool - Batch backtest, import and strategy params optimalization for Gekko Trading Bot.

TA Lib

  • pandas_talib - A Python Pandas implementation of technical analysis indicators.
  • finta - Common financial technical indicators implemented in Python-Pandas (70+ indicators).
  • tulipnode - Official Node.js wrapper for Tulip Indicators. Provides over 100 technical analysis overlay and indicator functions.
  • techan.js - A visual, technical analysis and charting (Candlestick, OHLC, indicators) library built on D3.

Exchange API

Do it in real world!

  • IbPy - Python API for the Interactive Brokers on-line trading system.
  • HuobiFeeder - Connect HUOBIPRO exchange, get market/historical data for ABAT trading platform backtest analysis and live trading.
  • ctpwrapper - Shanghai future exchange CTP api.

Framework

  • tf-quant-finance - High-performance TensorFlow library for quantitative finance.

Visualizing

  • playground - Play with neural networks.
  • netron - Visualizer for deep learning and machine learning models.

GYM Environment

  • 🌟 TradingGym - Trading and Backtesting environment for training reinforcement learning agent.
  • TradzQAI - Trading environment for RL agents, backtesting and training.
  • btgym - Scalable, event-driven, deep-learning-friendly backtesting library.

Articles

Others

Other Resource

  • 🌟 🌟 🌟 Stock-Prediction-Models - Stock-Prediction-Models, Gathers machine learning and deep learning models for Stock forecasting, included trading bots and simulations.
  • 🌟 🌟 Financial Machine Learning - A curated list of practical financial machine learning (FinML) tools and applications. This collection is primarily in Python.
  • 🌟 Awesome-Quant-Machine-Learning-Trading - Quant / Algorithm trading resources with an emphasis on Machine Learning.
  • awesome-quant - A curated list of insanely awesome libraries, packages and resources for Quants (Quantitative Finance).
K-Means clusternig example with Python and Scikit-learn

Unsupervised-Machine-Learning Flat Clustering K-Means clusternig example with Python and Scikit-learn Flat clustering Clustering algorithms group a se

Emin 1 Dec 13, 2021
This is a Cricket Score Predictor that predicts the first innings score of a T20 Cricket match using Machine Learning

This is a Cricket Score Predictor that predicts the first innings score of a T20 Cricket match using Machine Learning. It is a Web Application.

Developer Junaid 3 Aug 04, 2022
A game theoretic approach to explain the output of any machine learning model.

SHAP (SHapley Additive exPlanations) is a game theoretic approach to explain the output of any machine learning model. It connects optimal credit allo

Scott Lundberg 18.2k Jan 02, 2023
Forecasting prices using Facebook/Meta's Prophet model

CryptoForecasting using Machine and Deep learning (Part 1) CryptoForecasting using Machine Learning The main aspect of predicting the stock-related da

1 Nov 27, 2021
A complete guide to start and improve in machine learning (ML)

A complete guide to start and improve in machine learning (ML), artificial intelligence (AI) in 2021 without ANY background in the field and stay up-to-date with the latest news and state-of-the-art

Louis-François Bouchard 3.3k Jan 04, 2023
Library for machine learning stacking generalization.

stacked_generalization Implemented machine learning *stacking technic[1]* as handy library in Python. Feature weighted linear stacking is also availab

114 Jul 19, 2022
Time series forecasting with PyTorch

Our article on Towards Data Science introduces the package and provides background information. Pytorch Forecasting aims to ease state-of-the-art time

Jan Beitner 2.5k Jan 02, 2023
Massively parallel self-organizing maps: accelerate training on multicore CPUs, GPUs, and clusters

Somoclu Somoclu is a massively parallel implementation of self-organizing maps. It exploits multicore CPUs, it is able to rely on MPI for distributing

Peter Wittek 239 Nov 10, 2022
Scikit-learn compatible wrapper of the Random Bits Forest program written by (Wang et al., 2016)

sklearn-compatible Random Bits Forest Scikit-learn compatible wrapper of the Random Bits Forest program written by Wang et al., 2016, available as a b

Tamas Madl 8 Jul 24, 2021
Laporan Proyek Machine Learning - Azhar Rizki Zulma

Laporan Proyek Machine Learning - Azhar Rizki Zulma Project Overview Domain proyek yang dipilih dalam proyek machine learning ini adalah mengenai hibu

Azhar Rizki Zulma 6 Mar 12, 2022
nn-Meter is a novel and efficient system to accurately predict the inference latency of DNN models on diverse edge devices

A DNN inference latency prediction toolkit for accurately modeling and predicting the latency on diverse edge devices.

Microsoft 241 Dec 26, 2022
ο»ΏGreykite: A flexible, intuitive and fast forecasting library

The Greykite library provides flexible, intuitive and fast forecasts through its flagship algorithm, Silverkite.

LinkedIn 1.7k Jan 04, 2023
MLOps pipeline project using Amazon SageMaker Pipelines

This project shows steps to build an end to end MLOps architecture that covers data prep, model training, realtime and batch inference, build model registry, track lineage of artifacts and model drif

AWS Samples 3 Sep 16, 2022
Stacked Generalization (Ensemble Learning)

Stacking (stacked generalization) Overview ikki407/stacking - Simple and useful stacking library, written in Python. User can use models of scikit-lea

Ikki Tanaka 192 Dec 23, 2022
[DEPRECATED] Tensorflow wrapper for DataFrames on Apache Spark

TensorFrames (Deprecated) Note: TensorFrames is deprecated. You can use pandas UDF instead. Experimental TensorFlow binding for Scala and Apache Spark

Databricks 757 Dec 31, 2022
Learn how to responsibly deliver value with ML.

Made With ML Applied ML Β· MLOps Β· Production Join 30K+ developers in learning how to responsibly deliver value with ML. πŸ”₯ Among the top MLOps reposit

Goku Mohandas 32k Dec 30, 2022
Code for the TCAV ML interpretability project

Interpretability Beyond Feature Attribution: Quantitative Testing with Concept Activation Vectors (TCAV) Been Kim, Martin Wattenberg, Justin Gilmer, C

552 Dec 27, 2022
PROTEIN EXPRESSION ANALYSIS FOR DOWN SYNDROME

PROTEIN-EXPRESSION-ANALYSIS-FOR-DOWN-SYNDROME Down syndrome (DS) is a chromosomal disorder where organisms have an extra chromosome 21, sometimes know

1 Jan 20, 2022
Client - πŸ”₯ A tool for visualizing and tracking your machine learning experiments

Weights and Biases Use W&B to build better models faster. Track and visualize all the pieces of your machine learning pipeline, from datasets to produ

Weights & Biases 5.2k Jan 03, 2023
Provide an input CSV and a target field to predict, generate a model + code to run it.

automl-gs Give an input CSV file and a target field you want to predict to automl-gs, and get a trained high-performing machine learning or deep learn

Max Woolf 1.8k Jan 04, 2023