GitHub topics: imagecaptioning
bforbilly24/folderingbyimagecaptioning-fastapi-backend-restapi
FastAPI backend for AI-powered image categorization using ResNet50+LSTM. Automatically organizes images into folders based on generated captions with real-time progress tracking and ZIP export.
Language: Python - Size: 0 Bytes - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

MrNquyen/DEVICE-Image-Captioning
This repo is the project that I re-implement DEVICE Image Captioning paper for evaluating Inforgraphic Dataset
Language: Python - Size: 38.1 KB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

luopeixiang/im2latex
Pytorch implemention of Deep CNN Encoder + LSTM Decoder with Attention for Image to Latex
Language: Python - Size: 7.21 MB - Last synced at: 11 days ago - Pushed at: over 1 year ago - Stars: 195 - Forks: 52

guillaumegenthial/im2latex
Image to LaTeX (Seq2seq + Attention with Beam Search) - Tensorflow
Language: Python - Size: 3.75 MB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 461 - Forks: 128

lparham2/deep-reinforcement-learning-media-automation
This project explores how deep learning and reinforcement learning automate media content creation and optimize system behaviors. Built for MSA 8600: Deep Learning and Generative AI at Georgia State University, Master of Science in Data Science & Analytics, with Professor Yanqing Wang.
Language: Jupyter Notebook - Size: 8.14 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

Adi2334/Image-Caption-Generator
This project implements an image captioning model using a CNN-LSTM architecture. The model takes an image as input and generates a descriptive caption using natural language processing techniques
Language: Python - Size: 37.4 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

777Denoiser/VisionVerse-Neural-Net-Helio-Optics
VisionVerse is a versatile tool that integrates image captioning, pre-trained image classification, and text-to-image generation.
Language: Python - Size: 19.5 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

MrAnayDongre/Machine-Learning-Collection
Repo for Implementing Research Papers & Projects related to Machine Learning
Language: Python - Size: 1.81 GB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 11 - Forks: 4

Abdelrahman-Amen/Gemini_Image_Insights
This project leverages Google's Gemini LLM to analyze uploaded images and generate detailed descriptions or insights based on user prompts. It combines advanced AI capabilities with Streamlit for an interactive and user-friendly experience.
Language: Python - Size: 13.2 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Mulk-Raj-Dwivedi/Safe
Deep Learning Projects
Language: Jupyter Notebook - Size: 1000 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Rupa-Veerala/Context-Based-Image-Captioning
Context-Based Image Captioning
Language: Jupyter Notebook - Size: 3.21 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

VaiBhaVSinGh91/ImageCaption
This repository contains an implementation of an image captioning model that leverages deep learning for generating textual descriptions of images. The model extracts high-level features from images using a pre-trained convolutional neural network (CNN) model, such as VGG16, and stores them for further processing. The extracted features are later u
Language: HTML - Size: 2.95 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

quanpersie2001/ImageCaptioning
Predicting a caption for a given image using Inception Net V3, LSTM and Glove
Language: Jupyter Notebook - Size: 14.4 MB - Last synced at: 22 days ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

Sh-31/ImgCap
ImgCap is an image captioning model designed to automatically generate descriptive captions for images. It has two versions CNN + LSTM model and CNN + LSTM + Attention mechanism model.
Language: Python - Size: 14.2 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

mukul-mschauhan/image-to-text
Transform your images into valuable insights and creative content using Google Gemini
Language: Python - Size: 31.3 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

cizodevahm/Image-Caption-Generator
This project is an image caption generator that uses a deep learning model to generate captions for images. The model is trained using the Flickr8k dataset and leverages a pre-trained Xception model for feature extraction and an LSTM network for sequence processing.
Language: Jupyter Notebook - Size: 58.6 KB - Last synced at: 4 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

Islam-hady9/Generative-AI-Models
Generative AI Models is a comprehensive repository dedicated to the implementation of cutting-edge generative AI models using Python. It features various models, including those for image captioning and text-to-image generation, leveraging advanced architectures like Vision Transformers (ViT), GPT-2, and Stable Diffusion.
Language: Jupyter Notebook - Size: 11.2 MB - Last synced at: 4 months ago - Pushed at: 10 months ago - Stars: 2 - Forks: 0

