imagecaptioning
There are 70 repositories under imagecaptioning topic.
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.
guillaumegenthial/im2latex
Image to LaTeX (Seq2seq + Attention with Beam Search) - Tensorflow
luopeixiang/im2latex
Pytorch implemention of Deep CNN Encoder + LSTM Decoder with Attention for Image to Latex
HughKu/Im2txt
Image captioning ready-to-go inference: show and tell model compatible with Tensorflow r1.9
Dong-JinKim/DenseRelationalCaptioning
Code of Dense Relational Captioning
qingzwang/GHA-ImageCaptioning
Code for GHA (ACCV2018)
MrAnayDongre/Machine-Learning-Collection
Repo for Implementing Research Papers & Projects related to Machine Learning
MingtaoGuo/RNN-TensorFlow
Some interesting applications of RNN, e.g. char rnn (pomes generation), seq2seq (machine translation), image captioning (NIC)
Mountchicken/ImageCaptioning-Attention-PyQt5
ImageCaptioning improved with an attention mechanism. Also a PyQt5 application
AmritK10/Image-Captioner-Web-App
A dockerised web-app to generate captions for uploaded images.
Aryavir07/Image-Captioning-Using-CNN-and-LSTM
Generating Captions for images using CNN & LSTM on Flickr8K dataset.The generation of captions from images has various practical benefits, ranging from aiding the visually impaired.
surajsoni5/Context-Aware-Image-Captioning
An implementation of the paper "Context-aware Captions from Context-agnostic Supervision"
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"
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
J0SAL/Aide
An App with Voice Assisted Image Captioning and VQA For Visually Challenged Individuals
l-yohai/Look-Attend-and-Generate-Poem
AI Poet who looks at the images and writes poems Web service.
Prajwal10031999/Scene-Prediction-using-CNN-with-AlexNet
A CNN model to predict the scene or location from any given image
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.
777Denoiser/VisionVerse-Neural-Net-Helio-Optics
VisionVerse is a versatile tool that integrates image captioning, pre-trained image classification, and text-to-image generation.
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
Aryan05/ImageCaptionGenerator
LSTM and RNN implementation on COCO dataset for Image Cation generator
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.
chaithanya21/Image-Caption-Generator
Image Caption Generator project focuses on creating a Neural Network architecture to automatically generate captions from images.
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.
dev-nihalsharma/advance-ai-projects
Here are all my code files of Advanced AI/ML architectures built from scratch using Pytorch.
Dev228-afk/Image-Caption-Generator
A WebApp that Generates Caption for Images using CNN-RNN Architecture
hazemhosny/Introduction-to-deep-learning
Advanced Machine Learning Specialization - Introduction to Deep Learning (Coursera)
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.
saiharshithreddy/Image-Captioning-using-Neural-Networks
Image caption generator with Web UI
saquibali7/MedicalImageCaption
Generating caption from medical image like xray
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.
shlokashah/DeepLearning
Implementation of few things learnt from deeplearning.ai specialization
sudoberlin/Computer_Vision_ND
Udacity Computer Vision NanoDegree.