Code Monkey home page Code Monkey logo

time-series-forecasting-and-deep-learning's Introduction

Time Series Forecasting and Deep Learning

GitHub commit activity GitHub last commit GitHub closed issues GitHub forks GitHub Repo stars

List of research papers focus on time series forecasting and deep learning, as well as other resources like competitions, datasets, courses, blogs, code, etc.

Table of Contents

Applications

  • TimeGPT

    • Nixtla’s TimeGPT is a generative pre-trained forecasting model for time series data.

Papers

2024

2023

2022

2021

2020

2019

2018

2017

Blogs

Competitions

Courses

Libraries

  • arch

    • Autoregressive Conditional Heteroskedasticity (ARCH) and other tools for financial econometrics, written in Python (with Cython and/or Numba used to improve performance)
  • AutoGP.jl

    • A Julia package for learning the covariance structure of Gaussian process time series models.
  • AutoTS

    • AutoTS is a time series package for Python designed for rapidly deploying high-accuracy forecasts at scale.
  • BasicTS

    • BasicTS (Basic Time Series) is a PyTorch-based benchmark and toolbox for time series forecasting (TSF).
  • Beibo

    • Beibo is a Python library that uses several AI prediction models to predict stocks returns over a defined period of time.
  • Cesium

    • Cesium is an end-to-end machine learning platform for time-series, from calculation of features to model-building to predictions.
  • Darts

    • Darts is a Python library for easy manipulation and forecasting of time series.
  • DeepOD

    • DeepOD is an open-source python framework for deep learning-based anomaly detection on multivariate data.
  • Flow Forecast

    • Flow Forecast is a deep learning PyTorch library for time series forecasting, classification, and anomaly detection.
  • GluonTS

    • GluonTS is a Python package for probabilistic time series modeling, focusing on deep learning based models.
  • Greykite

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

    • A Full-Pipeline Automated Time Series (AutoTS) Analysis Toolkit.
  • Kats

    • Kats is a toolkit to analyze time series data, a lightweight, easy-to-use, and generalizable framework to perform time series analysis.
  • Luminaire

    • Luminaire is a python package that provides ML-driven solutions for monitoring time series data.
  • MAPIE

    • A scikit-learn-compatible module for estimating prediction intervals.
  • Merlion

    • Merlion is a Python library for time series intelligence. It provides an end-to-end machine learning framework that includes loading and transforming data, building and training models, post-processing model outputs, and evaluating model performance.
  • NeuralForecast

    • NeuralForecast is a Python library for time series forecasting with deep learning models.
  • NeuralProphet

    • NeuralProphet is an easy to learn framework for interpretable time series forecasting. NeuralProphet is built on PyTorch and combines Neural Network and traditional time-series algorithms, inspired by Facebook Prophet and AR-Net.
  • PaddleTS

    • PaddlePaddle-based Time Series Modeling in Python.
  • Prophet

    • Prophet is a forecasting procedure implemented in R and Python. It is fast and provides completely automated forecasts that can be tuned by hand by data scientists and analysts.
  • Puncc

    • Puncc is a python library for predictive uncertainty quantification using conformal prediction.
  • PyBATS

    • PyBATS is a package for Bayesian time series modeling and forecasting.
  • PyDaddy

    • A Python package to discover stochastic differential equations from time series data.
  • PyDMD: Python Dynamic Mode Decomposition

    • PyDMD is a Python package that uses Dynamic Mode Decomposition for a data-driven model simplification based on spatiotemporal coherent structures.
  • PyPOTS

    • A Python Toolbox for Data Mining on Partially-Observed Time Series.
  • Python Outlier Detection (PyOD)

    • PyOD is a comprehensive and scalable Python library for outlier detection (anomaly detection)
  • PyTorch Forecasting

    • PyTorch Forecasting is a PyTorch-based package for forecasting time series with state-of-the-art network architectures.
  • PyTorchTS

    • PyTorchTS is a PyTorch Probabilistic Time Series forecasting framework which provides state of the art PyTorch time series models by utilizing GluonTS as its back-end API and for loading, transforming and back-testing time series data sets.
  • pytrendseries

    • pytrendseries is a Python library for detection of trends in time series like: stock prices, monthly sales, daily temperature of a city and so on.
  • pyts

    • pyts is a Python package dedicated to time series classification.
  • Qlib

    • Qlib is an AI-oriented quantitative investment platform, which aims to realize the potential, empower the research, and create the value of AI technologies in quantitative investment.
  • RQAlpha

    • A extendable, replaceable Python algorithmic backtest & trading framework supporting multiple securities.
  • Scalecast

    • The pratictioner's forecasting library. Including automated model selection, model optimization, pipelines, visualization, and reporting.
  • sequitur

    • sequitur is a library that lets you create and train an autoencoder for sequential data in just two lines of code.
  • skforecast

    • Skforecast is a Python library that eases using scikit-learn regressors as single and multi-step forecasters. It also works with any regressor compatible with the scikit-learn API (LightGBM, XGBoost, CatBoost, ...).
  • sktime

    • sktime is a library for time series analysis in Python. It provides a unified interface for multiple time series learning tasks.
  • StatsForecast

    • StatsForecast offers a collection of popular univariate time series forecasting models optimized for high performance and scalability.
  • TFTS

    • TFTS (TensorFlow Time Series) is an easy-to-use python package for time series, supporting the classical and SOTA deep learning methods in TensorFlow or Keras.
  • tft-torch

  • TimeEval

    • TimeEval is an evaluation tool for time series anomaly detection algorithms.
  • Time Interpret (tint)

    • This library expands the Captum library with a specific focus on time-series.
  • Time Series Library (TSlib)

    • TSlib is an open-source library for deep learning researchers, especially deep time series analysis.
  • TODS

    • TODS is a full-stack automated machine learning system for outlier detection on multivariate time-series data.
  • transdim

    • Machine learning for transportation data imputation and prediction.
  • tsai

    • tsai is an open-source deep learning package built on top of Pytorch & fastai focused on state-of-the-art techniques for time series tasks like classification, regression, forecasting, imputation...
  • tsam

    • tsam is a python package which uses different machine learning algorithms for the aggregation of time series.
  • tsaug

    • tsaug is a Python package for time series augmentation.
  • TSDB

    • A Python Toolbox to Ease Loading Open-Source Time-Series Datasets.
  • tsfeatures

    • Calculates various features from time series data. Python implementation of the R package tsfeatures.
  • TSFEL

    • Time Series Feature Extraction Library (TSFEL for short) is a Python package for feature extraction on time series data.
  • tsfresh

    • tsfresh provides systematic time-series feature extraction by combining established algorithms from statistics, time-series analysis, signal processing, and nonlinear dynamics with a robust feature selection algorithm.
  • tslearn

    • tslearn is a Python package that provides machine learning tools for the analysis of time series.
  • tspiral

    • A python package for time series forecasting with scikit-learn estimators.

