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

GitHub topics: flickr8k-dataset

omidnaeej/Image-Captioning-Using-ResNet18-LSTM-Flickr8k

Image Captioning Project Using ResNet18 as an encoder and LSTM as a decoder

Language: Jupyter Notebook - Size: 2.54 MB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 1 - Forks: 0

Avaneesh40585/Flickr8k-Dataset

A repository hosting the complete Flickr8k dataset, prepared and ready for image captioning research.

Size: 2.93 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

theSohamTUmbare/Image-Captioning-in-Pytorch

Implementing LSTM powered image captioning in pytorch from scratch

Language: Jupyter Notebook - Size: 7.17 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Avaneesh40585/Image-Captioning

Image Captioning System that generates natural language descriptions for any image using Transformer architecture.

Language: Jupyter Notebook - Size: 2.39 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

reshalfahsi/image-captioning-mobilenet-llama3

Image Captioning With MobileNet-LLaMA 3

Language: Jupyter Notebook - Size: 3.56 MB - Last synced at: 6 days ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 0

Amir-Hofo/Image_Captioning

Image captioning project using the Flickr8k dataset. A custom encoder-decoder architecture was implemented based on ResNet-50 and LSTM, trained from scratch using PyTorch. The model takes an image as input and generates a descriptive caption. BLEU score was used for evaluation.

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

Ziad-0Waleed/NTI-Image-Captioning-Project

A model for generating textual description of a given image based on the objects and action in the image Topics

Language: Jupyter Notebook - Size: 1.4 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

ejlnmusic/PaliGemma-flickr8k-finetuning

# PaliGemma-flickr8k-finetuningThis repository provides a method to fine-tune the PaliGemma model on the Flickr8k dataset for improved image captioning. Explore the features and utilities designed for efficient training and testing. 🐙🌟

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

STCTheRealNooby/Image-Captioning-with-ViT-and-BERT

This repository provides a straightforward image-captioning pipeline that combines a Vision Transformer (ViT) encoder with a BERT decoder. Use this setup to fine-tune your model on the Flickr8k dataset and generate captions for new images. 🖼️✨

Language: Jupyter Notebook - Size: 5.11 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

AHMEDSANA/PaliGemma-flickr8k-finetuning

This repository contains code for fine-tuning Google's PaliGemma vision-language model on the Flickr8k dataset for image captioning tasks

Language: Jupyter Notebook - Size: 401 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

AHMEDSANA/Image-Captioning-with-ViT-and-BERT

A concise image-captioning pipeline that fine-tunes a ViT encoder with a BERT decoder on Flickr8K for training, plus a standalone script to load the trained model and generate captions on new images.

Language: Jupyter Notebook - Size: 5.22 MB - Last synced at: 4 months ago - Pushed at: 4 months 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 at: 4 months ago - Pushed at: almost 4 years ago - Stars: 50 - Forks: 8

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 at: 5 months ago - Pushed at: about 6 years ago - Stars: 16 - Forks: 14

HuzaiFaRz/Social-Web

Social - Network, Community and Event Theme

Language: HTML - Size: 53.6 MB - Last synced at: 6 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

Div99/Image-Captioning

Image Captioning with Keras

Language: Jupyter Notebook - Size: 1.18 MB - Last synced at: 5 months ago - Pushed at: about 5 years ago - Stars: 63 - Forks: 45

Ash0508/Code_Clause_DataScience_Image-Caption-Generator

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

Language: Jupyter Notebook - Size: 6.53 MB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

wikiabhi/image-caption-generator

Automatically generating the captions for an image.

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

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 at: 6 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 1

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 at: over 1 year ago - Pushed at: over 1 year ago - Stars: 22 - Forks: 0

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 at: over 1 year ago - Pushed at: over 1 year ago - Stars: 13 - Forks: 3

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 at: over 1 year ago - Pushed at: over 1 year 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 at: over 1 year ago - Pushed at: over 4 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 at: almost 2 years ago - Pushed at: almost 2 years 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 at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

nhabbash/autocaption

Automatic image captioning with PyTorch

Language: Jupyter Notebook - Size: 25.7 MB - Last synced at: about 2 years ago - Pushed at: almost 5 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 at: about 2 years ago - Pushed at: almost 3 years 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 at: over 2 years ago - Pushed at: over 2 years 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 at: over 1 year ago - Pushed at: over 4 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 at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

msn2106/ImageCaptionGenerator

Image Caption Generation

Language: Jupyter Notebook - Size: 261 MB - Last synced at: over 2 years ago - Pushed at: over 4 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 at: over 2 years ago - Pushed at: over 4 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 at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

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 at: over 2 years ago - Pushed at: over 3 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 at: over 2 years ago - Pushed at: almost 3 years 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 at: over 2 years ago - Pushed at: almost 5 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 at: over 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 3

Related Keywords
flickr8k-dataset 36 image-captioning 27 deep-learning 14 computer-vision 13 lstm 10 pytorch 10 vgg16 8 python 8 tensorflow 8 machine-learning 8 bleu-score 7 cnn 7 nlp 6 keras 6 resnet-50 5 lstm-neural-networks 5 transformers 4 natural-language-processing 4 transfer-learning 4 fine-tuning 4 image-processing 4 convolutional-neural-networks 4 image-caption-generator 4 attention-mechanism 3 recurrent-neural-networks 3 flask 3 flickr8k 3 neural-networks 3 encoder-decoder 3 jax 2 kaggle 2 multimodal-ai 2 inceptionv3 2 paligemma 2 encoder 2 vision-language-model 2 bert 2 decoder 2 huggingface 2 huggingface-transformers 2 image-to-text 2 multimodal 2 pytorch-implementation 2 vision-transformer 2 vit 2 artificial-intelligence 2 cnn-lstm 2 captioning-images 2 cnn-model 2 image-annotation 2 flax 2 compter-vision 2 rnn 2 show-attend-and-tell 2 flickr8k-text 2 feature-extraction 2 jupyter-notebook 2 bilstm 1 progressive-image-loading 1 caption-generation 1 google-colab 1 datacleaning 1 show-and-tell 1 exploratory-data-analysis 1 gui 1 nltk-python 1 translation-api 1 translation 1 text-to-speech 1 reactjs 1 rapidapi 1 nodejs 1 mongodb 1 image-caption 1 word2vec 1 final-year-project 1 expressjs 1 cnn-keras 1 arabic-image-captioning 1 arabic-nlp 1 mobilenetv2 1 pre-trained-model 1 glove-embeddings 1 flickr-photos 1 nlp-machine-learning 1 attention-model 1 merge-model 1 visual-attention 1 imagenet 1 inceptionv3-model 1 neuraltalk 1 feature-vectors 1 im2txt 1 flickr8 1 ml 1 image-generation 1 hacktoberfest 1 completed-project 1 colab-notebook 1 rnn-lstm 1