Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

Projects in Awesome Lists tagged with seq2seq

A curated list of projects in awesome lists tagged with seq2seq .

https://github.com/emilwallner/screenshot-to-code

A neural network that transforms a design mock-up into a static website.

cnn cnn-keras deep-learning encoder-decoder floydhub jupyter jupyter-notebook keras lstm machine-learning seq2seq

Last synced: 23 Dec 2024

https://github.com/emilwallner/Screenshot-to-code

A neural network that transforms a design mock-up into a static website.

cnn cnn-keras deep-learning encoder-decoder floydhub jupyter jupyter-notebook keras lstm machine-learning seq2seq

Last synced: 25 Oct 2024

https://github.com/wb14123/seq2seq-couplet

Play couplet with seq2seq model. 用深度学习对对联。

deep-learning machine-learning seq2seq

Last synced: 29 Oct 2024

https://github.com/spro/practical-pytorch

Go to https://github.com/pytorch/tutorials - this repo is deprecated and no longer maintained

natural-language-generation natural-language-processing nlg nlp seq2seq

Last synced: 26 Oct 2024

https://github.com/Conchylicultor/DeepQA

My tensorflow implementation of "A neural conversational model", a Deep learning based chatbot

chatbot deep-learning seq2seq tensorflow

Last synced: 28 Oct 2024

https://github.com/conchylicultor/deepqa

My tensorflow implementation of "A neural conversational model", a Deep learning based chatbot

chatbot deep-learning seq2seq tensorflow

Last synced: 27 Dec 2024

https://github.com/brikerman/kashgari

Kashgari is a production-level NLP Transfer learning framework built on top of tf.keras for text-labeling and text-classification, includes Word2Vec, BERT, and GPT2 Language Embedding.

bert bert-model gpt-2 machine-learning named-entity-recognition ner nlp nlp-framework seq2seq sequence-labeling text-classification text-labeling transfer-learning

Last synced: 24 Dec 2024

https://github.com/BrikerMan/Kashgari

Kashgari is a production-level NLP Transfer learning framework built on top of tf.keras for text-labeling and text-classification, includes Word2Vec, BERT, and GPT2 Language Embedding.

bert bert-model gpt-2 machine-learning named-entity-recognition ner nlp nlp-framework seq2seq sequence-labeling text-classification text-labeling transfer-learning

Last synced: 30 Oct 2024

https://github.com/golbin/TensorFlow-Tutorials

텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다

autoencoder chatbot cnn deep-learning dqn gan inception mnist neural-network rnn seq2seq tensorflow tutorial word2vec

Last synced: 12 Nov 2024

https://github.com/golbin/tensorflow-tutorials

텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다

autoencoder chatbot cnn deep-learning dqn gan inception mnist neural-network rnn seq2seq tensorflow tutorial word2vec

Last synced: 27 Dec 2024

https://github.com/IBM/pytorch-seq2seq

An open source framework for seq2seq models in PyTorch.

deeplearning pytorch seq2seq

Last synced: 04 Nov 2024

https://github.com/cluebenchmark/cluener2020

CLUENER2020 中文细粒度命名实体识别 Fine Grained Named Entity Recognition

albert bert chinese chinese-ner chinesener dataset fine-grained-ner named-entity-recognition ner roberta seq2seq sequence-labeling sequence-to-sequence

Last synced: 29 Dec 2024

https://github.com/920232796/bert_seq2seq

pytorch实现 Bert 做seq2seq任务,使用unilm方案,现在也可以做自动摘要,文本分类,情感分析,NER,词性标注等任务,支持t5模型,支持GPT2进行文章续写。

autotitle bert crf gpt2 ner pytorch roberta seq2seq t5-model text-classification unilm

Last synced: 27 Dec 2024

https://github.com/linxueyuanstdio/latex_ocr_pro

:art: 数学公式识别增强版:中英文手写印刷公式、支持初级符号推导(数据结构基于 LaTeX 抽象语法树)Math Formula OCR Pro, supports handwrite, Chinese-mixed formulas and simple symbol reasoning (based on LaTeX AST).

cnn deep-learning latex lstm ocr rnn seq2seq

Last synced: 26 Dec 2024

https://github.com/nvidia-merlin/transformers4rec

Transformers4Rec is a flexible and efficient library for sequential and session-based recommendation and works with PyTorch.

bert gtp huggingface language-model nlp pytorch recommender-system recsys seq2seq session-based-recommendation tabular-data transformer xlnet

Last synced: 25 Dec 2024

https://github.com/NVIDIA-Merlin/Transformers4Rec

Transformers4Rec is a flexible and efficient library for sequential and session-based recommendation and works with PyTorch.

bert gtp huggingface language-model nlp pytorch recommender-system recsys seq2seq session-based-recommendation tabular-data transformer xlnet

