pgl1234's Stars
TLTLHILL/A-GCRNN-for-spectrum-prediction
johnjaejunlee95/SA_ConvLSTM
Pytorch Implementation of the Paper: Self-Attention ConvLSTM for Spatiotemporal Prediction
microsoft/Swin-Transformer
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
HaoUNSW/PISA
tvwenger/kriging
Ordinary and universal kriging in N dimensions.
IEIT-Yuan/Yuan-2.0
Yuan 2.0 Large Language Model
nuaatug/nuaathesis
LaTeX document class for NUAA, supporting bachelor/master/PH.D thesis in Chinese/English/Japanese. 南航本科、硕士、博士学位论文 LaTeX 模板
fachu000/deep-autoencoders-cartography
This repository contains the code reproducing the results in the paper "Deep Completion Autoencoders for Radio Map Estimation"
thuml/predrnn-pytorch
Official implementation for NIPS'17 paper: PredRNN: Recurrent Neural Networks for Predictive Learning Using Spatiotemporal LSTMs.
topazape/ST-ResNet
Implementation of the paper - Deep Spatio-Temporal Residual Networks for Citywide Crowd Flows Prediction
mli/paper-reading
深度学习经典、新论文逐段精读
shunyaoshih/TPA-LSTM
Temporal Pattern Attention for Multivariate Time Series Forecasting
GuangmingZhu/AttentionConvLSTM
"Attention in Convolutional LSTM for Gesture Recognition" in NIPS 2018
ningshixian/LSTM_Attention
attention-based LSTM/Dense implemented by Keras
pranavajitnair/A-Sequence-to-Sequence-LSTM-and-Attention-based-model
A simple LSTM and dot product based attention-based model for generating commonsense explanations. Trained on COS-E based on CommonsenseQA.
SamuelaAnastasi/Sequence_to-Sequence_Models
This projects is an implementation in Pytorch of Sequence-to-Sequence models through LSTM network and Attention Mechanisms. Dataset used is Cornell Movie Dialogs Corpus that basically consists in pairs of dialogs from different movies conversations. The model is trained on preprocessed data to generate its own conversation pairs.
gbstack/CVPR-2022-papers
CVPR 2022 papers with code (论文及代码)
karpathy/neuraltalk
NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences.
SwinTransformer/Swin-Transformer-Semantic-Segmentation
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows" on Semantic Segmentation.
SwinTransformer/Transformer-SSL
This is an official implementation for "Self-Supervised Learning with Swin Transformers".
SwinTransformer/Swin-Transformer-Object-Detection
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows" on Object Detection and Instance Segmentation.
SwinTransformer/Video-Swin-Transformer
This is an official implementation for "Video Swin Transformers".
czifan/ConvLSTM.pytorch
jhhuang96/ConvLSTM-PyTorch
ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST
Keiku/Action-Recognition-CNN-LSTM
Action recognition tutorial using UCF-101 dataset.
ivine-GIT/joint_CNN_LSTM_AAD
Pytorch/Python implementation of the joint CNN-LSTM deep learning model
Yale-Deep-Learning-for-Alzheimers/Alzheimers-DL-Network
A CNN-LSTM deep learning model for prognostic prediction and classification of Alzheimer's MRI neuroimages.
AstroDodgeNatsu/explanable-sepsis-shock-predict
explanable sepsis-shock prediction based on TCN model and DTD method
ki-ljl/LSTM-Load-Forecasting
Implementation of Electric Load Forecasting Based on LSTM(BiLSTM). Including Univariate-SingleStep forecasting, Multivariate-SingleStep forecasting and Multivariate-MultiStep forecasting.
amusi/CVPR2024-Papers-with-Code
CVPR 2024 论文和开源项目合集