Ecosyste.ms: Repos

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

GitHub topics: flickr8k-dataset

wikiabhi/image-caption-generator

Automatically generating the captions for an image.

Language: Jupyter Notebook - Size: 1.01 GB - Last synced: 14 days ago - Pushed: about 5 years ago - Stars: 2 - Forks: 1

reshalfahsi/image-captioning-mobilenet-llama3

Image Captioning With MobileNet-LLaMA 3

Language: Jupyter Notebook - Size: 3.56 MB - Last synced: 25 days ago - Pushed: 25 days ago - Stars: 0 - Forks: 0

eric-ai-lab/ComCLIP

Official implementation and dataset for the NAACL 2024 paper "ComCLIP: Training-Free Compositional Image and Text Matching"

Language: Python - Size: 7.86 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 22 - Forks: 0

nssharmaofficial/ImageCaption_Flickr8k

Image captioning model with Resnet50 encoder and LSTM decoder

Language: Python - Size: 290 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 12 - Forks: 1

bhushan2311/image_caption_generator

An Image captioning web application combines the power of React.js for front-end, Flask and Node.js for back-end, utilizing the MERN stack. Users can upload images and instantly receive automatic captions. Authenticated users have access to extra features like translating captions and text-to-speech functionality.

Language: JavaScript - Size: 191 MB - Last synced: 3 months ago - Pushed: 5 months ago - Stars: 13 - Forks: 3

billy-enrizky/Image-Caption-Generator

🚀 Image Caption Generator Project 🚀 🧠 Building Customized LSTM Neural Network Encoder model with Dropout, Dense, RepeatVector, and Bidirectional LSTM layers. Sequence feature layers with Embedding, Dropout, and Bidirectional LSTM layers. Attention mechanism using Dot product, Softmax attention scores,...

Language: Jupyter Notebook - Size: 68.2 MB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 1 - Forks: 0

therrshan/image-captioning

Comparitive analysis of image captioning model using RNN, BiLSTM and Transformer model architectures on the Flickr8K dataset and InceptionV3 for image feature extraction.

Language: Python - Size: 739 MB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 1 - Forks: 0

yash-sarwaswa/Image-Caption-Generator

Fabricating a Python application that generates a caption for a selected image. Involves the use of Deep Learning and NLP Frameworks in Tensorflow, Keras and NLTK modules for data processing and creation of deep learning models and their evaluation.

Language: Jupyter Notebook - Size: 110 MB - Last synced: 3 months ago - Pushed: over 3 years ago - Stars: 4 - Forks: 1

Jerrinthomas007/Image-Caption-Generator

Image Caption Generator using Python | Flickr Dataset | Deep Learning(CNN & RNN)

Language: Jupyter Notebook - Size: 62.2 MB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 0 - Forks: 0

assignments-sliit/img-caption-img-flickr8k

Caption Generation using Flickr8k dataset by @jbrownlee and image generation from caption prompt using pretrained models

Language: Jupyter Notebook - Size: 503 KB - Last synced: about 2 months ago - Pushed: 8 months ago - Stars: 1 - Forks: 0

Div99/Image-Captioning

Image Captioning with Keras

Language: Jupyter Notebook - Size: 1.18 MB - Last synced: 10 months ago - Pushed: almost 4 years ago - Stars: 62 - Forks: 46

nhabbash/autocaption

Automatic image captioning with PyTorch

Language: Jupyter Notebook - Size: 25.7 MB - Last synced: 10 months ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

VaidhaiChoudhary/Image-Caption-Generator

Image caption generator is a project that involves computer vision and natural language processing concepts to recognize the context of an image and describe them in a natural language like English. For implementing the project, techniques used are CNN with LSTM.

Language: Jupyter Notebook - Size: 2.02 MB - Last synced: 11 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

prernasingh05/CodeClause_Image_Caption_Generator

Image Caption Generator, a project aims to generate descriptive captions for input images using advanced predictive techniques.

Language: Jupyter Notebook - Size: 3.48 MB - Last synced: almost 1 year ago - Pushed: almost 1 year ago - Stars: 0 - Forks: 0

satojkovic/DeepCaptioning

Yet another im2txt (show and tell: A Neural Image Caption Generator)

Language: Python - Size: 1.56 MB - Last synced: 29 days ago - Pushed: over 3 years ago - Stars: 6 - Forks: 3

LeenAlnajjar/Arabic-Image-Captioning

