An open API service providing repository metadata for many open source software ecosystems.

Topic: "encoder-decoder-model"

bentrevett/pytorch-seq2seq

Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.

Language: Jupyter Notebook - Size: 6.02 MB - Last synced at: 11 days ago - Pushed at: over 1 year ago - Stars: 5,564 - Forks: 1,361

ialhashim/DenseDepth

High Quality Monocular Depth Estimation via Transfer Learning

Language: Jupyter Notebook - Size: 11.9 MB - Last synced at: 17 days ago - Pushed at: over 2 years ago - Stars: 1,601 - Forks: 352

luopeixiang/im2latex

Pytorch implemention of Deep CNN Encoder + LSTM Decoder with Attention for Image to Latex

Language: Python - Size: 7.21 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 193 - Forks: 53

theislab/ncem

Learning cell communication from spatial graphs of cells

Language: Python - Size: 40.8 MB - Last synced at: 8 days ago - Pushed at: over 1 year ago - Stars: 110 - Forks: 14

ziatdinovmax/pyroVED

Invariant representation learning from imaging and spectral data

Language: Python - Size: 112 MB - Last synced at: 24 days ago - Pushed at: over 1 year ago - Stars: 50 - Forks: 11

satinder147/Image_deionising_auto_encoder

Noise removal from images using Convolutional autoencoder

Language: Python - Size: 18.1 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 36 - Forks: 9

sekharvth/simple-chatbot-keras

Design and build a chatbot using data from the Cornell Movie Dialogues corpus, using Keras

Language: Python - Size: 29.3 KB - Last synced at: 4 days ago - Pushed at: about 7 years ago - Stars: 34 - Forks: 13

tm4roon/pytorch-seq2seq

An Implementation of Encoder-Decoder model with global attention mechanism.

Language: Python - Size: 316 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 28 - Forks: 4

katiana22/GDM-PCE

Source code of: "Manifold learning-based polynomial chaos expansions for high-dimensional surrogate models".

Language: Jupyter Notebook - Size: 55.9 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 23 - Forks: 5

DataSenseiAryan/TS3000_TheChatBOT

Its a social networking chat-bot trained on Reddit dataset . It supports open bounded queries developed on the concept of Neural Machine Translation. Beware of its being sarcastic just like its creator :stuck_out_tongue_closed_eyes: BDW it uses Pytorch framework and Python3.

Language: Python - Size: 704 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 23 - Forks: 5

isi-vista/face-completion

Encoder-Decoder for Face Completion based on Gated Convolution

Language: Python - Size: 40 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 20 - Forks: 5

rakesh-yadav/PyTorch-RNN-Tutorial

PyTorch tutorial for using RNN and Encoder-Decoder RNN for time series forecasting

Language: Jupyter Notebook - Size: 2 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 19 - Forks: 2

AbhishekRS4/HTSM_Oil_Spill_Segmentation

HTSM Masterwork

Language: Jupyter Notebook - Size: 5.57 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 18 - Forks: 3

vibhor98/Neural-Machine-Translation-using-Keras

This is the sequential Encoder-Decoder implementation of Neural Machine Translation using Keras

Language: Python - Size: 5.63 MB - Last synced at: about 1 month ago - Pushed at: almost 7 years ago - Stars: 18 - Forks: 3

albertusk95/intention-to-code-lstm

Source Code Generation Based On User Intention Using LSTM Networks

Language: Python - Size: 2.17 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 17 - Forks: 3

Snigdho8869/Computer-Vision-Projects

Explore diverse computer vision projects using Transfer Learning(TL), Convolutional Neural Networks (CNN), Autoencoder and more in this collaborative repository

Language: Jupyter Notebook - Size: 32.5 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 16 - Forks: 6

siddsriv/Image-captioning

Using a CNN-LSTM hybrid network to generate captions for images

Language: Jupyter Notebook - Size: 3.23 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 16 - Forks: 3

shreyaskamathkm/FTNet

