Convert Figma logo to code with AI

firmai logofinancial-machine-learning

A curated list of practical financial machine learning tools and applications.

7,702
1,308
7,702
6

Top Related Projects

MlFinLab helps portfolio managers and traders who want to leverage the power of machine learning by providing reproducible, interpretable, and easy to use tools.

Code for Machine Learning for Algorithmic Trading, 2nd edition.

18,978

Qlib is an AI-oriented quantitative investment platform that aims to realize the potential, empower research, and create value using AI technologies in quantitative investment, from exploring ideas to implementing productions. Qlib supports diverse machine learning modeling paradigms. including supervised learning, market dynamics modeling, and RL.

11,142

Lean Algorithmic Trading Engine by QuantConnect (Python, C#)

An Algorithmic Trading Library for Crypto-Assets in Python

:mag_right: :chart_with_upwards_trend: :snake: :moneybag: Backtest trading strategies in Python.

Quick Overview

The firmai/financial-machine-learning repository is a comprehensive collection of Jupyter notebooks and Python scripts focused on applying machine learning techniques to financial data. It covers a wide range of topics including algorithmic trading, risk management, and financial analysis, providing practical examples and implementations for researchers and practitioners in the field of quantitative finance.

Pros

  • Extensive coverage of various financial machine learning topics
  • Practical, ready-to-use code examples and implementations
  • Well-documented notebooks with explanations and references
  • Regularly updated with new content and improvements

Cons

  • May be overwhelming for beginners due to the breadth of topics covered
  • Some advanced topics might require additional background knowledge
  • Not structured as a cohesive library, but rather a collection of individual notebooks
  • Dependency management can be challenging due to the diverse range of libraries used

Code Examples

  1. Loading and preprocessing financial data:
import pandas as pd
import yfinance as yf

# Download stock data
ticker = "AAPL"
data = yf.download(ticker, start="2010-01-01", end="2023-05-01")

# Calculate returns
data['Returns'] = data['Adj Close'].pct_change()

# Remove missing values
data.dropna(inplace=True)
  1. Implementing a simple moving average crossover strategy:
import numpy as np

# Calculate moving averages
data['SMA50'] = data['Adj Close'].rolling(window=50).mean()
data['SMA200'] = data['Adj Close'].rolling(window=200).mean()

# Generate buy/sell signals
data['Signal'] = np.where(data['SMA50'] > data['SMA200'], 1, 0)
data['Position'] = data['Signal'].diff()
  1. Training a machine learning model for price prediction:
from sklearn.model_selection import train_test_split
from sklearn.ensemble import RandomForestRegressor

# Prepare features and target
X = data[['Open', 'High', 'Low', 'Volume']]
y = data['Adj Close']

# Split data
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)

# Train model
model = RandomForestRegressor(n_estimators=100, random_state=42)
model.fit(X_train, y_train)

# Make predictions
predictions = model.predict(X_test)

Getting Started

To get started with the firmai/financial-machine-learning repository:

  1. Clone the repository:

    git clone https://github.com/firmai/financial-machine-learning.git
    
  2. Install required dependencies:

    pip install -r requirements.txt
    
  3. Navigate to the desired notebook or script and run it using Jupyter Notebook or JupyterLab:

    jupyter notebook
    
  4. Explore the various topics and examples provided in the repository, adapting the code to your specific use case or dataset.

Competitor Comparisons

MlFinLab helps portfolio managers and traders who want to leverage the power of machine learning by providing reproducible, interpretable, and easy to use tools.

Pros of mlfinlab

  • More comprehensive and actively maintained library
  • Better documentation and examples
  • Stronger community support and regular updates

Cons of mlfinlab

  • Steeper learning curve due to more advanced features
  • Requires more computational resources for some functions

Code Comparison

mlfinlab:

from mlfinlab.data_structures import get_volume_bars
from mlfinlab.features import fracdiff

volume_bars = get_volume_bars(data, threshold=1000)
frac_diff = fracdiff.frac_diff_ffd(series, d=0.5)

financial-machine-learning:

from financial_ml import data_structures, features

volume_bars = data_structures.get_volume_bars(data, threshold=1000)
frac_diff = features.fractional_differentiation(series, d=0.5)

Both repositories provide tools for financial machine learning, but mlfinlab offers a more extensive set of features and better documentation. It's actively maintained and has stronger community support. However, it may have a steeper learning curve and require more computational resources for some functions. The code comparison shows similar functionality, with mlfinlab using more specific module imports and slightly different function names.

Code for Machine Learning for Algorithmic Trading, 2nd edition.

Pros of machine-learning-for-trading

  • Comprehensive coverage of ML techniques applied to trading
  • Well-structured with clear chapters and progression
  • Includes practical examples and case studies

Cons of machine-learning-for-trading

  • May be overwhelming for beginners due to its depth
  • Focuses more on theory than ready-to-use implementations
  • Requires significant time investment to work through all content

Code Comparison

machine-learning-for-trading:

def create_lagged_series(symbol, start_date, end_date, lags=5):
    ts = web.DataReader(symbol, "yahoo", start_date-datetime.timedelta(days=365), end_date)
    tslag = pd.DataFrame(index=ts.index)
    tslag["Today"] = ts["Adj Close"]
    tslag["Volume"] = ts["Volume"]
    
    for i in range(1, lags + 1):
        tslag["Lag%s" % str(i)] = ts["Adj Close"].shift(i)
    return tslag

financial-machine-learning:

def get_daily_vol(close, span0=100):
    df0 = close.index.searchsorted(close.index - pd.Timedelta(days=1))
    df0 = df0[df0 > 0]
    df0 = pd.Series(close.index[df0 - 1], index=close.index[close.shape[0] - df0.shape[0]:])
    df0 = close.loc[df0.index] / close.loc[df0.values].values - 1  # daily returns
    df0 = df0.ewm(span=span0).std()
    return df0
