image-caption-generator
There are 60 repositories under image-caption-generator topic.
jmisilo/clip-gpt-captioning
CLIPxGPT Captioner is Image Captioning Model based on OpenAI's CLIP and GPT-2.
SmithaUpadhyaya/fashion_image_caption
Automate Fashion Image Captioning using BLIP-2. Automatic generating descriptions of clothes on shopping websites, which can help customers without fashion knowledge to better understand the features (attributes, style, functionality etc.) of the items and increase online sales by enticing more customers.
HeliosX7/image-captioning-app
📷 Deployed image captioning ML model using Flask and access via Flutter app
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.
angeligareta/image-captioning
Image Caption Generator implemented using Tensorflow and Keras in a Python Jupyter Notebook. The goal is to describe the content of an image by using a CNN and RNN.
Sajid030/image-caption-generator
Deep learning-based image captioning with Flickr8k dataset. Code includes data prep, model training, and a Streamlit app.
purveshpatel511/imageCaptioning
pre-trained model and source code for generate description of images.
haoyu-he/ImageCaption
Image captioning project.
anubhavshrimal/Attention-Beam-Image-Captioning
Image captioning using beam search heuristic on top of the encoder-decoder based architecture
nssharmaofficial/image-caption-generator
Image captioning model with Resnet50 encoder and LSTM decoder
vinayaksharmagh/IMcap
Inspired from the paper "Show Attend and Tell". This project's aim was to train a neural network which can provide descriptive text for a given image.
nithintata/image-caption-generator-using-deep-learning
Automatically generates captions for an image using Image processing and NLP. Model was trained on Flickr30K dataset.
riad5089/Image_Caption_Generator
This is a Deep Learning model which uses Computer Vision and NLP to generate captions for images.
Sgvkamalakar/ImageTagger
This Streamlit app is designed for image captioning and tagging using the Google Gemini AI
SayamAlt/Image-Caption-Generation-using-ResNet-and-LSTMs
Successfully developed an image caption generation model which can precisely generate the text caption of any particular image based on a certain vocabulary of distinct words.
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.
german-zarate/image-captioning-app
Deployed image captioning ML model using Flask and access via Flutter app
Pavansomisetty21/Image-Caption-Generation-using-LLMs-GEMINI-
we generate captions to the images which are given by user(user input) using prompt engineering and Generative AI
nahidbrur/Bangla-Image-Caption-Generation
The Bangla Image Caption Generation system generates descriptive captions for images in the Bangla language. The model is built by translating English captions from the Flickr8k dataset into Bangla and then training the model using these translated captions.
rodrigo-barraza/inscriptor
Blip 2 Captioning, Mass Captioning, Question Answering, and other tools.
svpathak/Image-Caption-Generator
A model inspired from the famous Show and Tell Model is implemented for automatic image captioning.
achen353/Image-Caption-Generator
Simple image caption generator built upon Xception net using CNN and LSTM.
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,...
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.
Sayandeep-123/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.
Snigdho8869/AI-Generative-Models-Notebooks-DCGAN-VAE-Autoencoder
This repository contains notebooks showcasing various generative models, including DCGAN and VAE for anime face generation, an Autoencoder for converting photos to sketches, a captioning model using an attention mechanism for an image caption generator, and more.
ashishyadav2/SeptaSEM
Major Project Repository
LavanyaAN21/Depiction-of-image-features-with-audio-to-aid-visually-impaired-person
This project leverages advanced AI models to generate captions for images and translate them into regional languages (Kannada and Hindi). Additionally, it offers text-to-speech conversion, making it accessible to a wider audience, specially those with visual impairments.
neemiasbsilva/MiniGPT4-image-caption-generation
Streamline the creation of supervised datasets to facilitate data augmentation for deep learning architectures focused on image captioning. The core framework leverages MiniGPT-4, complemented by the pre-trained Vicuna model, which boasts 13 billion parameters.
PraveenLiyanage/Image-Caption-Generator-CNN
This project Implements a combination of Convolutional Neural Networks (CNNs) and Recurrent Neural Networks (RNNs) to generate descriptive captions for input images.
skp-1997/Image-Captioning-with-MLFLOW
This repository trains image captioning model using CNN and Transformers.
SreeEswaran/Image-Captioning-Transformer
This project demonstrates an image captioning model using a Transformer architecture. The model takes an image as input and generates a descriptive caption. We use the COCO dataset for training and evaluation.
varshithhowdekar03/Image-Caption-Generator-using-Deep-Learning-CNN-and-LSTM-
Image Captioning is a task where each image must be understood properly and are able generate suitable caption with proper grammatical structure. Here it is a hybrid system which uses multilayer CNN (Convolutional Neural Network) for generating keywords.