Pytorch implementation of FTNet for Semantic Segmentation on SODA, SCUT Seg, and MFN Datasets

Language: Python - Size: 609 KB - Last synced at: 10 months ago - Pushed at: 11 months ago - Stars: 15 - Forks: 3

Heidelberg-NLP/SRL-S2S

Encoder-Decoder model for Semantic Role Labeling

Language: Python - Size: 39.1 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 15 - Forks: 4

SathwikTejaswi/Neural-Image-Captioning

This is an implementation of the paper "Show and Tell: A Neural Image Caption Generator".

Language: Python - Size: 9.39 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 3

Js-Mim/mlsp2017_svsep_skipfilt

Support material and source code for the model described in : "A Recurrent Encoder-Decoder Approach With Skip-Filtering Connections For Monaural Singing Voice Separation"

Language: Python - Size: 23.3 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 13 - Forks: 7

biringaChi/PIF

Predictive Frame Interpolation (PIF) Model for video frame prediction and generation. An AI model that could infer a new frame between two existing sequential frames of a video We trained a GAN using youtube footage to predict itโ€™s own existing frames

Language: Python - Size: 384 MB - Last synced at: 10 months ago - Pushed at: almost 5 years ago - Stars: 11 - Forks: 2

alvinbhou/Video2Text

๐Ÿ“บ An Encoder-Decoder Model for Sequence-to-Sequence learning: Video to Text

Language: Python - Size: 67.9 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 11 - Forks: 4

k-chuang/code-generation-from-images

[Deep Learning] An end-to-end deep neural network that converts screenshots to Bootstrap (HTML/CSS) code

Language: Python - Size: 292 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 4

asmitapoddar/question-answering-SQuAD2.0-dcn

Implementation of a Dynamic Coattention Network proposed by Xiong et al.(2017) for Question Answering, learning to find answers spans in a document, given a question, using the Stanford Question Answering Dataset (SQuAD2.0).

Language: Python - Size: 64.2 MB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 2

victor7246/gated-Transformer

Gated Pretrained Transformer model for robust denoised sequence-to-sequence modelling

Language: Python - Size: 2.52 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 8 - Forks: 2

DebeshJha/MDNet

Abdominal Organ Segmentation using Multi Decoder Network (MDNet) [Accepted at ICASSP 2025]

Language: Python - Size: 1.6 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 7 - Forks: 1

partarstu/transformers-in-java

Experimental project for AI and NLP based on Transformer Architecture

Language: Java - Size: 443 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 1

surajsoni5/Context-Aware-Image-Captioning

An implementation of the paper "Context-aware Captions from Context-agnostic Supervision"

Language: Python - Size: 7.87 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 7 - Forks: 1

SharathHebbar/Transformers

Transformers Intuition

Language: Jupyter Notebook - Size: 34.3 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 6 - Forks: 1

RafayKhattak/Captionify

With Captionify, users can upload an image or enter an image URL to generate a descriptive caption that accurately describes the contents of the image.

Language: Python - Size: 16.6 KB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 0

akjayant/Image-Captioning-via-YOLOv5-EncoderDecoderwithAttention ๐Ÿ“ฆ

Image Captioning using combination of object detection via YOLOv5 and Encoder Decoder LSTM model

Language: Python - Size: 1.01 GB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 2

Sharif-SLPL/t5-fa

T5 (Text-to-Text Transformer Model) for Farsi.

Language: Python - Size: 63.5 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 0

KodAgge/Img2Latex

An Encoder-Decoder model converting handwritten mathematical expressions to LaTeX-code

Language: Python - Size: 242 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 1

LaurentVeyssier/Machine-translation-English-French-with-Deep-neural-Network

Build a deep neural network with keras that functions as part of an end-to-end machine translation pipeline

Language: Jupyter Notebook - Size: 4.17 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 6

shawnhan108/Attention-LSTMs