18,978

Qlib is an AI-oriented quantitative investment platform that aims to realize the potential, empower research, and create value using AI technologies in quantitative investment, from exploring ideas to implementing productions. Qlib supports diverse machine learning modeling paradigms. including supervised learning, market dynamics modeling, and RL.

Pros of qlib

  • More active development with frequent updates and contributions
  • Comprehensive documentation and examples for easier adoption
  • Broader scope, covering various aspects of quantitative investment

Cons of qlib

  • Steeper learning curve due to its extensive features and components
  • Primarily focused on machine learning, potentially limiting traditional financial analysis

Code Comparison

qlib example:

import qlib
from qlib.contrib.model.gbdt import LGBModel
from qlib.contrib.data.handler import Alpha158

qlib.init()
dataset = Alpha158(instruments="csi300", start_time="2010-01-01", end_time="2020-08-01")
model = LGBModel()
model.fit(dataset)

financial-machine-learning example:

from finml import data, models
from finml.features import technical_indicators

df = data.load_stock_data("AAPL")
features = technical_indicators.add_all(df)
model = models.RandomForestRegressor()
model.fit(features, df["target"])

Summary

qlib offers a more comprehensive and actively maintained platform for quantitative investment research, with extensive documentation and examples. However, it may have a steeper learning curve and focuses primarily on machine learning approaches. financial-machine-learning provides a simpler interface for financial analysis and machine learning, but with less frequent updates and a narrower scope.

11,142

Lean Algorithmic Trading Engine by QuantConnect (Python, C#)

Pros of Lean

  • Comprehensive algorithmic trading platform with live trading capabilities
  • Extensive documentation and community support
  • Robust backtesting engine with support for multiple asset classes

Cons of Lean

  • Steeper learning curve for beginners
  • Limited flexibility for custom machine learning models
  • Requires more setup and configuration compared to simpler libraries

Code Comparison

Lean (C#):

public class MyAlgorithm : QCAlgorithm
{
    public override void Initialize()
    {
        SetStartDate(2020, 1, 1);
        SetCash(100000);
        AddEquity("AAPL");
    }
}

Financial-Machine-Learning (Python):

import pandas as pd
from sklearn.ensemble import RandomForestClassifier

data = pd.read_csv('stock_data.csv')
model = RandomForestClassifier()
model.fit(X_train, y_train)

The code snippets highlight the different approaches:

  • Lean focuses on algorithmic trading with a structured framework
  • Financial-Machine-Learning emphasizes flexibility in applying machine learning techniques to financial data

While Lean provides a complete trading ecosystem, Financial-Machine-Learning offers more freedom for custom machine learning implementations in finance. Lean is better suited for production-ready algorithmic trading, while Financial-Machine-Learning is more appropriate for research and experimentation with various ML models in financial contexts.

An Algorithmic Trading Library for Crypto-Assets in Python

Pros of Catalyst

  • Focuses on privacy-preserving smart contracts and decentralized applications
  • Provides tools for building on the Secret Network blockchain
  • Offers a more specialized ecosystem for privacy-centric blockchain development

Cons of Catalyst

  • Narrower scope compared to Financial Machine Learning's broad financial analysis tools
  • Less emphasis on traditional financial data analysis and machine learning techniques
  • May have a steeper learning curve for those not familiar with blockchain development

Code Comparison

Financial Machine Learning:

import pandas as pd
from sklearn.model_selection import train_test_split
from sklearn.ensemble import RandomForestClassifier

# Load and preprocess financial data
data = pd.read_csv('financial_data.csv')
X = data.drop('target', axis=1)
y = data['target']

# Train a machine learning model
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2)
model = RandomForestClassifier()
model.fit(X_train, y_train)

Catalyst:

use cosmwasm_std::{
    to_binary, Api, Binary, Env, Extern, HandleResponse, InitResponse, Querier, StdError,
    StdResult, Storage,
};

pub fn init<S: Storage, A: Api, Q: Querier>(
    deps: &mut Extern<S, A, Q>,
    env: Env,
    msg: InitMsg,
) -> StdResult<InitResponse> {
    // Initialize contract state
}

:mag_right: :chart_with_upwards_trend: :snake: :moneybag: Backtest trading strategies in Python.

Pros of backtesting.py

  • Lightweight and focused specifically on backtesting trading strategies
  • Easy to use with a simple API and clear documentation
  • Faster execution due to its specialized nature

Cons of backtesting.py

  • Limited scope compared to the broader financial-machine-learning repository
  • Fewer advanced machine learning features and tools
  • Less comprehensive in terms of data analysis and preprocessing capabilities

Code Comparison

backtesting.py:

from backtesting import Backtest, Strategy
from backtesting.lib import crossover

class SmaCross(Strategy):
    def init(self):
        self.sma1 = self.I(SMA, self.data.Close, 10)
        self.sma2 = self.I(SMA, self.data.Close, 20)

    def next(self):
        if crossover(self.sma1, self.sma2):
            self.buy()
        elif crossover(self.sma2, self.sma1):
            self.sell()

financial-machine-learning:

import pandas as pd
from sklearn.ensemble import RandomForestClassifier
from sklearn.model_selection import train_test_split

X = df[['feature1', 'feature2', 'feature3']]
y = df['target']
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2)
model = RandomForestClassifier()
model.fit(X_train, y_train)

Convert Figma logo designs to code with AI

Visual Copilot

Introducing Visual Copilot: A new AI model to turn Figma designs to high quality code using your components.

Try Visual Copilot

README

Repo-Updater Wiki-Generator Repo-Search Gitter


🌟 We Are Growing!

We're seeking to collaborate with motivated, independent PhD graduates or doctoral students on approximately seven new projects in 2024. If you’re interested in contributing to cutting-edge investment insights and data analysis, please get in touch! This could be in colaboration with a university or as independent study.

