GitHub topics: sequence-modeling
sebastian2005-RP/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 Notebook - Size: 329 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

fla-org/flame
🔥 A minimal training framework for scaling FLA models
Language: Python - Size: 226 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 166 - Forks: 22

raminmh/liquid-s4
Liquid Structural State-Space Models
Language: Python - Size: 2.12 MB - Last synced at: 22 days ago - Pushed at: over 1 year ago - Stars: 358 - Forks: 61

i404788/s5-pytorch
Pytorch implementation of Simplified Structured State-Spaces for Sequence Modeling (S5)
Language: Python - Size: 57.6 KB - Last synced at: 22 days ago - Pushed at: about 1 year ago - Stars: 74 - Forks: 3

zahramh99/next-word-prediction
Next Word Prediction means predicting the most likely word or phrase that will come next in a sentence or text. It's used in applications like messaging apps, search engines, and virtual assistants.
Language: Python - Size: 6.84 KB - Last synced at: 4 days ago - Pushed at: 23 days ago - Stars: 0 - Forks: 0

lucidrains/gateloop-transformer
Implementation of GateLoop Transformer in Pytorch and Jax
Language: Python - Size: 34.4 MB - Last synced at: 14 days ago - Pushed at: 12 months ago - Stars: 88 - Forks: 11

muditbhargava66/PyxLSTM
Efficient Python library for Extended LSTM with exponential gating, memory mixing, and matrix memory for superior sequence modeling.
Language: Python - Size: 120 KB - Last synced at: 28 days ago - Pushed at: 12 months ago - Stars: 290 - Forks: 27

raminmh/liquid_time_constant_networks
Code Repository for Liquid Time-Constant Networks (LTCs)
Language: Python - Size: 3.87 MB - Last synced at: 25 days ago - Pushed at: about 1 year ago - Stars: 1,676 - Forks: 310

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 Notebook - Size: 3.22 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

JYyangming02/Convolutional-Recurrent-Architectures
Exploring convolutional and recurrent neural network architectures for sequence modeling and classification tasks.
Language: Python - Size: 38.8 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

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 Notebook - Size: 3.22 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

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 Notebook - Size: 332 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

Mark-La1905/signal-in-the-noise-lottery-trained
A deep cognition temporal aware pattern finder trained on chaos
Language: Python - Size: 0 Bytes - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

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 Notebook - Size: 45 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 50 - Forks: 10

awadalaa/transact
An unofficial implementation of "TransAct: Transformer-based Realtime User Action Model for Recommendation at Pinterest" in Tensorflow
Language: Python - Size: 164 KB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

tinh2044/AWESOME-NLP-PAPERS
A curated collection of NLP research papers, models, datasets, and tools covering fundamentals, advanced techniques, and real-world applications. 🚀
Size: 143 KB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

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 Notebook - Size: 604 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 2

adhaamehab/arabicnlp
Python package for Arabic natural language processing
Language: Python - Size: 15.8 MB - Last synced at: 18 days ago - Pushed at: about 6 years ago - Stars: 25 - Forks: 5

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: Python - Size: 10.7 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

mquad/sars_tutorial
Repository for the tutorial on Sequence-Aware Recommender Systems held at TheWebConf 2019 and ACM RecSys 2018
Language: Python - Size: 61.5 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 343 - Forks: 99

btnorman/First-Explore
Repo to reproduce the First-Explore paper results
Language: Python - Size: 489 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 36 - Forks: 2

iboud0/LRA-Image-Classification-on-Sequences-of-Pixels
Benchmarking sequence-based models on CIFAR-10 for the LRA benchmark. Implemented and evaluated models like TrellisNet, LipschitzRNN, PiT, Nyströmformer, and FNet for image classification
Language: Jupyter Notebook - Size: 192 KB - Last synced at: 4 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