Last synced: 05 Nov 2024

https://github.com/LinXueyuanStdio/LaTeX_OCR_PRO

:art: 数学公式识别增强版:中英文手写印刷公式、支持初级符号推导(数据结构基于 LaTeX 抽象语法树)Math Formula OCR Pro, supports handwrite, Chinese-mixed formulas and simple symbol reasoning (based on LaTeX AST).

cnn deep-learning latex lstm ocr rnn seq2seq

Last synced: 08 Nov 2024

https://github.com/guillaume-chevalier/seq2seq-signal-prediction

Signal forecasting with a Sequence-to-Sequence (seq2seq) Recurrent Neural Network (RNN) model in TensorFlow - Guillaume Chevalier

python seq2seq tensorflow tensorflow-tutorials

Last synced: 29 Dec 2024

https://github.com/rucaibox/textbox

TextBox 2.0 is a text generation library with pre-trained language models

deep-learning natural-language-generation natural-language-processing pretrained-models python pytorch seq2seq text-generation

Last synced: 28 Dec 2024

https://github.com/emedvedev/attention-ocr

A Tensorflow model for text recognition (CNN + seq2seq with visual attention) available as a Python package and compatible with Google Cloud ML Engine.

cnn google-cloud google-cloud-ml hacktoberfest image-recognition machine-learning ml ocr ocr-recognition seq2seq tensorflow

Last synced: 27 Dec 2024

https://github.com/RUCAIBox/TextBox

TextBox 2.0 is a text generation library with pre-trained language models

deep-learning natural-language-generation natural-language-processing pretrained-models python pytorch seq2seq text-generation

Last synced: 16 Nov 2024

https://github.com/shibing624/textgen

TextGen: Implementation of Text Generation models, include LLaMA, BLOOM, GPT2, BART, T5, SongNet and so on. 文本生成模型,实现了包括LLaMA,ChatGLM,BLOOM,GPT2,Seq2Seq,BART,T5,UDA等模型的训练和预测,开箱即用。

bart bert chatglm chatgpt gpt2 llama seq2seq t5 text-generation textgen xlnet

Last synced: 26 Dec 2024

https://github.com/morvanzhou/nlp-tutorials

Simple implementations of NLP models. Tutorials are written in Chinese on my website https://mofanpy.com

attention bert elmo gpt nlp seq2seq transformer tutorial w2v

Last synced: 29 Dec 2024

https://github.com/maximumentropy/seq2seq-pytorch

Sequence to Sequence Models with PyTorch

deep-learning pytorch rnn seq2seq

Last synced: 28 Dec 2024

https://github.com/keon/seq2seq

Minimal Seq2Seq model with Attention for Neural Machine Translation in PyTorch

deep-learning machine-translation seq2seq

Last synced: 14 Nov 2024

https://github.com/sooftware/kospeech

Open-Source Toolkit for End-to-End Korean Automatic Speech Recognition leveraging PyTorch and Hydra.

asr attention-is-all-you-need conformer e2e-asr end-to-end jasper korean-speech ksponspeech las las-models pytorch seq2seq speech-recognition transformer

Last synced: 25 Dec 2024

https://github.com/suriyadeepan/practical_seq2seq

A simple, minimal wrapper for tensorflow's seq2seq module, for experimenting with datasets rapidly

chatbot neural-conversation-models seq2seq tensorflow

Last synced: 27 Nov 2024

https://github.com/pemami4911/neural-combinatorial-rl-pytorch

PyTorch implementation of Neural Combinatorial Optimization with Reinforcement Learning https://arxiv.org/abs/1611.09940

neural-combinatorial-optimization pytorch reinforcement-learning seq2seq

Last synced: 02 Nov 2024

https://github.com/eladhoffer/seq2seq.pytorch

Sequence-to-Sequence learning using PyTorch

deep-learning neural-machine-translation seq2seq

Last synced: 27 Nov 2024

https://github.com/guillaumegenthial/im2latex

Image to LaTeX (Seq2seq + Attention with Beam Search) - Tensorflow

attention-seq2seq beam-search im2latex imagecaptioning seq2seq seq2seq-attn show-and-tell tensorflow

Last synced: 30 Dec 2024

https://github.com/TellinaTool/nl2bash

Generating bash command from natural language https://arxiv.org/abs/1802.08979

copynet natural-language-interface nl2bash programming-by-natural-language seq2seq tensorflow

Last synced: 07 Dec 2024

https://github.com/shibing624/nlp-tutorial

自然语言处理(NLP)教程,包括:词向量,词法分析,预训练语言模型,文本分类,文本语义匹配,信息抽取,翻译,对话。

dialogue language-model machine-translation nlp seq2seq text-classification text-generation torch word-embedding

Last synced: 30 Dec 2024

https://github.com/jasonwu0731/trade-dst