breakdown-voltage/ImageCaptioning
Image captioning model using CNN and LSTM
Language: Jupyter Notebook - Size: 868 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

dev-nihalsharma/advance-ai-projects
Here are all my code files of Advanced AI/ML architectures built from scratch using Pytorch.
Language: Python - Size: 4.93 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

dev-nihalsharma/imagecaptioning-flicker8k
This project is for image captioning(extracting relevant information from an image and generating appropriate captions to describe the content of the image) using advance architecture(inception + lstm) and techs (tensorboard). may this will help you to understand depths of deep learning better
Language: Python - Size: 2.02 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Pranav904/Image-Caption-Generator
This repo contains code for an Image Caption Generator using a Flask web app and LSTM neural network.
Language: HTML - Size: 43.3 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ritik105/ImageCaptioningGenerator
Language: Jupyter Notebook - Size: 71.3 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

saquibali7/MedicalImageCaption
Generating caption from medical image like xray
Language: Python - Size: 4.88 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Mountchicken/ImageCaptioning-Attention-PyQt5
ImageCaptioning improved with an attention mechanism. Also a PyQt5 application
Language: Python - Size: 5.3 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 0

kgomathi2910/Eye-for-the-Blind
Project on converting Image to Text and Text to Voice Note
Language: Jupyter Notebook - Size: 9.93 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

alaminbhuyan/Image-Caption-Generation
Language: Python - Size: 294 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Allenpandas/BLIP-ImageCaption
BLIP-ImageCaption
Language: Python - Size: 1.81 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

rhnfzl/image-caption-generator
Image Caption Generation using Keras
Language: Jupyter Notebook - Size: 4.04 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Allenpandas/BLIP-ImageCaptioning Fork of salesforce/BLIP
Folk BLIP ImageCaptioning from salesforce
Language: Python - Size: 8.13 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

njustkmg/OMML
Multi-Modal learning toolkit based on PaddlePaddle and PyTorch, supporting multiple applications such as multi-modal classification, cross-modal retrieval and image caption.
Language: Python - Size: 51.5 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 539 - Forks: 98

rifqimulyawan/Pre-Trained-CNN-Architecture-for-Indonesian-Image-Captioning-using-Transformer
Pre-Trained CNN Architecture for Indonesian Image Captioning using Transformer.
Language: Python - Size: 56.6 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 1

PriyankaVerma98/Image-Captioning-using-NeuralNetworks
Language: Jupyter Notebook - Size: 7.11 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

elterribleabuelo/Introduction-to-Deep-Learning
Introduction Deep Learning
Language: Jupyter Notebook - Size: 114 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Dong-JinKim/DenseRelationalCaptioning
Code of Dense Relational Captioning
Language: Lua - Size: 7.4 MB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 67 - Forks: 13

pdaicode/DeepUnderstanding
Review of Image Captioning and Scene Graph papers
Size: 54.7 KB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 4 - Forks: 0

Connor-Shen/Novel-Image-Captioning
A pytorch repetition of Novel Object Captioner (NOC)
Language: Jupyter Notebook - Size: 32.5 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

harishB97/Im2Latex-TensorFlow-2
TensorFlow-2 implementation of Im2Latex deep learning model described in HarvardNLP paper "What You Get Is What You See: A Visual Markup Decompiler"
Language: Jupyter Notebook - Size: 7.57 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 0

TheRadDani/Image-Captioning
Language: Jupyter Notebook - Size: 60.1 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

HughKu/Im2txt
Image captioning ready-to-go inference: show and tell model compatible with Tensorflow r1.9
Language: Python - Size: 2.64 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 68 - Forks: 14

sudoberlin/Computer_Vision_ND
Udacity Computer Vision NanoDegree.
Language: Jupyter Notebook - Size: 36.7 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

qingzwang/GHA-ImageCaptioning
Code for GHA (ACCV2018)
Language: Python - Size: 708 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 6

J0SAL/Aide
An App with Voice Assisted Image Captioning and VQA For Visually Challenged Individuals
Language: Dart - Size: 18.2 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

CAG9/DL-Photo-Caption-Generator
Deep Learning Photo Caption Generator Tensorflow 2.0
Language: Jupyter Notebook - Size: 3.66 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