image

🚀 About Sov.ai

Sov.ai is at the forefront of integrating advanced machine learning techniques with financial data analysis to revolutionize investment strategies. We are working with 3 of the top 10 quantitative hedge funds, and with many mid-sized and boutique firms.

Our platform leverages diverse data sources and innovative algorithms to deliver actionable insights that drive smarter investment decisions.

By joining Sov.ai, you'll be part of a dynamic research team dedicated to pushing the boundaries of what's possible in finance through technology. Before expressing your interest, please be aware that the research will be predominantly challenging and experimental in nature.

🔍 Research and Project Opportunities

We offer a wide range of projects that cater to various interests and expertise within machine learning and finance. Some of the exciting recent projects include:

  • Predictive Modeling with GitHub Logs: Develop models to predict market trends and investment opportunities using GitHub activity and developer data.
  • Satallite Data Analysis: Explore non-traditional data sources such as social media sentiment, satellite imagery, or web traffic to enhance financial forecasting.
  • Data Imputation Techniques: Investigate new methods for handling missing or incomplete data to improve the robustness and accuracy of our models.

Please visit docs.sov.ai for more information on public projects that have made it into the subscription product. If you already have a corporate sponsor, we are also happy to work with them.

🌐 Why Join Sov.ai?

  • Innovative Environment: Engage with the latest technologies and methodologies in machine learning and finance.
  • Collaborative Team: Work alongside a team of experts passionate about driving innovation in investment insights.
  • Flexible Projects: Tailor your research to align with your interests and expertise, with the freedom to explore new ideas.
  • Experienced Researchers: Experts previously from NYU, Columbia, Oxford-Man Institute, Alan Turing Institute, and Cambridge.
  • Post Research: Connect with alumni that has moved on to DRW, Citadel Securities, Virtu Financial, Akuna Capital, HRT.

🤝 How to Apply

If you’re excited about leveraging your expertise in machine learning and finance to drive impactful research and projects, we’d love to hear from you! Please reach out to us at research@sov.ai with your resume and a brief description of your research interests.

Join us in shaping the future of investment insights and making a meaningful impact in the world of finance!

So what is ML-Quant.com then?

It is our firehose of daily research, serving as an internal knowledge base and client resource while also acting as a marketing channel to showcase our expertise and attract potential clients in the machine learning and quantitative finance space.

Screenshot 2024-10-04 at 08-30-53 ML-Quant - Machine Learning and Quantitative Finance

Financial Machine Learning and Data Science

  • All repos/links status including last commit date is updated daily
  • Only 15 Highest ranked repos/links for each section are displayed on main README.md and full list is available within the wiki page
  • Both Wikis/README.md is updated in realtime as soon as new information are pushed to the repo

Trading

Deep Learning & Reinforcement Learning (Wiki)

repocommentcreated_atlast_commitstar_countrepo_statusrating
FinRL-Librarystarted by Columbia university engineering students and designed as an end to end deep reinforcement learning library for automated trading platform. Implementation of DQN DDQN DDPG etc using PyTorch and gym use pyfolio for showing backtesting stats. Big contributions on Proximal Policy Optimization (PPO) advantage actor critic (A2C) and Deep Deterministic Policy Gradient (DDPG) agents for trading2020-07-26 13:18:162024-09-28 02:56:039697.0:heavy_check_mark::star:x5
Stock-Prediction-Modelsvery good curated list of notebooks showing deep learning + reinforcement learning models. Also contain topics on outlier detections/overbought oversold study/monte carlo simulartions/sentiment analysis from text (text storage/parsing is not detailed but it mentioned using BERT)2017-12-18 10:49:592021-01-05 10:31:507924.0:heavy_multiplication_x::star:x5
AI TradingAI to predict stock market movements.2019-01-09 08:02:472019-02-11 16:32:474094.0:heavy_multiplication_x::star:x5
Deep Learning IVBulbea: Deep Learning based Python Library.2017-03-09 06:11:062017-03-19 07:42:492032.0:heavy_multiplication_x::star:x5
RLTraderpredecessor to tensortrade uses open api gym and neat way to render matplotlib plots in real time. Also explains LSTM/data stationarity/Bayesian optimization using Optuna etc.2019-04-27 18:35:152019-10-17 16:25:491731.0:heavy_multiplication_x::star:x5
Deep Learning IIIAlgorithmic trading with deep learning experiments.2016-06-18 18:23:062018-08-07 15:24:451429.0:heavy_multiplication_x::star:x5
Personaeimplementation of deep reinforcement learning and supervised learnings covering areas: deep deterministic policy gradient (DDPG) and DDQN etc. Data are being pulled from rqalpha which is a python backtest engine and have a nice docker image to run training/testing2018-03-10 11:22:002018-09-02 17:21:381340.0:heavy_multiplication_x::star:x5
RL TradingA collection of 25+ Reinforcement Learning Trading Strategies -Google Colab.nannannan:heavy_check_mark::star:x4
Neural NetworkNeural networks to predict stock prices.2018-09-10 06:34:532018-11-21 07:39:31734.0:heavy_multiplication_x::star:x4
Deep LearningTechnical experimentations to beat the stock market using deep learning.2016-12-12 02:15:122017-03-04 08:37:29470.0:heavy_multiplication_x::star:x4
Deep-Reinforcement-Learning-for-Automated-Stock-Trading-Ensemble-Strategy-ICAIF-2020Part of FinRL and provided code for paper deep reinformacement learning for automated stock trading focuses on ensemble.2020-07-26 13:12:532024-07-01 08:09:062019.0:heavy_check_mark::star:x4
LTSM RecurrentOHLC Average Prediction of Apple Inc. Using LSTM Recurrent Neural Network.2018-10-07 03:58:262019-08-03 09:00:441711.0:heavy_multiplication_x::star:x4
awesome-deep-tradingcurated list of papers/repos on topics like CNN/LSTM/GAN/Reinforcement Learning etc. Categorized as deep learning for now but there are other topics here. Manually maintained by cbailes2018-11-26 03:23:042021-01-01 09:41:211482.0:heavy_multiplication_x::star:x4
trading-botImplementation of deep reinforcement learning using Deep Q Network (DQN). Only supports single security at the moment. Idea is roughly based here and uses tensorflow/keras. Interesting helper python libraries used here are tqdm for console based progress bar and altair for declarative visualization in python 2018-08-13 10:44:082020-01-23 04:41:20952.0:heavy_multiplication_x::star:x3
crypto-rlRetrieve limit order book level data from coinbase pro and bitfinex -> record in arctic timeseries database then implemented trend following strategies (market orders) and market making (limit orders). Uses reinforcement learning (DQN) keras-rl to create agents and uses openai gym to implement POMDP (partially observable markov decision process)2018-06-21 01:06:012021-11-30 13:52:18849.0:heavy_multiplication_x::star:x3

