time-series-forecasting
There are 1055 repositories under time-series-forecasting topic.
awslabs/gluonts
Probabilistic time series modeling in Python
amazon-science/chronos-forecasting
Chronos: Pretrained Models for Probabilistic Time Series Forecasting
Alro10/deep-learning-time-series
List of papers, code and experiments using deep learning for time series forecasting
qingsongedu/time-series-transformers-review
A professionally curated list of awesome resources (paper, code, data, etc.) on transformers in time series.
Nixtla/nixtla
TimeGPT-1: production ready pre-trained Time Series Foundation Model for forecasting and anomaly detection. Generative pretrained transformer for time series trained on over 100B data points. It's capable of accurately predicting various domains such as retail, electricity, finance, and IoT with just a few lines of code 🚀.
curiousily/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 BER
ddz16/TSFpaper
This repository contains a reading list of papers on Time Series Forecasting/Prediction (TSF) and Spatio-Temporal Forecasting/Prediction (STF). These papers are mainly categorized according to the type of model.
AIStream-Peelout/flow-forecast
Deep learning PyTorch library for time series forecasting, classification, and anomaly detection (originally for flood forecasting).
cure-lab/LTSF-Linear
[AAAI-23 Oral] Official implementation of the paper "Are Transformers Effective for Time Series Forecasting?"
KimMeen/Time-LLM
[ICLR 2024] Official implementation of " 🦙 Time-LLM: Time Series Forecasting by Reprogramming Large Language Models"
thuml/iTransformer
Official implementation for "iTransformer: Inverted Transformers Are Effective for Time Series Forecasting" (ICLR 2024 Spotlight), https://openreview.net/forum?id=JePfAI8fah
time-series-foundation-models/lag-llama
Lag-Llama: Towards Foundation Models for Probabilistic Time Series Forecasting
kwuking/TimeMixer
[ICLR 2024] Official implementation of "TimeMixer: Decomposable Multiscale Mixing for Time Series Forecasting"
curiousily/Deep-Learning-For-Hackers
Machine Learning tutorials with TensorFlow 2 and Keras in Python (Jupyter notebooks included) - (LSTMs, Hyperameter tuning, Data preprocessing, Bias-variance tradeoff, Anomaly Detection, Autoencoders, Time Series Forecasting, Object Detection, Sentiment Analysis, Intent Recognition with BERT)
SalesforceAIResearch/uni2ts
Unified Training of Universal Time Series Forecasting Transformers
cuge1995/awesome-time-series
list of papers, code, and other resources
lixus7/Time-Series-Works-Conferences
Time-Series Work Summary in CS Top Conferences (NIPS, ICML, ICLR, KDD, AAAI, WWW, IJCAI, CIKM, ICDM, ICDE, etc.)
LongxingTan/Time-series-prediction
tfts: Time Series Deep Learning Models in TensorFlow
KimMeen/Awesome-GNN4TS
[TPAMI 2024] Awesome Resources of GNNs for Time Series Analysis (GNN4TS)
elastic/eland
Python Client and Toolkit for DataFrames, Big Data, Machine Learning and ETL in Elasticsearch
jiwidi/time-series-forecasting-with-python
A use-case focused tutorial for time series forecasting with python
cure-lab/SCINet
The GitHub repository for the paper: “Time Series is a Special Sequence: Forecasting with Sample Convolution and Interaction“. (NeurIPS 2022)
Nixtla/hierarchicalforecast
Probabilistic Hierarchical forecasting 👑 with statistical and econometric methods.
DaoSword/Time-Series-Forecasting-and-Deep-Learning
Resources about time series forecasting and deep learning.
sktime/sktime-dl
DEPRECATED, now in sktime - companion package for deep learning based on TensorFlow
lmmentel/awesome-time-series
Resources for working with time series and sequence data
cure-lab/Awesome-time-series
A comprehensive survey on the time series domains
pyaf/load_forecasting
Forecasting electric power load of Delhi using ARIMA, RNN, LSTM, and GRU models
Thinklab-SJTU/Crossformer
Official implementation of our ICLR 2023 paper "Crossformer: Transformer Utilizing Cross-Dimension Dependency for Multivariate Time Series Forecasting"
PaddlePaddle/PaddleTS
Awesome Easy-to-Use Deep Time Series Modeling based on PaddlePaddle, including comprehensive functionality modules like TSDataset, Analysis, Transform, Models, AutoTS, and Ensemble, etc., supporting versatile tasks like time series forecasting, representation learning, and anomaly detection, etc., featured with quick tracking of SOTA deep models.
lucidrains/iTransformer
Unofficial implementation of iTransformer - SOTA Time Series Forecasting using Attention networks, out of Tsinghua / Ant group
moment-timeseries-foundation-model/moment
MOMENT: A Family of Open Time-series Foundation Models
decisionintelligence/TFB
[PVLDB 2024 Best Paper Nomination] TFB: Towards Comprehensive and Fair Benchmarking of Time Series Forecasting Methods
Time-MoE/Time-MoE
[ICLR 2025 Spotlight] Official implementation of "Time-MoE: Billion-Scale Time Series Foundation Models with Mixture of Experts"
FilippoMB/Time-series-classification-and-clustering-with-Reservoir-Computing
Library for implementing reservoir computing models (echo state networks) for multivariate time series classification and clustering.