A set of notebooks that explores the power of Recurrent Neural Networks (RNNs), with a focus on LSTM, BiLSTM, seq2seq, and Attention.

Language: Jupyter Notebook - Size: 158 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 6 - Forks: 1

scionoftech/Neural_Machine_Translation_English_Telugu

English to Telugu Neural Machine Translation using Encoder-Decoder

Language: Jupyter Notebook - Size: 58.6 KB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 2

yuanxiaosc/Image_to_Text

Taking the image description task on the MS-COCO data set as an example, the template code of Image_to_Text is shown.

Language: Jupyter Notebook - Size: 4.99 MB - Last synced at: about 1 month ago - Pushed at: almost 6 years ago - Stars: 6 - Forks: 3

gugundi/NeuralMachineTranslation

Neural Machine Tranlation using Local Attention

Language: Jupyter Notebook - Size: 254 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 3

fork123aniket/Encoder-Decoder-based-Video-Captioning

Implementation of Encoder-Decoder Model for Video Captioning in Tensorflow

Language: Python - Size: 76.7 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 1

m-hasan-n/roundabout

Code of our work "Maneuver-based Anchor Trajectory Hypotheses at Roundabouts".

Language: Python - Size: 829 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 1

Suyuanhang/ELSTM-DBRNN

official tensorflow implementation of "On Extended Long Short-term Memory and Dependent Bidirectional Recurrent Neural Network"

Language: Python - Size: 360 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 1

siat-nlp/seq2seq-pytorch

This repository contains RNN, CNN, Transformer based Seq2Seq implementation.

Language: Python - Size: 19.3 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 5 - Forks: 2

davidemodolo/NLU_Intent_and_Slot

Intent detection and Slot filling joint learning on ATIS and SNIPS datasets using pre-trained models and built-from-scratch models

Language: Jupyter Notebook - Size: 1.9 MB - Last synced at: 6 days ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 1

harishB97/Im2Latex-TensorFlow-2

TensorFlow-2 implementation of Im2Latex deep learning model described in HarvardNLP paper "What You Get Is What You See: A Visual Markup Decompiler"

Language: Jupyter Notebook - Size: 7.57 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 0

gordon-lim/AI-Learns-to-TikTok

Training an encoder-decoder model to generate a sequence of poses from spectrograms of music snippets.

Language: Jupyter Notebook - Size: 171 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 0

PadmajaVB/listen-attend-and-walk

Interpreting natural language navigational instructions

Language: Python - Size: 6.69 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 4

zheng-yanan/collection-of-neural-dialog-models

A collection of Tensorflow implementation for several milestone neural dialogue models.

Language: OpenEdge ABL - Size: 22 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 0

Sangarshanan/Neural-Language-Translation

Tamil to English translation using Neural Networks

Language: Jupyter Notebook - Size: 110 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 4 - Forks: 3

rsmath/EncoderDecoder-game

Classic spy Encoder-Decoder console game made with Python

Language: Python - Size: 3.91 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 0

jElhamm/Deep-Learning-for-Channel-Coding-MI-Estimation

"Simulations for the paper 'Deep Learning for Channel Coding via Neural Mutual Information Estimation' by Rick Fritschek, Rafael F. Schaefery, and Gerhard Wunder"

Language: Jupyter Notebook - Size: 539 KB - Last synced at: 2 months ago - Pushed at: 10 months ago - Stars: 3 - Forks: 0

sayedmohamedscu/VQGAN

Vector-Quantized Generative Adversarial Networks

Language: Python - Size: 6.16 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

amarlearning/language-translation-model

Neural network model to translate text from french to english langauge

Language: Jupyter Notebook - Size: 72.8 MB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 3

fork123aniket/Graph-Neural-Network-based-Visual-Question-Answering

Implementation of GNNs for Visual Question Answering task in PyTorch

Language: Python - Size: 865 KB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 2

w-garcia/video-caption.pytorch Fork of Sundrops/video-caption.pytorch