Datasets

Books

  • Forecasting: Principles and Practice (3rd ed)

    • Rob J Hyndman and George Athanasopoulos, 2021

    • This textbook is intended to provide a comprehensive introduction to forecasting methods and to present enough information about each method for readers to be able to use them sensibly.

Repositories

Tutorials

time-series-forecasting-and-deep-learning's People

Contributors

943fansi avatar blacksingular avatar daosword avatar gorold avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

time-series-forecasting-and-deep-learning's Issues

Add papers

Add paper

  1. TCCT: Tightly-Coupled Convolutional Transformer on Time Series Forecasting
    code https://github.com/OrigamiSL/TCCT2021-Neurocomputing-
  2. Area2Area Forecasting: Looser Constraints, Better Predictions [Manuscript submitted to journal Neurocomputing]
    code https://github.com/OrigamiSL/A2A
  3. FDNet: Focal Decomposed Network for Efficient, Robust and Practical Time Series Forecasting[Manuscript submitted to KBS]
    code https://github.com/OrigamiSL/FDNet
  4. Respecting Time Series Properties Makes Deep Time Series Forecasting Perfect
    code https://github.com/OrigamiSL/RTNet2022
  5. GBT: Two-stage Transformer Framework for Non-stationary Time Series Forecasting[Manuscript submitted to Information Sciences]
    code https://github.com/OrigamiSL/GBT