frshdjfry/SeqLab
A framework for the comparative training and evaluation of statistical and deep learning models for multi-feature categorical sequence modeling, utilizing feature fusion and automated with MLflow and Optuna integration.
Language: Python - Size: 55.8 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

sajontahsen/ieee-mipr-video-classification-challenge
3rd Place Solution for 2nd AVA Challenge@IEEE MIPR 2024
Language: Jupyter Notebook - Size: 1.11 MB - Last synced at: 7 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

MvMukesh/Applied-Ai
Applied Ai (Papers, Articles & Videos, applied in production with results)
Size: 126 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

AM-Ankitgit/SentimentAnalysis_RNN
Perform the sentiment analysis task using Simple RNN
Language: Jupyter Notebook - Size: 5.86 KB - Last synced at: 2 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

neelimishra/semi-supervised-sequence-modeling
Computer vision tools for analyzing behavioral data, including complex event detection in videos.
Language: Python - Size: 217 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

Fatlonder/lstm-n
sequence modeling lstm model
Language: Python - Size: 590 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

nnyase/ThesisMusicGeneration
Tensorflow implementation of Long Short-Term Memory model for audio synthesis used for thesis
Language: Python - Size: 19.8 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

ewanlee/ICLR2019-RL-Papers
The Reinforcement-Learning-Related Papers of ICLR 2019
Size: 33.2 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 45 - Forks: 12

a-martyn/awd-lstm
An implmentation of the AWD-LSTM in PyTorch
Language: Jupyter Notebook - Size: 7.18 MB - Last synced at: 6 months ago - Pushed at: over 6 years ago - Stars: 11 - Forks: 2

zachtheyek/MacMiller-NLP
Sentiment analysis performed using a pre-trained BERT model on Mac Miller's complete discography.
Size: 0 Bytes - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

zachtheyek/autoSETI
Transformer/BERT models trained on the Breakthrough Listen Kaggle dataset.
Language: Jupyter Notebook - Size: 1.43 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

omarperacha/TonicNet
Sequential model for polyphonic music
Language: Python - Size: 18.1 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 43 - Forks: 2

bzhangGo/lrn
Source code for "A Lightweight Recurrent Network for Sequence Modeling"
Language: Python - Size: 299 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 24 - Forks: 1

zheng-yanan/hierarchical-deep-generative-models
A TensorFlow implementation of "Sequence Modeling with Hierarchical Deep Generative Models with Dual Memory" (published in CIKM2017).
Language: Python - Size: 33.1 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

ketyi/Deep-2SRNN
Deep, sequential, transductive divergence metric and domain adaptation for time-series classifiers
Language: Jupyter Notebook - Size: 1.22 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 1

badass-techie/Music-Generation
Audio and Music Synthesis with Machine Learning
Language: Python - Size: 46.4 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

badass-techie/Image-Captioning
Caption Images with Machine Learning
Language: Python - Size: 32.5 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

badass-techie/MelNet
A Generative Model for Audio in the Frequency Domain
Language: Python - Size: 4.88 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

rssr25/TinyML
TinyML stuff done on my Arduino Nano 33 BLE Sense
Language: C++ - Size: 17.6 KB - Last synced at: 2 months ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

iglee/MEME
Multiple EM for Motif Elicitation for discovering motifs in a group of related DNA or protein sequences.
Language: Python - Size: 2.93 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

iglee/smith-waterman
Implementation of Smith-Waterman local alignment model- find closest local alignments in two given amino acid sequences. BLOSUM was used as the scoring matrix.
Language: Python - Size: 385 KB - Last synced at: 19 days ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

zakimjz/VOGUE
VOGUE: Variable Order HMM with Duration
Language: Python - Size: 1.65 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 1

AdityaYadavalli1/RNN-and-LSTM-Modelling
Sequence classification and generation using LSTMs and RNNs
Language: Jupyter Notebook - Size: 196 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

hklchung/LSTM-MusicGeneration
Generate music with LSTM model
Language: Python - Size: 323 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0