Source code for transferable dialogue state generator (TRADE, Wu et al., 2019). https://arxiv.org/abs/1905.08743

dialogue dialogue-state-tracking machine-learning multi-domain natural-language-processing seq2seq

Last synced: 30 Dec 2024

https://github.com/chineseocr/trocr-chinese

transformers ocr for chinese

chinese-ocr pytorch seq2seq

Last synced: 23 Dec 2024

https://github.com/oswaldoludwig/Seq2seq-Chatbot-for-Keras

This repository contains a new generative model of chatbot based on seq2seq modeling.

chatbot conversational-agents deep-learning dialogue dialogue-generation gan generative-adversarial-network glove keras nlp seq2seq

Last synced: 02 Nov 2024

https://github.com/sekwiatkowski/Komputation

Komputation is a neural network framework for the Java Virtual Machine written in Kotlin and CUDA C.

artificial-intelligence convolutional-neural-networks cuda framework gpu jvm kotlin machine-learning neural-networks nlp nvidia recurrent-neural-networks seq2seq

Last synced: 02 Nov 2024

https://github.com/chen0040/keras-text-summarization

Text summarization using seq2seq in Keras

keras seq2seq text-summarization

Last synced: 24 Dec 2024

https://github.com/j-min/tf_tutorial_plus

Tutorials for TensorFlow APIs the official documentation doesn't cover

seq2seq tensorflow tensorflow-examples tensorflow-exercises tensorflow-tutorials tf-tutorial

Last synced: 25 Dec 2024

https://github.com/outcastofmusic/quick-nlp

Pytorch NLP library based on FastAI

fastai nlp-library pytorch seq2seq

Last synced: 14 Nov 2024

https://github.com/applenob/rnn-for-joint-nlu

