sequence-modeling

There are 69 repositories under sequence-modeling topic.

  • raminmh/liquid_time_constant_networks

    Code Repository for Liquid Time-Constant Networks (LTCs)

    Language:Python1.7k7117320
  • raminmh/liquid-s4

    Liquid Structural State-Space Models

    Language:Python37215464
  • mquad/sars_tutorial

    Repository for the tutorial on Sequence-Aware Recommender Systems held at TheWebConf 2019 and ACM RecSys 2018

    Language:Python34322999
  • PyxLSTM

    muditbhargava66/PyxLSTM

    Efficient Python library for Extended LSTM with exponential gating, memory mixing, and matrix memory for superior sequence modeling.

    Language:Python29642727
  • fla-org/flame

    🔥 A minimal training framework for scaling FLA models

    Language:Python24382336
  • lucidrains/gateloop-transformer

    Implementation of GateLoop Transformer in Pytorch and Jax

    Language:Python9011111
  • i404788/s5-pytorch

    Pytorch implementation of Simplified Structured State-Spaces for Sequence Modeling (S5)

    Language:Python78194
  • IvLabs/Natural-Language-Processing

    Contains various architectures and novel paper implementations for Natural Language Processing tasks like Sequence Modelling and Neural Machine Translation.

    Language:Jupyter Notebook509210
  • omarperacha/TonicNet

    Sequential model for polyphonic music

    Language:Python49524
  • ewanlee/ICLR2019-RL-Papers

    The Reinforcement-Learning-Related Papers of ICLR 2019

  • btnorman/First-Explore

    Repo to reproduce the First-Explore paper results

    Language:Python38212
  • adhaamehab/arabicnlp

    Python package for Arabic natural language processing

    Language:Python27305
  • bzhangGo/lrn

    Source code for "A Lightweight Recurrent Network for Sequence Modeling"

    Language:Python26311
  • neuroagents-lab/PyTorchTNN

    Temporal Neural Networks

    Language:Python18
  • a-martyn/awd-lstm

    An implmentation of the AWD-LSTM in PyTorch

    Language:Jupyter Notebook12201
  • AmirhoseinHonardoust/LSTM-Time-Series-Forecasting

    A hands-on project for forecasting time-series with PyTorch LSTMs. It creates realistic daily data (trend, seasonality, events, noise), prepares it with sliding windows, and trains an LSTM to make multi-step predictions. The project tracks errors with RMSE, MAE, MAPE and shows clear plots of training progress and forecast results.

    Language:Python5
  • shoelim/FM_forecasting

    Elucidating the Design Choice of Probability Paths in Flow Matching for Forecasting

    Language:Python5
  • Thrillcrazyer/JustDense

    Official Repository of JustDense: Just using Dense instead of Sequence Mixer for Time Series analysis

    Language:Python4
  • rmehmood786/Reservoir-computing-and-Echo-State-Network-ESN-

    Implementation of Echo State Networks (ESN) with experiments on MNIST and ECG5000. Includes comparison with Linear Regression and analysis of weight initialization methods for time-series and classification tasks.

    Language:Jupyter Notebook3
  • Vadimbuildercxx/mamba_fast_simple

    Minimal and efficient JAX implementation of the Mamba State Space Model in JAX/Flax. Inspired by 'Mamba: Linear-Time Sequence Modeling with Selective State Spaces,' this repo provides fast, scalable, and well-documented state-of-the-art sequence modeling tools.

    Language:Python3200
  • 0-mostafa-rezaee-0/LSTM__Long-Short-Term-Memory

    Practical implementation of Long Short-Term Memory (LSTM) networks for time series modeling and sequence prediction. Includes step-by-step notebooks, model training, evaluation, and real-world case studies.

    Language:Jupyter Notebook2
  • awadalaa/transact

    An unofficial implementation of "TransAct: Transformer-based Realtime User Action Model for Recommendation at Pinterest" in Tensorflow

    Language:Python2100
  • badass-techie/Music-Generation

    Audio and Music Synthesis with Machine Learning

    Language:Python2100
  • emilstahl97/Scalable-Machine-Learning-and-Deep-Learning-ID2223

    The course studies fundamentals of distributed machine learning algorithms and the fundamentals of deep learning. We will cover the basics of machine learning and introduce techniques and systems that enable machine learning algorithms to be efficiently parallelized.

    Language:Jupyter Notebook2103
  • jishnuchander/ActRecognition.ai

    Human Activity Recognition using Deep Learning on Spatio-Temporal Graphs

    Language:MATLAB2100
  • ketyi/Deep-2SRNN

    Deep, sequential, transductive divergence metric and domain adaptation for time-series classifiers

    Language:Jupyter Notebook2001
  • nnyase/ThesisMusicGeneration

    Tensorflow implementation of Long Short-Term Memory model for audio synthesis used for thesis

    Language:Python2110
  • SatvikPraveen/Optimal-Demo-Selection-ICL

    Implements and benchmarks optimal demonstration selection strategies for In-Context Learning (ICL) using LLMs. Covers IDS, RDES, Influence-based Selection, Se², and TopK+ConE across reasoning and classification tasks, analyzing the impact of example relevance, diversity, and ordering on model performance across multiple architectures.

    Language:Jupyter Notebook2
  • Alireza-Motazedian/Dockerized_LSTM

    Mastering LSTM Networks — A focused collection of high-impact projects for sequence modeling, time series forecasting, and pattern recognition using robust, well-documented, and production-grade code.

    Language:Jupyter Notebook1
  • ArevikKH/Armenian-Text-RNN-Language-Model

    A simple RNN-based language model for Armenian text. This project includes preprocessing Armenian text data, tokenization, vocabulary building, sequence generation, model training using PyTorch, and Armenian text generation.

    Language:Jupyter Notebook1
  • ArevikKH/Text-Generation-LSTM

    Scrapes and preprocesses raw text data, then trains an LSTM language model to predict and generate text sequences. Includes tokenization, vocabulary mapping, training with PyTorch, and text generation from a seed phrase for coherent output.

    Language:Jupyter Notebook1
  • MUHAMMADAKMAL137/GPU-Accelerated-Next-Word-Prediction-Using-LSTM-and-PyTorch

    This repository implements a GPU-accelerated next-word prediction model using PyTorch and LSTM. It includes data preprocessing with NLTK, vocabulary creation, training on tokenized text, and generating text predictions, starting from a given input phrase.

    Language:Jupyter Notebook1
  • NDDimension/Chopin-with-LSTMs-AI-Music-Maker

    An AI model that learns and composes music in the style of Chopin using LSTM-based neural networks.

    Language:Jupyter Notebook1
  • PeTeRr0/attention-is-all-you-need-pytorch

    Pytorch implementation of Transformer of the paper Attention Is All You Need

    Language:Jupyter Notebook1
  • rag-fish/loto6-deeplearning

    Loto6 lottery number prediction with BiLSTM + Monte Carlo Dropout (educational use)

    Language:Jupyter Notebook1
  • tinh2044/AWESOME-NLP-PAPERS

    A curated collection of NLP research papers, models, datasets, and tools covering fundamentals, advanced techniques, and real-world applications. 🚀