Other Models (Wiki)

repocommentcreated_atlast_commitstar_countrepo_statusrating
Microservices-Based-Algorithmic-Trading-Systemdocker based platfrom for developing algo trading strategies. Very interesting combinations of open source components were used including backtrader for backtest strategies / mlflow for managing the machine learning model life cycle (i.e. training and developing machine learning models) / airflow used as workflow management including schedule data download etc. / superset web data visualization tool similar to tableau / minio for fast object storage (i.e. storing saved models and model artifacts) / postgresql used to store security master and daily and minute data. Also contains some details on deployment on cloud2020-01-06 00:21:582024-04-08 19:33:16443.0:heavy_check_mark::star:x5
Awesome-Quant-Machine-Learning-Tradingcurated list of books/online courses/youtube videos/blogs/interviews/papers/code etc. Updates are pretty infrequent2018-11-05 21:09:062020-10-08 16:48:182675.0:heavy_multiplication_x::star:x5
Hands-On-Machine-Learning-for-Algorithmic-Tradingrepo for book hands-on-machine learning for algorithmic trading covering topic from data/unsupervised learning/NPL/RNN & CNN/reinforcement learning etc. Leverage zipline/alphalens/sklearn/openai-gym etc as well. Good references to have2019-05-07 11:04:252023-01-18 09:16:471418.0:heavy_check_mark::star:x5
fin-mlaccompanying materials for book Machine Learning and Data Science Blueprints for Finance on top of basic machine learning models i.e. nlp/reinforcement learning/supervised & unsupervised learning it covers wider topics including robo-advisors/fraud detection/loan default/derivative pricing/yield curve construction.2020-05-10 00:25:562023-01-26 22:03:20846.0:heavy_check_mark::star:x4
Machine-Learning-for-Algorithmic-Trading-Second-Edition_Originalofficial repo for machine learning for algorithmic trading book. Covering topics including backtesting/boosting/nlp/deep&reinforcement learning. Leverage open source libraries including backtrader zipline and talib2019-11-15 08:51:402023-01-18 09:11:251192.0:heavy_check_mark::star:x4
AlphaPymachine learning framework built on sklearn and pandas. Support pyfolio/xgboost/lightgmb/catboost(gradient boosting on decision tress) etc. Examples include financial market prediction/sports prediction/kaggle. Configurations are set though yaml file for all model process including feature selection/grid search on parameters and aggregate results for each model2016-02-14 00:47:322024-02-10 16:41:201137.0:heavy_check_mark::star:x4
Stock.Indicatorslist of technical indicators implemented in c#. Full list and explanation available here. This list contains several indicators that ta-lib does not cover2019-12-29 05:18:072024-09-09 18:29:11963.0:heavy_check_mark::star:x3
Fundamental LT ForecastsResearch in investment finance for long term forecasts and a curated list of notebooks. Each topic contains a youtube video explaining in details. Interesting topics including using price per book ratio and other multiples for future return prediction and portfolio optimization. data sourced form simfin yahoo finance and s&p 500 earnings and estimate report etc.2018-07-22 08:14:462022-02-12 13:26:40838.0:heavy_multiplication_x::star:x3
stock-trading-mllstm model using keras to predict msft prices. Data is from alphavantage which provides some free data through web services. Showing how to use concatenation layer to join timeseries data with TA data. Might be abit of overfitting on the model though2019-10-10 09:44:022019-10-12 11:38:49597.0:heavy_multiplication_x::star:x3
MathAndScienceNotesCollections of news/articles on various topics including quant trading and machine learning. Some articles are from ycombinator message board and rediit algotrading forum2016-03-11 19:13:002020-12-21 03:54:51504.0:heavy_multiplication_x::star:x3
mlfinlabopen source library maintained by hudson and thames though much of the content has moved to a subscription model. Idea is to implement academic research in python code and aggregate it as a package. Sources from Journal of financial data science / journal of portfolio management / journal of algorithmic finance / cambridge university press2019-02-13 16:57:252021-12-01 08:04:503933.0:heavy_multiplication_x::star:x3
Machine-Learning-for-Algorithmic-Trading-Bots-with-Pythoncode repo for machine learning for algorithmic trading bots video series. Contains notebooks and deep dive using zipline2018-12-06 11:35:082023-01-30 09:31:10381.0:heavy_check_mark::star:x3
Machine-Learning-for-Financerepo for book machine learning for finance with heavier focus on machine learning and less on finance. Topics covered including computer vision/time series/nlp/generative models (i.e. autoencoder)/reinforcement learning/debugging ml systems2018-03-15 06:28:002023-01-30 09:45:35356.0:heavy_check_mark::star:x3
awesome-ai-in-financecurated list of books/online courses/papers on AI and finance. Topics include crypto trading strategies/ta/backter etc.2018-08-29 02:07:022024-06-10 07:13:133411.0:heavy_check_mark::star:x3
mosquitobase framework trading bot for crypto. Stores data in local mongodb instance and supports backtest and live trading on poloniex and bittrex which are 12-15th ranked crypto exchanges by volume. Leverage talib for ta data and plotly for visualization2017-06-18 19:57:172023-04-23 21:39:31261.0:heavy_check_mark::star:x3