The concept of the project is to generate Arabic captions from the Arabic Flickr8K dataset, the tools that were used are the pre-trained CNN (MobileNet-V2) and the LSTM model, in addition to a set of steps using the NLP. The aim of the project is to create a solid ground and very initial steps in order to help children with learning difficulties.

Language: Jupyter Notebook - Size: 10.4 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

sankalp1999/Image_Captioning_With_Attention

CaptionBot : Sequence to Sequence Modelling where Encoder is CNN(Resnet-50) and Decoder is LSTMCell with soft attention mechanism

Language: Jupyter Notebook - Size: 204 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 29 - Forks: 6

msn2106/ImageCaptionGenerator

Image Caption Generation

Language: Jupyter Notebook - Size: 261 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 1 - Forks: 1

Subangkar/Image-Captioning-Attention-PyTorch

An attention based sequential deep learning model implemented in pytorch to generate single line caption given an input image

Language: Jupyter Notebook - Size: 2.71 MB - Last synced: over 1 year ago - Pushed: over 3 years ago - Stars: 8 - Forks: 1

nouranHisham/image_captioning_flickr

Image Captioning is the task of describing the content of an image in words. This task lies at the intersection of computer vision and natural language processing.

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

adityajn105/image-caption-bot

Implementation of 'merge' architecture for generating image captions from paper "What is the Role of Recurrent Neural Networks (RNNs) in an Image Caption Generator?" using Keras. Dataset used is Flickr8k available on Kaggle.

Language: Jupyter Notebook - Size: 10.6 MB - Last synced: about 1 year ago - Pushed: almost 5 years ago - Stars: 11 - Forks: 12

sreegeethi/Image-captioning-using-Attention-and-Merge-model

Image captioning of Flickr 8k dataset using Attention and Merge model

Language: Jupyter Notebook - Size: 767 KB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

iVishalr/Image-Captioning

Implementation of Image Captioning Model using CNNs and LSTMs

Language: Jupyter Notebook - Size: 70.3 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 2 - Forks: 2

aviralchharia/Neural-Image-Captioning

In this project, we use a Deep Recurrent Architecture, which uses CNN (VGG-16 Net) pretrained on ImageNet to extract 4096-Dimensional image feature Vector and an LSTM which generates a caption from these feature vectors.

Language: Jupyter Notebook - Size: 4.5 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

Batserine/Image_Captioning

Image Captioning using Deep learning models in Keras.

Language: Jupyter Notebook - Size: 65.7 MB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 1 - Forks: 3

Related Keywords
flickr8k-dataset 25 image-captioning 18 lstm 7 deep-learning 6 tensorflow 6 vgg16 6 bleu-score 5 computer-vision 5 lstm-neural-networks 5 pytorch 5 keras 5 cnn 5 python 4 image-caption-generator 4 nlp 3 flask 3 resnet-50 3 machine-learning 3 attention-mechanism 2 natural-language-processing 2 inceptionv3 2 image-processing 2 encoder-decoder 2 image-caption 2 captioning-images 2 convolutional-neural-networks 2 cnn-model 2 transfer-learning 2 caption-generator 1 caption 1 cnn-lstm 1 show-and-tell 1 attention 1 progressive-image-loading 1 ml 1 image-generation 1 hacktoberfest 1 completed-project 1 colab-notebook 1 rnn-lstm 1 dataset 1 word2vec 1 neural-networks 1 image-descriptions 1 datacleaning 1 feature-vectors 1 neuraltalk 1 inceptionv3-model 1 imagenet 1 visual-attention 1 merge-model 1 attention-model 1 vgg19 1 lstm-networks 1 nlp-machine-learning 1 flickr-photos 1 glove-embeddings 1 flickr8k 1 show-attend-and-tell 1 pre-trained-model 1 google-colab 1 mobilenetv2 1 arabic-nlp 1 arabic-image-captioning 1 im2txt 1 flickr8 1 encoder 1 decoder 1 recurrent-neural-networks 1 winoground 1 vision-and-language 1 svo 1 slip 1 image-text-retrieval 1 image-text-matching 1 flickr30k 1 compositionality 1 clip 1 causality 1 blip2 1 transformer 1 rotary-position-embedding 1 rms-norm 1 pytorch-lightning 1 mobilenetv3 1 llama3 1 kv-cache 1 image-text 1 grouped-query-attention 1 machine-translation 1 image-recognition 1 nltk-python 1 gui 1 feature-extraction 1 exploratory-data-analysis 1 caption-generation 1 transformers 1 rnn 1 bilstm 1 vgg16-model 1