Add library

  1. Machine learning for transportation data imputation and prediction
    transdim

  2. A Python package to discover stochastic differential equations from time series data
    PyDaddy

  3. pyclustering is a Python, C++ data mining library
    pyclustering

Add paper

add paper

Unsupervised Representation Learning for Time Series: A Review
https://github.com/mqwfrog/ULTS

Automatic Feature Engineering for Time Series Classification: Evaluation and Discussion
https://github.com/aurelien-renault/Automatic-Feature-Engineering-for-TSC

DEEPTSF: CODELESS MACHINE LEARNING OPERATIONS FOR TIME SERIES FORECASTING
https://github.com/I-NERGY/DeepTSF

Enhancing Representation Learning for Periodic Time Series with Floss: A Frequency Domain Regularization Approach
https://github.com/agustdd/floss

Suggestion: Increase the display of the number of papers.

If you also find this useful, can you add this feature?
Also, I noticed that you added resources for anomaly detection. Here, I want to share a repository DeepOD under development.
By the way, will submitting a paper on anomaly detection have any conflicts with time series forecasting?

Add paper

  1. Volatility Based Kernels and Moving Average Means for Accurate Forecasting with Gaussian Processes
    code https://github.com/g-benton/Volt
  2. DSTAGNN: Dynamic Spatial-Temporal Aware Graph Neural Network for Traffic Flow Forecasting
    code https://github.com/SYLan2019/DSTAGNN
  3. Multi-Granularity Residual Learning with Confidence Estimation for Time Series Prediction
    code
  4. CAMul: Calibrated and Accurate Multi-view Time-Series Forecasting
    code https://github.com/AdityaLab/CAMul
  5. EXIT: Extrapolation and Interpolation-based Neural Controlled Differential Equations for Time-series Classification and Forecasting
    code https://github.com/sheoyon-jhin/EXIT
  6. RETE: Retrieval-Enhanced Temporal Event Forecasting on Unified Query Product Evolutionary Graph
    code https://github.com/DiMarzioBian/RETE_TheWebConf
  7. Conditional Local Convolution for Spatio-temporal Meteorological Forecasting
    code https://github.com/BIRD-TAO/CLCRN
  8. TLogic: Temporal Logical Rules for Explainable Link Forecasting on Temporal Knowledge Graphs
    code https://github.com/liu-yushan/TLogic
  9. Spatio-Temporal Recurrent Networks for Event-Based Optical Flow Estimation
    code https://github.com/ruizhao26/STE-FlowNet
  10. ST-GSP: Spatial-Temporal Global Semantic Representation Learning for Urban Flow Prediction
    code https://github.com/k51/STGSP
  11. DEPTS: DEEP EXPANSION LEARNING FOR PERIODIC TIME SERIES FORECASTING
    code https://github.com/weifantt/DEPTS
  12. REVERSIBLE INSTANCE NORMALIZATION FOR ACCURATE TIME-SERIES FORECASTING AGAINST DISTRIBUTION SHIFT
    code https://github.com/ts-kim/RevIN
  13. Deep Switching Auto-Regressive Factorization: Application to Time Series Forecasting
    code https://github.com/ostadabbas/DSARF
  14. Dynamic Gaussian Mixture Based Deep Generative Model for Robust Forecasting on Sparse Multivariate Time Series
    code https://github.com/thuwuyinjun/DGM2
  15. Synergetic Learning of Heterogeneous Temporal Sequences for Multi-Horizon Probabilistic Forecasting
    code https://github.com/longyuanli/VSMHN
  16. Time-Series Event Prediction with Evolutionary State Graph
    code https://github.com/VachelHU/EvoNet
  17. Long Horizon Forecasting With Temporal Point Processes
    code https://github.com/pratham16cse/DualTPP
  18. Z-GCNETs: Time Zigzags at Graph Convolutional Networks for Time Series Forecasting
    code https://github.com/Z-GCNETs/Z-GCNETs

Add paper

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.