Tensorflow implementation of "Attention-Based Recurrent Neural Network Models for Joint Intent Detection and Slot Filling" (https://arxiv.org/abs/1609.01454)

nlu seq2seq sequence-labeling slot-filling tensorflow

Last synced: 25 Dec 2024

https://github.com/lucasjinreal/tensorflow_novelist

模仿莎士比亚创作戏剧!屌炸天的是还能创作金庸武侠小说!快star,保持更新!!

deep-learning lstm seq2seq tensorflow text-generation

Last synced: 26 Dec 2024

https://github.com/kyubyong/nlp_made_easy

Explains nlp building blocks in a simple manner.

beam-search bpe nlp seq2seq

Last synced: 27 Dec 2024

https://github.com/tokestermw/tensorflow-shakespeare

Neural machine translation between the writings of Shakespeare and modern English using TensorFlow

neural-machine-translation seq2seq shakespeare tensorflow

Last synced: 25 Dec 2024

https://github.com/nicolas-ivanov/debug_seq2seq

[unmaintained] Make seq2seq for keras work

chatbot keras seq2seq

Last synced: 02 Nov 2024

https://github.com/as-ideas/headliner

🏖 Easy training and deployment of seq2seq models.

neural-network nlp python seq2seq tensorflow

Last synced: 07 Nov 2024

https://github.com/zhongkaifu/seq2seqsharp

Seq2SeqSharp is a tensor based fast & flexible deep neural network framework written by .NET (C#). It has many highlighted features, such as automatic differentiation, different network types (Transformer, LSTM, BiLSTM and so on), multi-GPUs supported, cross-platforms (Windows, Linux, x86, x64, ARM), multimodal model for text and images and so on.

attention-model cuda deep-learning encoder-decoder gpu image lstm machine-translation neural-network seq2seq sequence-to-sequence tensor text transformer transformer-architecture transformer-encoder translation vision-transformer

Last synced: 28 Dec 2024

https://github.com/luopeixiang/im2latex

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

encoder-decoder-model im2latex imagecaptioning pytorch seq2seq show-and-tell

Last synced: 26 Dec 2024

https://github.com/hengluchang/deep-news-summarization

News summarization using sequence to sequence model with attention in TensorFlow.

deep-learning encoder-decoder gigaword lstm news-summarization recurrent-neural-networks seq2seq tensorflow tensorflow-models

Last synced: 12 Nov 2024

https://github.com/deeppavlov/question_generation

It is a question-generator model. It takes text and an answer as input and outputs a question.

corenlp deep-learning docker natural-language-processing opennmt seq2seq

Last synced: 09 Nov 2024

https://github.com/ivanbongiorni/gan-rnn_timeseries-imputation

Recurrent GAN for imputation of time series data. Implemented in TensorFlow 2 on Wikipedia Web Traffic Forecast dataset from Kaggle.

cnn forecasting gan machine-learning python rnn seq2seq tensorflow tensorflow2

Last synced: 19 Dec 2024

https://github.com/MolecularAI/deep-molecular-optimization

Molecular optimization by capturing chemist’s intuition using the Seq2Seq with attention and the Transformer

molecular-optimization multi-property-optimization seq2seq transformer

Last synced: 16 Nov 2024

https://github.com/jiwidi/Behavior-Sequence-Transformer-Pytorch

This is a pytorch implementation for the BST model from Alibaba https://arxiv.org/pdf/1905.06874.pdf

alibaba behavior behavior-sequence-transformer pytorch recommenders seq2seq seq2seq-attn transformers

Last synced: 05 Nov 2024

https://github.com/ailln/fuzi-nlu

🤖️ 聊天机器人——夫子的「自然语言理解」模块

chatbot intent-classification joint-nlu nlu pytorch question-answering seq2seq seq2seq-chatbot slot-filling socketio

Last synced: 18 Nov 2024

https://github.com/j-min/mocha-pytorch

PyTorch Implementation of "Monotonic Chunkwise Attention" (ICLR 2018)

attention-mechanism hard-attention monotonic-attention pytorch seq2seq

Last synced: 19 Nov 2024

https://github.com/RUCAIBox/MVP

This repository is the official implementation of our paper MVP: Multi-task Supervised Pre-training for Natural Language Generation.

data-to-text dialog multi-task-learning natural-language-generation natural-language-processing nlg nlp plm pre-trained-model question-answering question-generation seq2seq sequence-to-sequence story-generation summarization text-generation

Last synced: 16 Nov 2024

https://github.com/soskek/convolutional_seq2seq

fairseq: Convolutional Sequence to Sequence Learning (Gehring et al. 2017) by Chainer

chainer deep-learning deep-neural-networks machine-learning seq2seq

Last synced: 16 Nov 2024

https://github.com/dataxujing/xiaox

flask+seq2seq【TensorFlow1.0, Pytorch】 :art: :art: 在线聊天机器人 https://mp.weixin.qq.com/s/VpiAmVSTin3ALA8MnzhCJA 或 https://ask.hellobi.com/blog/python_shequ/14486

attention attention-mechanism flask nlp python pytorch seq2seq tensorflow

Last synced: 17 Dec 2024

https://github.com/declare-lab/cicero

The purpose of this repository is to introduce new dialogue-level commonsense inference datasets and tasks. We chose dialogues as the data source because dialogues are known to be complex and rich in commonsense.

commonsense-reasoning dialogue-systems roberta-model seq2seq transformers

Last synced: 08 Nov 2024

https://github.com/pkmital/dance2dance

Discrete Figures AI: Seq2Seq of Dance Data (Mikiko + Daito Manabe + Kyle McDonald)

ai dance learning machine seq2seq

Last synced: 29 Oct 2024

https://github.com/dbklim/voice_chatbot

Chatbot in russian with speech recognition using PocketSphinx and speech synthesis using RHVoice. The AttentionSeq2Seq model is used. Imlemented using Python3+TensorFlow+Keras.

attention-model bot chatbot flask gensim keras lstm natural-language-processing nlp pocketsphinx restful-api rhvoice russian seq2seq speech-recognition speech-synthesis tensorflow text-processing word2vec

Last synced: 11 Nov 2024

https://github.com/dbklim/Voice_ChatBot

Chatbot in russian with speech recognition using PocketSphinx and speech synthesis using RHVoice. The AttentionSeq2Seq model is used. Imlemented using Python3+TensorFlow+Keras.

attention-model bot chatbot flask gensim keras lstm natural-language-processing nlp pocketsphinx restful-api rhvoice russian seq2seq speech-recognition speech-synthesis tensorflow text-processing word2vec

Last synced: 27 Nov 2024

https://github.com/lucko515/chatbot-startkit

This repository holds files for the simple chatbot wrote in TensorFlow 1.4, with attention mechanism and bucketing.

attention-mechanism bucket chatbot lstm neural-network seq2seq tensorflow

Last synced: 08 Nov 2024

https://github.com/gsarti/t5-flax-gcp

Tutorial to pretrain & fine-tune a 🤗 Flax T5 model on a TPUv3-8 with GCP

gcp huggingface seq2seq t5 text-to-text-transfer-transformer tpu tpu-vm transformers

Last synced: 02 Nov 2024

https://github.com/chen0040/keras-chatbot-web-api

Simple keras chat bot using seq2seq model with Flask serving web

chatbot keras-models seq2seq seq2seq-model

Last synced: 16 Dec 2024

https://github.com/yoosan/mxnet-seq2seq

Sequence to sequence learning with MXNET

mxnet rnn seq2seq

Last synced: 08 Nov 2024

https://github.com/supercoderhawk/deep-keyphrase

seq2seq based keyphrase generation model sets, including copyrnn copycnn and copytransfomer

copynet keyphrase-extraction keyphrase-generation keyword-extraction pytorch seq2seq

Last synced: 08 Nov 2024