encoder-decoder-architecture
There are 100 repositories under encoder-decoder-architecture topic.
chuhaojin/Text2Poster-ICASSP-22
Official implementation of the ICASSP-2022 paper "Text2Poster: Laying Out Stylized Texts on Retrieved Images"
iamrakesh28/Video-Prediction
Implementation of Transformer Encoder Decoder Architecture for Video Predictions
zouguojian/Traffic-speed-prediction
Using to predict the highway traffic speed
paulpuren/PhyCRNet
Physics-informed convolutional-recurrent neural networks for solving spatiotemporal PDEs
iamrakesh28/Deep-Learning-for-Weather-and-Climate-Science
Implementation of Convolutional Encoder Decoder Network for short term (0 - 2 hours) weather forecasting.
Losif01/text-preprocessing-to-transformers-NLP-notes
This repo is my personal notes from the Stanford NLP course, and i currently use it personally as a reference
fajieyuan/WWW2020-grec
Sequence-to-Sequence Generative Model for Sequential Recommender System
arukavina/baking-lyrics
Random lyrics generator.
gionanide/Neural_Machine_Translation
Neural Machine Translation using LSTMs and Attention mechanism. Two approaches were implemented, models, one without out attention using repeat vector, and the other using encoder decoder architecture and attention mechanism.
MathurUtkarsh/Video-Captioning-Using-LSTM-and-Keras
Generating Video Caption Using LSTM
sustainable-computing/ObscureNet
Code for "ObscureNet: Learning Attribute-invariant Latent Representation for Anonymizing Sensor Data", ACM/IEEE IoTDI 2021
Pavansomisetty21/Image-Caption-Generation-using-LLMs-GEMINI-
we generate captions to the images which are given by user(user input) using prompt engineering and Generative AI
stefanherdy/Matlab-LSTM-VAE
Matlab Variational LSTM Autoencoder and Time Series Prediction for anomaly detection. Some code of my masters thesis. Download Link: https://pure.unileoben.ac.at/portal/files/6093740/AC16131071.pdf
DebeshJha/TransRUPNet
TransRUPNet for Improved Out-of-Distribution Generalization in Polyp Segmentation (IEEE EMBC)
Rumeysakeskin/Image-Captioning
Image captioning with a benchmark of CNN-based encoder and GRU-based inject-type (init-inject, pre-inject, par-inject) and merge decoder architectures
cmescobar/Heart_sound_prediction
Repository containing the codes used for the development of a heart sound prediction system using convolutional neural networks (CNN) for semantic segmentation.
coderZMR/NeuralMachineTranslation
基于Java Web与神经网络的机器翻译网站
Moddy2024/Lane-Detection
A SegNet model trained for segmentation of Lanes suitable for driving for automobiles.
mshadloo/Neural-Machine-Translation-with-Attention
I implement encoder-decoder based seq2seq models with attention using Keras. The encoder can be a Bidirectional LSTM, a simple LSTM, or a GRU, and the decoder can be an LSTM or a GRU. I evaluate the models on an English-French dataset.
Arman176001/Oxidize
⚙️ Oxidize: A Python-to-Rust code translator to boost performance, safety, and efficiency — empowering developers to gradually migrate critical workloads to Rust.
arpitamangal/text-to-image-generation
Generate Images from text prompt using Stable Diffusion Model
ashutoshtiwari13/Quadrocoptorsimulator-Deep-learning
This project is about training a deep neural network to identify and track a target in simulation using Udacity's RoboND drone simulator. 🛸 Applications like this are key to many fields of robotics and the techniques applied can be extended to scenarios like advanced cruise control in autonomous vehicles or human-robot collaboration. 👨🏫
avishekdas539/American-Sign-Language
A solution to American Sign Language Detection using Deep Learning
badass-techie/Cityscapes-Image-Segmentation
Semantic Segmentation of Images with Deep Learning
fork123aniket/Graph-Neural-Network-based-Visual-Question-Answering
Implementation of GNNs for Visual Question Answering task in PyTorch
kartik2309/Stock-Market-Prediction
The project aims at predicting the prices of Open and Close prices in intraday stock market for next 5 minute window
LaurentVeyssier/Semantic-Segmentation-with-Fully-Convolution-Network
Use deep learning model to produce a pixel-by-pixel classification of images and identify road for autonomous driving vehicles
Shashank-Holla/DepthEstimation-MaskPrediction
Convolutional Neural network for mask prediction and depth estimation.
amankumawat-567/ChatBOT
A Chatbot model based on Encoder Decoder architecture
Circuit-Overtime/Image_Compression
A research performed on various compression algorithms on BW, GRAY, RGB, RGBA encodings, and a custom encoder .lix was built
m92vyas/Implementing_Attention_Mechanism_Language_Translation
Bahdanau Attention Mechanism | Tensorflow Custom Layers/Model/Loss Function/Metrics | LSTM | Encoder | Decoder | Cross-Attention | Language Translation | Bleu Score | Dropout
MohammadRoodbari/English-Persian-Machine-Translation
Translating English text to Persian using Fairseq-py
PrasunDatta/Multimodal-Brain-Tumor-Segmenatation-BraTS-2020
This research work basically highlights my undergrad thesis works. In my thesis, I have worked on the BraTS 2020 dataset. My total journey of thesis from building various models to writing paper is presented here.
SINGHxTUSHAR/ANUVADAK
This Project is based on multilingual Translation by using the Transformer with an encoder-decoder architecture along with the multi-head self-attention layers with the positional encoding and embedding for better result and accuracy. Overall, this model converts the English to French language using various Techniques of NLP and DL.