All Projects → sachin-kmr → Neural Image Captioning

sachin-kmr / Neural Image Captioning

Implementation of Neural Image Captioning model using Keras with Theano backend

Projects that are alternatives of or similar to Neural Image Captioning

Image Captioning
Image Captioning using InceptionV3 and beam search
Stars: ✭ 290 (+2316.67%)
Mutual labels:  jupyter-notebook, cnn, lstm, image-captioning
Lidc nodule detection
lidc nodule detection with CNN and LSTM network
Stars: ✭ 187 (+1458.33%)
Mutual labels:  jupyter-notebook, cnn, lstm
Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (+1075%)
Mutual labels:  jupyter-notebook, lstm, image-captioning
Screenshot To Code
A neural network that transforms a design mock-up into a static website.
Stars: ✭ 13,561 (+112908.33%)
Mutual labels:  jupyter-notebook, cnn, lstm
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+4425%)
Mutual labels:  jupyter-notebook, cnn, lstm
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+708.33%)
Mutual labels:  jupyter-notebook, cnn, lstm
Up Down Captioner
Automatic image captioning model based on Caffe, using features from bottom-up attention.
Stars: ✭ 195 (+1525%)
Mutual labels:  jupyter-notebook, lstm, image-captioning
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (+183.33%)
Mutual labels:  jupyter-notebook, cnn, lstm
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+26641.67%)
Mutual labels:  jupyter-notebook, cnn, lstm
Tensorflow Tutorial
Some interesting TensorFlow tutorials for beginners.
Stars: ✭ 893 (+7341.67%)
Mutual labels:  jupyter-notebook, cnn, lstm
stylenet
A pytorch implemention of "StyleNet: Generating Attractive Visual Captions with Styles"
Stars: ✭ 58 (+383.33%)
Mutual labels:  cnn, lstm, image-captioning
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (+700%)
Mutual labels:  jupyter-notebook, cnn, lstm
End To End Sequence Labeling Via Bi Directional Lstm Cnns Crf Tutorial
Tutorial for End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF
Stars: ✭ 87 (+625%)
Mutual labels:  jupyter-notebook, cnn, lstm
Deeplearning tutorials
The deeplearning algorithms implemented by tensorflow
Stars: ✭ 1,580 (+13066.67%)
Mutual labels:  jupyter-notebook, cnn, lstm
Keras basic
keras를 이용한 딥러닝 기초 학습
Stars: ✭ 39 (+225%)
Mutual labels:  jupyter-notebook, cnn, lstm
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+1525%)
Mutual labels:  jupyter-notebook, cnn, vgg16
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 (+1925%)
Mutual labels:  cnn, lstm, image-captioning
Qa Rankit
QA - Answer Selection (Rank candidate answers for a given question)
Stars: ✭ 30 (+150%)
Mutual labels:  jupyter-notebook, cnn, lstm
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+1750%)
Mutual labels:  jupyter-notebook, cnn, lstm
Food Recipe Cnn
food image to recipe with deep convolutional neural networks.
Stars: ✭ 448 (+3633.33%)
Mutual labels:  jupyter-notebook, cnn, vgg16

Image Captioning

This repository contains an implementation of image captioning based on neural network (i.e. CNN + RNN). The model first extracts the image feature by CNN and then generates captions by RNN. CNN is VGG16 and RNN is a standard LSTM .

Normal Sampling and Beam Search were used to predict the caption of images.

Dataset used was Flickr8k dataset.

Dependencies

  • Keras 2.0.7
  • Theano 0.9.0
  • Numpy
  • Pandas 0.20.3
  • Matplotlib
  • Pickle

References

[1] Deep Visual-Semantic Alignments for Generating Image Descriptions ( Karpathy et-al, CVPR 2015)

[2] Oriol Vinyals, Alexander Toshev, Samy Bengio, Dumitru Erhan Show and Tell: A Neural Image Caption Generator

[3] CS231n: Convolutional Neural Networks for Visual Recognition. ( Instructors : Li Fei Fei, Andrej Karpathy, Justin Johnson)

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].