Data Processing Techniques and Transformations (Wiki)

repocommentcreated_atlast_commitstar_countrepo_statusrating
Advanced MLExercises to book advances in financial machine learning. Relevant topics include data cleaning and outlier detection (using MAD)2018-04-25 17:22:402020-01-16 17:25:411698.0:heavy_multiplication_x::star:x4
Twitter-Trendssentiment analysis baed on twitter data. Relevant topics include data cleaning/tokenization/data aggregation using mangodb etc.2017-05-22 17:07:452017-05-23 08:06:2799.0:heavy_multiplication_x::star:x3
Google-Finance-Stock-Data-Analysisdata processing platform which stream data from kafka. The example shows two incoming data stream stock vs tweets and two spark streams are created to consume the kafka data then end results are stored in cassandra. Older tech stacks were used and not actively maintained.2017-07-23 02:59:592017-07-23 03:10:3582.0:heavy_multiplication_x::star:x3
finserv-application-blueprintgenerate streamable data using mapr converged data platfrom built mostly in java. Uses apache zepplin for web visualization 2016-09-26 19:42:542021-06-07 17:38:1384.0:heavy_multiplication_x::star:x2
cointraderjava based platform for trading crypto. Relevant sections including using esper event queries to transform data and place orders2014-06-01 01:14:122022-06-21 01:03:49451.0:heavy_multiplication_x::star:x2
CryptoNetsCryptoNets is a demonstration of the use of Neural-Networks over data encrypted with Homomorphic Encryption. Homomorphic Encryptions allow performing operations such as addition and multiplication over data while it is encrypted.2019-06-02 05:48:392022-09-09 15:57:24280.0:heavy_multiplication_x::star:x2
plaid-to-gsheetsNEW2021-12-12 19:53:142023-02-03 15:36:4971.0:heavy_check_mark:
ninjabookNEW2024-04-10 01:01:102024-04-21 16:42:28150.0:heavy_check_mark:
Major-project-listNEW2021-09-04 11:17:442024-09-07 15:22:27115.0:heavy_check_mark:

Portfolio Management

Portfolio Selection and Optimisation (Wiki)

repocommentcreated_atlast_commitstar_countrepo_statusrating
Modern Portfolio TheoryUniversal portfolios; modern portfolio theory.nannannan:heavy_check_mark:
Online Portfolio Selection****Comparing OLPS algorithms on a diversified set of ETFs.nannannan:heavy_check_mark:
cvxportfolioNEW2017-01-11 01:16:162024-09-27 14:09:43968.0:heavy_check_mark:
DeepDowPortfolio optimization with deep learning.2020-02-02 08:46:332024-01-24 15:56:34901.0:heavy_check_mark:
Reinforcement LearningReinforcement Learning for Portfolio Management.2017-10-07 09:14:332018-06-26 09:22:27453.0:heavy_multiplication_x:
PyPortfolioOptFinancial portfolio optimisation, including classical efficient frontier and advanced methods.2018-05-29 13:30:302024-05-28 23:05:514425.0:heavy_check_mark:
Distribution Characteristic OptimisationExtends classical portfolio optimisation to take the skewness and kurtosis of the distribution of market invariants into account.2018-11-16 12:20:252024-02-27 21:38:36352.0:heavy_check_mark:
Riskfolio-LibNEW2020-03-02 19:49:062024-07-29 21:51:422985.0:heavy_check_mark:
riskparity.pyNEW2019-07-13 21:30:552024-05-27 00:29:29285.0:heavy_check_mark:
riskparity.pyNEW2019-07-13 21:30:552024-05-27 00:29:29285.0:heavy_check_mark:
okamaNEW2020-03-02 14:48:292024-07-06 13:39:25205.0:heavy_check_mark:
Efficient FrontierModern Portfolio Theory.2018-02-17 08:19:462018-02-27 13:16:57184.0:heavy_multiplication_x:
Policy Gradient PortfolioA Deep Reinforcement Learning Framework for the Financial Portfolio Management Problem.2017-11-12 16:08:442021-07-30 15:03:591739.0:heavy_multiplication_x:
finance-coursesNEW2019-10-10 10:50:032023-12-11 23:09:10171.0:heavy_check_mark:
401K Portfolio OptimisationPortfolio analyses and optimisation for 401K.2018-08-01 19:48:242019-09-05 11:18:5617.0:heavy_multiplication_x:

Factor and Risk Analysis (Wiki)