l-yohai/Look-Attend-and-Generate-Poem Fork of boostcampaitech2/final-project-level3-nlp-08
AI Poet who looks at the images and writes poems Web service.
Language: Python - Size: 24.8 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

aartighatkesar/Deep-Learning-Fundamentals
Implementation of various basic layers forward and back propagation. CS 231n Stanford Spring 2018: Convolutional Neural Networks for Visual Recognition. Solutions to Assignments
Language: Jupyter Notebook - Size: 59.6 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 2

erfunmirzaei/RCNN-ImageCaptioning
Trained CNN and RNN Network for Image Captioning Task- Deep Neural Network Course Project
Language: Jupyter Notebook - Size: 3.72 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Prajwal10031999/Scene-Prediction-using-CNN-with-AlexNet
A CNN model to predict the scene or location from any given image
Language: Jupyter Notebook - Size: 909 KB - Last synced at: 20 days ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

charanhu/Image-Captioning-using-LSTM-and-CNN
The deep CNN architecture to extract features from the image which are then fed into the LSTM architecture to output the caption.
Language: Jupyter Notebook - Size: 2.17 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

DorisDuan06/Stanford-CS231n-Convolutional-Neural-Networks-for-Visual-Recognition
cs231n assignments.
Language: Jupyter Notebook - Size: 1.21 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

surajsoni5/Context-Aware-Image-Captioning
An implementation of the paper "Context-aware Captions from Context-agnostic Supervision"
Language: Python - Size: 7.87 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 7 - Forks: 1

AmritK10/Image-Captioner-Web-App
A dockerised web-app to generate captions for uploaded images.
Language: HTML - Size: 129 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

hritvikgupta/Image-captioning
Scene understanding, which blends computer vision with natural language processing skills, includes image caption, which automatically generates natural language descriptions based on the content observed in a picture.
Language: Jupyter Notebook - Size: 20 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

shlokashah/DeepLearning
Implementation of few things learnt from deeplearning.ai specialization
Language: Jupyter Notebook - Size: 5.22 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

gagan3012/image2audio
Convert Image to audio using ViT, GPT and FastSpeech
Language: Python - Size: 30.3 KB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

ashwathkris/Sent2Img
An application that searches for an image in your gallery based on a given input search query that describes the image. Captions are generated for every image in the gallery and the images whose captions are most similar to the search query are retrieved. This solves the problem of the user having to scroll through hundreds of images to search for one particular image.
Language: Jupyter Notebook - Size: 17.8 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

Aryan05/ImageCaptionGenerator
LSTM and RNN implementation on COCO dataset for Image Cation generator
Language: Jupyter Notebook - Size: 11.2 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

MingtaoGuo/RNN-TensorFlow
Some interesting applications of RNN, e.g. char rnn (pomes generation), seq2seq (machine translation), image captioning (NIC)
Language: Python - Size: 7.47 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 0

KunalVaidya99/Image-Captioning
Image Caption Generator using LSTM
Language: Jupyter Notebook - Size: 15.6 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

aryalmilan/Image-Captioning
Generate Captions for images using Encoder, Decoder model.
Language: Jupyter Notebook - Size: 91.4 MB - Last synced at: 10 days ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

iamanshika/Image-Captioning
Deep Learning project in which the neural network will automatically generate captions from images.
Size: 1000 Bytes - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

mamitiana/imageclef2017-medical_image_caption
Language: Python - Size: 20.4 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

chaithanya21/Image-Caption-Generator
Image Caption Generator project focuses on creating a Neural Network architecture to automatically generate captions from images.
Language: HTML - Size: 4.54 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

shivamiitgoa/Image-Captioning-System
Language: Jupyter Notebook - Size: 119 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

yaodongyu/cs8524-pictureteller
CS8524-Final Project
Language: CSS - Size: 950 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 2

saiharshithreddy/Image-Captioning-using-Neural-Networks
Image caption generator with Web UI
Language: Python - Size: 13.3 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 3

sHarshil-Shah/Image-Captioning
Language: Python - Size: 12.7 KB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 2

rashmigulhane/Socal-Tag-Relevance-Learning
Language: Python - Size: 300 KB - Last synced at: over 2 years ago - Pushed at: about 8 years ago - Stars: 0 - Forks: 0
