All Projects → Image-Captioning-with-Beam-Search → Similar Projects or Alternatives

362 Open source projects that are alternatives of or similar to Image-Captioning-with-Beam-Search

captioning chainer
A fast implementation of Neural Image Caption by Chainer
Stars: ✭ 17 (-5.56%)
Mutual labels:  rnn, image-captioning, beam-search
Image Captioning
Image Captioning using InceptionV3 and beam search
Stars: ✭ 290 (+1511.11%)
Mutual labels:  image-captioning, beam-search
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (+66.67%)
Mutual labels:  rnn, image-captioning
udacity-cvnd-projects
My solutions to the projects assigned for the Udacity Computer Vision Nanodegree
Stars: ✭ 36 (+100%)
Mutual labels:  rnn, image-captioning
Caption generator
A modular library built on top of Keras and TensorFlow to generate a caption in natural language for any input image.
Stars: ✭ 243 (+1250%)
Mutual labels:  rnn, image-captioning
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (+600%)
Mutual labels:  image-captioning, beam-search
Image-Caption
Using LSTM or Transformer to solve Image Captioning in Pytorch
Stars: ✭ 36 (+100%)
Mutual labels:  image-captioning, beam-search
Arnet
CVPR 2018 - Regularizing RNNs for Caption Generation by Reconstructing The Past with The Present
Stars: ✭ 94 (+422.22%)
Mutual labels:  rnn, image-captioning
Poetry Seq2seq
Chinese Poetry Generation
Stars: ✭ 159 (+783.33%)
Mutual labels:  rnn, beam-search
Lightnet
Efficient, transparent deep learning in hundreds of lines of code.
Stars: ✭ 243 (+1250%)
Mutual labels:  rnn
rnn-theano
RNN(LSTM, GRU) in Theano with mini-batch training; character-level language models in Theano
Stars: ✭ 68 (+277.78%)
Mutual labels:  rnn
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+1133.33%)
Mutual labels:  rnn
Nlstm
Nested LSTM Cell
Stars: ✭ 246 (+1266.67%)
Mutual labels:  rnn
Motor-Imagery-Tasks-Classification-using-EEG-data
Implementation of Deep Neural Networks in Keras and Tensorflow to classify motor imagery tasks using EEG data
Stars: ✭ 67 (+272.22%)
Mutual labels:  rnn
Deepnlp Models Pytorch
Pytorch implementations of various Deep NLP models in cs-224n(Stanford Univ)
Stars: ✭ 2,760 (+15233.33%)
Mutual labels:  rnn
tf-attend-infer-repeat
TensorFlow-based implementation of "Attend, Infer, Repeat" paper (Eslami et al., 2016, arXiv:1603.08575).
Stars: ✭ 44 (+144.44%)
Mutual labels:  rnn
Speech Denoiser
A speech denoise lv2 plugin based on RNNoise library
Stars: ✭ 220 (+1122.22%)
Mutual labels:  rnn
presidential-rnn
Project 4 for Metis bootcamp. Objective was generation of character-level RNN trained on Donald Trump's statements using Keras. Also generated Markov chains, and quick pyTorch RNN as baseline. Attempted semi-supervised GAN, but was unable to test in time.
Stars: ✭ 26 (+44.44%)
Mutual labels:  rnn
Sign Language Gesture Recognition
Sign Language Gesture Recognition From Video Sequences Using RNN And CNN
Stars: ✭ 214 (+1088.89%)
Mutual labels:  rnn
Shakkala
Deep learning for Arabic text Vocalization - التشكيل الالي للنصوص العربية
Stars: ✭ 208 (+1055.56%)
Mutual labels:  rnn
Clockwork-RNN
This repository is a reproduction of the clockwork RNN paper.
Stars: ✭ 20 (+11.11%)
Mutual labels:  rnn
Probabilistic-RNN-DA-Classifier
Probabilistic Dialogue Act Classification for the Switchboard Corpus using an LSTM model
Stars: ✭ 22 (+22.22%)
Mutual labels:  rnn
Selected Stories
An experimental web text editor that runs a LSTM model while you write to suggest new lines
Stars: ✭ 39 (+116.67%)
Mutual labels:  rnn
Chameleon recsys
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
Stars: ✭ 202 (+1022.22%)
Mutual labels:  rnn
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+983.33%)
Mutual labels:  rnn
Online-Signature-Verification
Online Handwriting Signature Verification using CNN + RNN.
Stars: ✭ 16 (-11.11%)
Mutual labels:  rnn
Char Rnn Chinese
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch. Based on code of https://github.com/karpathy/char-rnn. Support Chinese and other things.
Stars: ✭ 192 (+966.67%)
Mutual labels:  rnn
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+18888.89%)
Mutual labels:  rnn
TCN-TF
TensorFlow Implementation of TCN (Temporal Convolutional Networks)
Stars: ✭ 107 (+494.44%)
Mutual labels:  rnn
MetaTraderForecast
RNN based Forecasting App for Meta Trader and similar trading platforms
Stars: ✭ 103 (+472.22%)
Mutual labels:  rnn
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+17727.78%)
Mutual labels:  rnn
STAR Network
[PAMI 2021] Gating Revisited: Deep Multi-layer RNNs That Can Be Trained
Stars: ✭ 16 (-11.11%)
Mutual labels:  rnn
Crnn Audio Classification
UrbanSound classification using Convolutional Recurrent Networks in PyTorch
Stars: ✭ 235 (+1205.56%)
Mutual labels:  rnn
beam search
Beam search for neural network sequence to sequence (encoder-decoder) models.
Stars: ✭ 31 (+72.22%)
Mutual labels:  beam-search
Rnn ctc
Recurrent Neural Network and Long Short Term Memory (LSTM) with Connectionist Temporal Classification implemented in Theano. Includes a Toy training example.
Stars: ✭ 220 (+1122.22%)
Mutual labels:  rnn
Market-Trend-Prediction
This is a project of build knowledge graph course. The project leverages historical stock price, and integrates social media listening from customers to predict market Trend On Dow Jones Industrial Average (DJIA).
Stars: ✭ 57 (+216.67%)
Mutual labels:  rnn
Kprn
Reasoning Over Knowledge Graph Paths for Recommendation
Stars: ✭ 220 (+1122.22%)
Mutual labels:  rnn
keras-utility-layer-collection
Collection of custom layers and utility functions for Keras which are missing in the main framework.
Stars: ✭ 63 (+250%)
Mutual labels:  rnn
Haste
Haste: a fast, simple, and open RNN library
Stars: ✭ 214 (+1088.89%)
Mutual labels:  rnn
machine learning
机器学习、深度学习、NLP实战项目
Stars: ✭ 123 (+583.33%)
Mutual labels:  rnn
Doc Han Att
Hierarchical Attention Networks for Chinese Sentiment Classification
Stars: ✭ 206 (+1044.44%)
Mutual labels:  rnn
text-rnn-tensorflow
Tutorial: Multi-layer Recurrent Neural Networks (LSTM, RNN) for text models in Python using TensorFlow.
Stars: ✭ 22 (+22.22%)
Mutual labels:  rnn
Iseebetter
iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
Stars: ✭ 202 (+1022.22%)
Mutual labels:  rnn
danifojo-2018-repeatrnn
Comparing Fixed and Adaptive Computation Time for Recurrent Neural Networks
Stars: ✭ 32 (+77.78%)
Mutual labels:  rnn
Nn compression
Stars: ✭ 193 (+972.22%)
Mutual labels:  rnn
ACT
Alternative approach for Adaptive Computation Time in TensorFlow
Stars: ✭ 16 (-11.11%)
Mutual labels:  rnn
deeplearning.ai notes
📓 Notes for Andrew Ng's courses on deep learning
Stars: ✭ 73 (+305.56%)
Mutual labels:  rnn
Gru4rec tensorflow
TensorFlow implemenation of GRu4Rec model
Stars: ✭ 192 (+966.67%)
Mutual labels:  rnn
Stylenet
A cute multi-layer LSTM that can perform like a human 🎶
Stars: ✭ 187 (+938.89%)
Mutual labels:  rnn
Keraspp
코딩셰프의 3분 딥러닝, 케라스맛
Stars: ✭ 178 (+888.89%)
Mutual labels:  rnn
neural-namer
Fantasy name generator in TensorFlow
Stars: ✭ 65 (+261.11%)
Mutual labels:  rnn
training-charRNN
Training charRNN model for ml5js
Stars: ✭ 87 (+383.33%)
Mutual labels:  rnn
deep-learning-notes
🧠👨‍💻Deep Learning Specialization • Lecture Notes • Lab Assignments
Stars: ✭ 20 (+11.11%)
Mutual labels:  rnn
Tensorflow Tutorials
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
Stars: ✭ 2,096 (+11544.44%)
Mutual labels:  rnn
Pytorch Sentiment Neuron
Stars: ✭ 178 (+888.89%)
Mutual labels:  rnn
Automatic speech recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Stars: ✭ 2,751 (+15183.33%)
Mutual labels:  rnn
Tensorflow2 Docs Zh
TF2.0 / TensorFlow 2.0 / TensorFlow2.0 官方文档中文版
Stars: ✭ 177 (+883.33%)
Mutual labels:  rnn
Sentence Classification
Sentence Classifications with Neural Networks
Stars: ✭ 177 (+883.33%)
Mutual labels:  rnn
nemesyst
Generalised and highly customisable, hybrid-parallelism, database based, deep learning framework.
Stars: ✭ 17 (-5.56%)
Mutual labels:  rnn
Deepjazz
Deep learning driven jazz generation using Keras & Theano!
Stars: ✭ 2,766 (+15266.67%)
Mutual labels:  rnn
1-60 of 362 similar projects