LSTM Auto-Encoder (LSTM-AE) implementation in Pytorch - LSTM_AutoEncoder/lstm_ae_mnist.py at master · matanle51/LSTM_AutoEncoder
接下来将以GitHub[3]中的 LSTM Autoencoder为基础,并进行一些小调整。因为模型的工作是重建时间序列数据,因此该模型需要从编码器开始定义。 class Encoder(nn.Module): """ 定义一个编码器的子类,继承父类 nn.Modul """ def __init__(self, seq_len, n_features, embedding_dim=64): super(Encoder, self...
LSTM Autoencoder in Pytorch to detect anomolies in stock prices - lstm-autoencoder/README.md at main · Charlie-Bell/lstm-autoencoder
pythonmachine-learningdeep-learningneural-networkpytorchlstm-modeltime-series-forecasting UpdatedApr 21, 2024 Jupyter Notebook Moving-AI/virtual-walk Star171 Virtual walks in Google Street View using PoseNet and applying Deep Learning models to recognize actions. ...
encoder decoder text-generation python3 pytorch english lstm seq2seq attention novels language-model attention-mechanism character-generator bidirectional-lstm encoder-decoder nvidia-gpu attention-decoder attention-lstm neural-language-model perplexity Updated Jun 6, 2019 Python ASH1998 / Deep-Representatio...
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) python ...
pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit. deep-neural-networksdeep-learningspeechdnnpytorchrecurrent-neural-...
python deep-neural-networks pytorch cuda-support kenlm asr-model cnn-lstm-models pytorch-lightning ctc-decode Updated Aug 10, 2024 Python joyeetadey / Violence-Detection-From-Videos Star 3 Code Issues Pull requests realtime violence detection from videos using cnn-lstm model convolutional-neur...
deep-learninglstmconvolutional-autoencoderauto-encodersbidirectional-lstmvariational-autoencodersign-language-recognition-system UpdatedSep 30, 2019 Python uyaseen/theano-recurrence Star43 Recurrent Neural Networks (RNN, GRU, LSTM) and their Bidirectional versions (BiRNN, BiGRU, BiLSTM) for word & characte...
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 Co...