repocommentcreated_atlast_commitstar_countrepo_statusrating
-1NEWnannannan:heavy_check_mark:
FEEDNNEWnannannan:heavy_check_mark:
factor-risk-parityNEW2020-04-05 17:05:402022-09-18 14:42:039.0:heavy_multiplication_x:
SafetyAndTradeNEW2020-04-11 20:18:032020-04-12 17:00:369.0:heavy_multiplication_x:
VaR GaNEstimate Value-at-Risk for market risk management using Keras and TensorFlow.2018-08-06 16:09:442022-06-24 19:05:5584.0:heavy_multiplication_x:
Liberty-House-Club-WhitepaperNEW2022-04-22 08:25:392022-04-22 08:27:248.0:heavy_check_mark:
Various Risk MeasuresRisk measures and factors for alternative and responsible investments.2017-08-07 14:44:322017-08-08 22:52:118.0:heavy_multiplication_x:
Factor AnalysisFactor analysis for mutual funds.2018-03-13 07:39:202018-03-13 07:42:368.0:heavy_multiplication_x:
one_factor_Hull_White_pythonNEW2023-01-29 17:45:512024-03-24 19:48:048.0:heavy_check_mark:
whitepaperNEW2021-07-31 23:39:412022-08-25 09:52:387.0:heavy_multiplication_x:
An-Analysis-of-PCA-and-Autoencoder-Generated-Factors-in-Predicting-SP500-ReturnsNEW2020-01-18 00:53:462020-01-18 03:59:367.0:heavy_multiplication_x:
The-Reason-Why-Everyone-Love-Mining-ToolsNEW2022-06-13 05:11:362022-06-13 05:12:527.0:heavy_multiplication_x:
-L-NEW2019-10-28 21:50:262019-10-28 21:51:1967.0:heavy_multiplication_x:
Bitcoin_Since_PandemicNEW2022-02-12 11:12:372022-02-12 17:46:456.0:heavy_multiplication_x:
PyfolioPortfolio and risk analytics in Python.2015-06-01 15:31:392020-02-28 17:30:195631.0:heavy_multiplication_x:

Techniques

Unsupervised (Wiki)

repocommentcreated_atlast_commitstar_countrepo_statusrating
PCA Pairs TradingPCA, Factor Returns, and trading strategies.nannannan:heavy_check_mark:
Eigen-PortfolioNEW2018-09-05 05:29:182020-04-09 21:40:0467.0:heavy_multiplication_x:
hmm_market_behaviorNEW2019-09-08 17:37:392020-05-10 14:36:0340.0:heavy_multiplication_x:
VRA Stock EmbeddingVariational Reccurrent Autoencoder for Embedding stocks to vectors based on the price history.2017-06-21 04:47:142017-06-21 04:51:1338.0:heavy_multiplication_x:
AnomalyDetectionOnRiskNEW2018-05-31 15:53:022018-05-31 16:18:2821.0:heavy_multiplication_x:
Pairs TradingFinding pairs with cluster analysis.2017-09-05 19:19:192017-09-27 20:42:14203.0:heavy_multiplication_x:
all-classification-templetes-for-MLNEW2020-05-05 10:28:522024-05-15 11:46:23198.0:heavy_check_mark:
Credit-Card-Fraud-DetectionNEW2019-03-31 05:33:172019-03-31 05:38:4316.0:heavy_multiplication_x:
Industry ClusteringClustering of industries.2017-07-21 02:12:512017-07-23 02:53:3714.0:heavy_multiplication_x:
Industry ClusteringProject to cluster industries according to financial attributes.2017-07-21 02:12:512017-07-23 02:53:3714.0:heavy_multiplication_x:
tableQA-ChineseNEW2021-03-16 14:54:532023-04-20 06:20:5612.0:heavy_check_mark:
Fund ClustersData exploration of fund clusters.2018-04-16 22:18:552018-06-07 22:01:3211.0:heavy_multiplication_x:
Stock_Support_Resistance_MLNEW2019-12-22 20:25:482021-05-02 04:25:21100.0:heavy_multiplication_x:
Learning-Technical-TradingNEW2019-03-25 11:47:492020-04-08 12:39:5310.0:heavy_multiplication_x:

Textual (Wiki)

repocommentcreated_atlast_commitstar_countrepo_statusrating
NLPThis project assembles a lot of NLP operations needed for finance domain.nannannan:heavy_check_mark:
NLP EventApplying Deep Learning and NLP in Quantitative Trading.2018-07-02 23:50:522019-01-31 14:08:2099.0:heavy_multiplication_x:
Financial Sentiment AnalysisSentiment, distance and proportion analysis for trading signals.2017-06-23 00:05:492023-05-08 00:58:5094.0:heavy_check_mark:
Cornucopia-LLaMA-Fin-ChineseNEW2023-04-30 06:11:182023-06-30 07:52:13582.0:heavy_check_mark:
awesome-financial-nlpNEW2019-10-03 03:53:202020-02-01 08:28:16402.0:heavy_multiplication_x:
BuzzwordsReturn performance and mutual fund selection.2018-02-04 21:51:162018-02-04 21:57:094.0:heavy_multiplication_x:
FinNLP-ProgressNEW2020-05-21 09:59:562022-04-18 09:21:22390.0:heavy_multiplication_x:
news-emotionNEW2017-09-14 02:59:032018-06-11 13:47:51331.0:heavy_multiplication_x:
financial-news-datasetNEW2016-08-23 13:29:072023-03-09 06:53:26223.0:heavy_check_mark:
FinBERTNEW2019-07-09 16:34:272020-05-19 02:02:20197.0:heavy_multiplication_x:
Accounting AnomaliesUsing deep-learning frameworks to identify accounting anomalies.2017-05-24 12:36:382019-08-07 21:47:08196.0:heavy_multiplication_x:
fin-sightNEW2023-09-06 13:01:392024-04-22 07:21:27195.0:heavy_check_mark:
finsightNEW2023-09-06 13:01:392024-04-22 07:21:27189.0:heavy_check_mark:
Financial Statement SentimentExtracting sentiment from financial statements using neural networks.2018-06-04 20:54:142018-06-04 20:56:0218.0:heavy_multiplication_x:
BDCI2019-Negative_Finance_Info_JudgeNEW2019-12-27 03:49:312020-12-04 03:38:57153.0:heavy_multiplication_x:

Other Assets

Derivatives and Hedging (Wiki)