S2VT with Attention

Language: Python - Size: 68.7 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 3

vonexel/smog

Pytorch implementation of Semantic Motion Generation - motion synthesis from text via CLIP & Kolmogorov-Arnold-Networks

Language: Python - Size: 4.54 MB - Last synced at: 5 days ago - Pushed at: 6 days ago - Stars: 2 - Forks: 0

kushanavbhuyan/Building-Identification-for-Exp-Vul-Risk-Assessment

Information about buildings is, sufficed to say, a very important aspect not just for urban land registry or transportation but also for disaster/hazard risk assessment. Specifically, typological attributes of buildings like number of residents living in them, number of floors, and many more. The study aims at figuring and capturing the typological attributes of the buildings by incorporating deep learning and other proxy information as a means of detecting and characterising the buildings.

Language: Jupyter Notebook - Size: 12 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 2 - Forks: 3

sappho192/EDMTranslator

.NET Text translator library based on LLM models, especially EncoderDecoderModel in HuggingFace

Language: C# - Size: 86.9 KB - Last synced at: 7 days ago - Pushed at: 9 months ago - Stars: 2 - Forks: 0

emmareysanchez/ImageCaptioning

Pytorch Image Captioning model using a CNN-RNN architecture

Language: Python - Size: 7.69 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

AI-14/video-captioning-for-arabic-sign-language-recognition-at-sentence-level

An encoder-decoder deep learning model (with/without attention mechanism) where the input is an arabic sign-language video and the output is its translation in text format.

Language: Jupyter Notebook - Size: 22.5 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

GauravG-20/Abstractive-Text-Summarization

Abstractive text summarization generates a shorter version of a given sentence while attempting to preserve its contextual meaning. In our approach we model the problem using an attentional encoder decoder which ensures that the decoder focuses on the appropriate input words at each step of our generation.

Language: Jupyter Notebook - Size: 91.8 KB - Last synced at: 21 days ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

L-Kh-Hovhannisyan/Image-to-LaTeX

Code for my ML course project at Shirak State University. Convert images of LaTex math equations into LaTex code.

Language: Python - Size: 2.57 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

Sujay8070/Image-Denoising