repocommentcreated_atlast_commitstar_countrepo_statusrating
OptionsBlack Scholes and Copula.nannannan:heavy_check_mark:
injective-helix-demoNEW2021-04-12 13:36:252024-07-15 17:00:2599.0:heavy_check_mark:
optopsyNEW2017-09-17 01:49:542024-07-06 19:33:10978.0:heavy_check_mark:
akshareNEW2019-10-01 07:34:122024-09-28 06:49:579042.0:heavy_check_mark:
AlgorithmicTradingNEW2019-03-14 09:33:372023-08-13 07:15:09878.0:heavy_check_mark:
lumibotNEW2020-09-10 10:00:162024-09-27 04:30:14877.0:heavy_check_mark:
StrataNEW2014-06-16 11:45:552024-08-28 16:12:28842.0:heavy_check_mark:
DermanBinomial tree for American call.2018-05-18 18:08:162018-09-21 19:59:018.0:heavy_multiplication_x:
Options-Trading-Strategies-in-PythonNEW2017-08-30 06:00:152019-08-21 15:47:57799.0:heavy_multiplication_x:
gs-quantNEW2018-12-14 21:10:402024-09-23 11:01:297582.0:heavy_check_mark:
StockSharpNEW2014-12-08 07:53:442024-09-23 21:13:427097.0:heavy_check_mark:
optlibNEW2020-08-17 00:30:142022-11-18 19:12:54644.0:heavy_check_mark:
algotraderNEW2018-04-10 02:31:262020-08-27 08:16:44635.0:heavy_multiplication_x:
trading-serverNEW2019-03-05 03:06:192022-11-17 01:42:13619.0:heavy_check_mark:
Delta HedgingAdvanced derivatives.2018-03-02 23:53:532018-07-17 23:32:236.0:heavy_multiplication_x:

Fixed Income (Wiki)

repocommentcreated_atlast_commitstar_countrepo_statusrating
Binomial TreeUtility functions in fixed income securities.2019-02-02 08:44:142019-05-03 17:16:528.0:heavy_multiplication_x:
VasicekBootstrapping and interpolation.2018-07-18 19:26:542018-07-18 19:34:486.0:heavy_multiplication_x:
neuronsNEW2020-11-07 12:17:042020-11-07 12:17:0655.0:heavy_multiplication_x:
R-fixedincomeNEW2013-09-16 01:10:502023-06-27 08:10:2051.0:heavy_check_mark:
rating_historyNEW2017-11-23 22:52:142023-06-29 22:16:5747.0:heavy_check_mark:
TRACE-corporate-bond-processingNEW2020-12-18 10:20:122024-07-18 02:33:3243.0:heavy_check_mark:
augmented-finance-protocolNEW2021-03-27 11:01:432022-02-16 15:58:3538.0:heavy_multiplication_x:
market-dataNEW2012-12-07 13:42:482012-12-15 12:10:0635.0:heavy_multiplication_x:
DROP-Fixed-IncomeNEW2017-08-10 20:58:182018-09-26 19:21:0228.0:heavy_multiplication_x:
woeNEW2017-09-11 07:15:042018-03-01 10:45:40256.0:heavy_multiplication_x:
punk.protocolNEW2021-04-29 08:39:422021-08-13 11:53:1123.0:heavy_multiplication_x:
fixed-incomeNEW2017-09-17 05:23:472020-12-18 01:35:4121.0:heavy_multiplication_x:
sagemaker-corporate-credit-ratingNEW2021-11-12 00:49:142022-12-20 17:11:0320.0:heavy_check_mark:
Corporate BondsPredicting the buying and selling volume of the corporate bonds.2017-09-27 19:57:132017-09-27 20:00:2919.0:heavy_multiplication_x:
pyratingsNEW2022-03-24 14:51:592024-06-18 07:03:0719.0:heavy_check_mark:

Alternative Finance (Wiki)

repocommentcreated_atlast_commitstar_countrepo_statusrating
Venture Capital NNCox-PH neural network predictions for VC/innovations finance research.nannannan:heavy_check_mark:
EDMarketConnectorNEW2015-06-02 19:17:342024-09-24 23:28:42988.0:heavy_check_mark:
yahoofinancialsNEW2017-10-22 03:10:572023-12-17 07:54:07910.0:heavy_check_mark:
Watch ValuationAnalysis of luxury watch data to classify whether a certain model is likely to be over-or undervalued.2017-02-08 18:39:292017-04-27 22:55:559.0:heavy_multiplication_x:
Kiva CrowdfundingExploratory data analysis.2018-02-27 16:46:022019-02-13 00:15:277.0:heavy_multiplication_x:
Venture CapitalInsight into a new founder to make data-driven investment decisions.2017-12-04 08:59:442017-12-13 05:35:277.0:heavy_multiplication_x:
botupdateNEW2019-07-01 20:22:442020-10-29 02:31:17582.0:heavy_check_mark:
VC OLSVC regression.2018-03-29 23:31:132018-03-29 23:33:194.0:heavy_multiplication_x:
awesome-systematic-tradingNEW2022-02-05 20:48:522024-08-16 12:06:383783.0:heavy_check_mark:
pitch_deckNEW2016-09-17 01:30:262024-05-16 16:23:12343.0:heavy_check_mark:
pitch-deckNEW2016-09-17 01:30:262024-05-16 16:23:12343.0:heavy_check_mark:
HomeHarvestNEW2023-09-15 19:29:012024-09-06 22:49:07314.0:heavy_check_mark:
Private EquityValuation models.2016-01-27 21:13:332016-03-14 20:03:5222.0:heavy_multiplication_x:
Art ValuationArt evaluation analytics.2014-12-11 00:25:392014-12-12 21:25:4619.0:heavy_multiplication_x:
BlockchainRepository for distributed autonomous investment banking.2016-09-05 19:12:402017-04-24 10:48:5618.0:heavy_multiplication_x:

Extended Research (Wiki)