My research work with a proof of concept for Image Restoration of motion-blurred images in Real-time using data augmentation and specific architecture of Deep Autoencoder network (inspired from U-Net model) with CNN layers. (Studied extensive use of functional APIs for custom layers, loss, and metrics, effects of regularization & Hyperparams optimization), IDE/ Frameworks/ Libraries used: [Google Colab, TensorFlow, Keras, Scikit-learn, and OpenCV among others. others.

Language: Jupyter Notebook - Size: 4.3 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

HKAB/vietnamese-tone-restoration

A Natural Language Processing project for restoring Vietnamese sentence tone.

Language: Jupyter Notebook - Size: 33 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 1

spthermo/STCAE

This repo contains the PyTorch code for an encoder-decoder model for affordance reasoning and segmentation in RGB-D videos.

Language: Python - Size: 2.95 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

purvasingh96/Natural-Language-Specialization

My solutions for Natural Language Processing nano degree by Udacity. This repo covers Spam classifier, POS Tagging, Topic Modelling, Machine Translation and Speech-to-text models.

Language: Jupyter Notebook - Size: 54.4 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

tarushi98/EnglishtoFrenchTranslator

Machine Translation using Encoder - Decoder Architecture

Language: Jupyter Notebook - Size: 38.1 KB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 1

antonyalexos/Loan-Decision-Explanation-Neural-Attention

We find which attributes matter the most for loan decisions using neural attention. NIPS 2019 workshop

Language: Jupyter Notebook - Size: 46.8 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

MADHAVAN001/image-captioning-approaches

A modular repository for developing Image Captioning Approaches

Language: Jupyter Notebook - Size: 53 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 1

Ashish9914/Neural-Machine-Translation

Language: Jupyter Notebook - Size: 7.1 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

rijuldhir/Qbe_encoded_model

LSTM autoencoder Model for Query-by-example for Spoken word detection

Language: Python - Size: 1.33 MB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 1

LipSync-Edusync/multispeaker-tts

Transfer Learning for Multispeaker TTS: Implementation of the NeurIPS 2018 paper "Transfer Learning from Speaker Verification to Multispeaker Text-To-Speech Synthesis" (Jia et al.). Synthesizes speech for both seen and unseen speakers using a pre-trained speaker encoder and Tacotron 2.

Language: Python - Size: 2.92 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 1

Divyansh900/PyCodeGen

A python code generation model with 75M parameter built from the ground up using pytorch. Made as a minor project for my third year of engineering.

Language: Python - Size: 182 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

sanatren/SIMPLANG-q-LR

Overview This repository contains an implementation of a neural text simplification model that combines sequence-to-sequence learning with reinforcement learning and lexical-semantic loss. The model aims to simplify complex text while maintaining meaning and grammatical correctness.

Language: Python - Size: 32.2 KB - Last synced at: 21 days ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

shivendrra/enigma

a dna sequence generation/classification using transformers

Language: Jupyter Notebook - Size: 14.3 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

kasturimandlik/Image_Captioning_Using_Deep_Learning

Image captioning using different deep learning techniques

Language: Jupyter Notebook - Size: 3.79 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

jElhamm/Article-Deep-Learning-for-the-Gaussian-Wiretap-Channel

Simulations for the paper "Deep Learning for the Gaussian Wiretap Channel by Rick Fritschek, Rafael F. Schaefer, Gerhard Wunder"

Language: Python - Size: 375 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

AbhishekRS4/clearGraspPlus

Depth Estimation for transparent objects

Language: Jupyter Notebook - Size: 22.7 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

HamedBabaei/author-profiling-pan2023

Symbol Team model for PAN@AP 2023 shared task on Profiling Cryptocurrency Influencers with Few-shot Learning

Language: Python - Size: 1.48 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

DHwass/CNN_Encoder_Decoder_PokemonDB

Exploring efficient image compression and decompression techniques for the Pokemon database. This project explores the implementation of CNN and RNN encoders/decoders, aiming to enhance image storage and retrieval. Computing valuable insights related to compression performance and quality metrics.

Language: Jupyter Notebook - Size: 6.74 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

joanitolopo/MultiTSF-Encoder-Decoder

This is repository code of paper "Enhancing Multi-Output Time Series Forecasting with Encoder-Decoder Networks"

Language: Python - Size: 10.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

inuwamobarak/transformer-models-publications

A collection of links and references to my publicly published transformer model articles

Language: Jupyter Notebook - Size: 11.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

boom1999/HDB3_FPGA

HDB3 decode and endecode by Verilog HDL

Language: Verilog - Size: 3.65 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

fork123aniket/Abstractive-Text-Summarization

Implementation of an Attention-based LSTM Encoder-Decoder Approach for Abstractive Text Summarization

Language: Python - Size: 12.7 KB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Neel14-stack/NeuraLingo-A-Multilingual-Chat-Application

It's a Multilingual Chat Application using Neural Machine Translation

Language: Jupyter Notebook - Size: 79.3 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Shresth-Mehta/Sanskrit-Morphological-Analysis

LSTM based encoder-decoder architecture for word compounding in Sanskrit

Language: Python - Size: 189 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

ravis2114/Neural-Machine-Translation

Project translates english language to hindi language in devanagari script. same script can be used for translating any one language to subsequent another language.

Language: Jupyter Notebook - Size: 438 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

Rahul1582/Machine-Translation

Translating one language to another

Language: Jupyter Notebook - Size: 1.53 MB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

eddieir/NMT

This repo is dedicated to sequential Encoder-Decoder implementation of NMT (Neural Machine Translation) using Keras.

Language: Python - Size: 4.16 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

sayarghoshroy/Neural_Machine_Translation

English to Bengali Machine Translation using Sequence to Sequence NN

Language: Jupyter Notebook - Size: 7.17 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 1

vijay033/Music-Generator

Variation auto encoder for music generation

Language: Jupyter Notebook - Size: 1.96 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 1

asmitapoddar/Autoencoder-ATLAS

Autoencoder-ATLAS: codes for implementation of autoencoder-decoder network to compress the data from the ATLAS experiments from 4 to 3 variables, and reconstruct the compressed data.

Language: Jupyter Notebook - Size: 5.78 MB - Last synced at: 6 months ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 1

mukul1em/spa-eng-ATTENTION-MECH-NLP-

NMT USING ATTENTION MEHCANISM

Language: Jupyter Notebook - Size: 5.1 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

likarajo/language_translation

Deep Learning LSTM language translation model built with Keras using Neural Machine Translation with seq2seq encoder-decoder architecture

Language: Jupyter Notebook - Size: 13.7 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

cosimoiaia/KERAS-Show-and-Tell

Una implementazione semplice e basilare di Show-and-Tell in Keras

Language: Jupyter Notebook - Size: 51.2 MB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 1

imaharu/nmt

Language: Python - Size: 4.05 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

mohammed-elkomy/encoder-decoder-tensorflow

Language: Python - Size: 82 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

mayankskb/Image-Captioning

Image Captioning

Language: Jupyter Notebook - Size: 1.2 GB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 2

KChikai/ChainerEncoderDecoder

Encoder-Decoder model on Chainer

Language: Python - Size: 12.7 KB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 1 - Forks: 1

samridhishree/Neural-Machine-Translation

Neural Machine Translation with Attention (Dynet)

Language: Python - Size: 15.5 MB - Last synced at: about 2 years ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 1

Related Topics
deep-learning 48 pytorch 30 lstm 25 tensorflow 23 attention-mechanism 22 nlp 19 python 18 encoder-decoder 17 keras 17 transformer 16 machine-learning 15 neural-machine-translation 14 rnn 14 lstm-neural-networks 13 seq2seq 13 convolutional-neural-networks 12 machine-translation 11 gru 11 python3 11 deep-neural-networks 11 computer-vision 10 transformers 10 natural-language-processing 10 sequence-to-sequence 9 cnn 9 pytorch-implementation 8 image-captioning 8 autoencoder 7 chatbot 7 keras-tensorflow 7 jupyter-notebook 6 neural-network 6 attention 5 encoder-decoder-architecture 5 transfer-learning 5 nlp-machine-learning 5 llm 5 tensorflow2 5 encoder 4 beam-search 4 decoder-model 4 transformer-models 4 image-processing 4 semantic-segmentation 4 vision-transformer 4 embeddings 4 text-summarization 4 huggingface-transformers 4 nmt 4 decoder 3 transformer-architecture 3 bert 3 pytorch-tutorial 3 variational-autoencoder 3 teacher-forcing 3 pytorch-nlp 3 large-language-models 3 keras-neural-networks 3 imagecaptioning 3 llms 3 video-captioning 3 fine-tuning 3 depth-estimation 3 rnn-lstm 3 attention-is-all-you-need 3 ai 2 lstm-model 2 artificial-intelligence 2 bidirectional-lstm 2 bahdanau-attention 2 detection 2 glove-embeddings 2 pytorch-implmention 2 bert-score 2 optical-flow 2 language-translator 2 opencv 2 positional-encoding 2 tokenization 2 time-series 2 sequential-models 2 bert-model 2 tutorial 2 self-attention 2 recurrent-neural-network 2 generative-model 2 computer-vision-nanodegree 2 inceptionv3 2 toy-project 2 yolov3 2 intent-classification 2 abstractive-text-summarization 2 generative-adversarial-network 2 gan 2 recurrent-neural-networks 2 autoencoder-neural-network 2 java 2 t5-model 2 english-language 2 latex 2