repocommentcreated_atlast_commitstar_countrepo_statusrating
Real Estate Property FraudUnsupervised fraud detection model that can identify likely candidates of fraud.nannannan:heavy_check_mark:
CommodityCommodity influence over Brazilian stocks.nannannan:heavy_check_mark:
HFT-OrderbookNEW2017-07-26 08:42:192022-02-18 20:01:44991.0:heavy_multiplication_x:
Awesome-AI-for-cybersecurityNEW2021-09-20 04:44:452023-10-03 14:25:1098.0:heavy_check_mark:
crypto-databaseNEW2018-02-22 21:34:112019-10-04 13:06:1898.0:heavy_multiplication_x:
Mathematical FinanceNotebooks for math and financial tutorials.2017-01-21 11:24:182020-08-01 17:03:32974.0:heavy_multiplication_x:
VPIN_HFTNEW2017-12-12 15:29:332017-12-12 17:32:5497.0:heavy_multiplication_x:
freqtrade_botNEW2020-12-21 00:14:252021-01-07 19:52:5496.0:heavy_multiplication_x:
BERT4ETHNEW2023-02-05 20:36:202024-06-21 17:45:0196.0:heavy_check_mark:
PythonMatchingEngineNEW2019-05-16 12:06:212021-12-30 10:17:3595.0:heavy_multiplication_x:
LSTM-FXNEW2020-09-29 21:30:202020-09-29 23:15:1895.0:heavy_multiplication_x:
go-quantcupNEW2015-02-04 10:33:122015-06-11 12:50:0994.0:heavy_multiplication_x:
Quant-Developers-ResourcesNEW2023-10-16 18:04:312024-07-28 08:06:1894.0:heavy_check_mark:
FraudDetection-MicroservicesNEW2016-06-08 23:24:212017-01-18 17:52:0193.0:heavy_multiplication_x:
HFT-Pairs-TradingNEW2018-05-03 22:36:162019-02-27 17:41:2293.0:heavy_multiplication_x:

Courses (Wiki)

repocommentcreated_atlast_commitstar_countrepo_statusrating
mlcourse.aiNEW2017-02-27 08:32:202024-08-25 08:08:319695.0:heavy_check_mark:
datascience-boxNEW2017-12-29 22:16:172024-08-15 22:45:51956.0:heavy_check_mark:
machine-learning-zoomcampNEW2020-04-17 04:29:232024-09-24 09:02:079337.0:heavy_check_mark:
datasci_course_materialsNEW2013-04-12 05:54:362017-03-21 19:21:02918.0:heavy_multiplication_x:
ml-miptNEW2022-09-01 16:16:052022-09-02 08:44:489.0:heavy_multiplication_x:
cimlNEW2015-08-12 19:26:002017-01-20 16:24:19888.0:heavy_multiplication_x:
cornell-cs5785-applied-mlNEW2021-03-26 06:33:582021-09-02 00:34:55874.0:heavy_multiplication_x:
ml-course-msuNEW2015-09-11 08:51:242018-05-07 15:40:56871.0:heavy_multiplication_x:
OctaveNEW2011-10-24 23:50:522016-07-08 20:45:40824.0:heavy_multiplication_x:
machine_learning_with_python_jadiNEW2021-09-20 08:19:482024-08-16 05:12:53801.0:heavy_check_mark:
DAT4NEW2014-12-10 19:38:292021-02-15 23:26:27794.0:heavy_multiplication_x:
deploying-machine-learning-modelsNEW2019-01-09 20:30:462023-04-19 17:15:38790.0:heavy_check_mark:
Algo TradingIntro to algo trading.2017-10-29 20:34:542019-01-22 06:56:0879.0:heavy_multiplication_x:
masterNEW2017-02-04 22:44:352024-04-01 10:09:20784.0:heavy_check_mark:
DataScienceSpCourseNotesNEW2015-03-09 00:51:322016-02-16 06:12:54764.0:heavy_multiplication_x:

Data (Wiki)

repocommentcreated_atlast_commitstar_countrepo_statusrating
Tools-termuxNEWnannannan:heavy_check_mark:
Rating Industriesnannannannan:heavy_check_mark:
http://finance.yahoo.com/nannannannan:heavy_check_mark:
https://fred.stlouisfed.org/nannannannan:heavy_check_mark:
https://stooq.comnannannannan:heavy_check_mark:
Capital Markets Datanannannannan:heavy_check_mark:
Financial Corporatenannannannan:heavy_check_mark:
IRSnannannannan:heavy_check_mark:
Non-financial Corporatenannannannan:heavy_check_mark:
redesigned-pancakeNEWnannannan:heavy_check_mark:
PyPOTSNEW2022-03-29 14:22:472024-09-26 17:17:28997.0:heavy_check_mark:
aeonNEW2022-12-20 12:44:092024-09-27 18:03:06976.0:heavy_check_mark:
hypercubeNEW2021-09-08 06:47:072021-10-14 13:44:17975.0:heavy_multiplication_x:
DeedleNEW2013-09-17 18:53:342023-01-17 21:18:55937.0:heavy_check_mark:
BitcoinExchangeFHNEW2016-10-24 13:30:312022-12-28 17:07:41936.0:heavy_check_mark:

Colleges, Centers and Departments (Wiki)

repocommentcreated_atlast_commitstar_countrepo_statusrating
NYU FREFinance and Risk Engineering (NYU Tandon)nannannan:heavy_check_mark:
Oxford ManOxford-Man Institute of Quantitative Financenannannan:heavy_check_mark:
Berkeley Lab CIFTnannannannan:heavy_check_mark:
Cornell Universitynannannannan:heavy_check_mark:
NYU CourantCourant Institute of Mathematical Sciences, New York Universitynannannan:heavy_check_mark:
Stanford Advanced Financial TechnologiesStanford Advanced Financial Technologies Laboratorynannannan:heavy_check_mark: