All Projects → Image Captioning → Similar Projects or Alternatives

1109 Open source projects that are alternatives of or similar to Image Captioning

Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (+171.15%)
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+86.54%)
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (+142.31%)
Keras Anomaly Detection
Anomaly detection implemented in Keras
Stars: ✭ 335 (+544.23%)
Personality Detection
Implementation of a hierarchical CNN based model to detect Big Five personality traits
Stars: ✭ 338 (+550%)
Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (+28.85%)
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (+1430.77%)
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+605.77%)
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-5.77%)
Pytorch Kaldi
pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.
Stars: ✭ 2,097 (+3932.69%)
Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (+242.31%)
Automatic Image Captioning
Generating Captions for images using Deep Learning
Stars: ✭ 84 (+61.54%)
Awesome Tensorlayer
A curated list of dedicated resources and applications
Stars: ✭ 248 (+376.92%)
sgrnn
Tensorflow implementation of Synthetic Gradient for RNN (LSTM)
Stars: ✭ 40 (-23.08%)
Mutual labels:  recurrent-neural-networks, lstm
Da Rnn
📃 **Unofficial** PyTorch Implementation of DA-RNN (arXiv:1704.02971)
Stars: ✭ 256 (+392.31%)
Lstm Human Activity Recognition
Human Activity Recognition example using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six activity categories - Guillaume Chevalier
Stars: ✭ 2,943 (+5559.62%)
Mutual labels:  lstm, recurrent-neural-networks
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (+423.08%)
Deeplearning.ai Assignments
Stars: ✭ 268 (+415.38%)
Rnnsharp
RNNSharp is a toolkit of deep recurrent neural network which is widely used for many different kinds of tasks, such as sequence labeling, sequence-to-sequence and so on. It's written by C# language and based on .NET framework 4.6 or above versions. RNNSharp supports many different types of networks, such as forward and bi-directional network, sequence-to-sequence network, and different types of layers, such as LSTM, Softmax, sampled Softmax and others.
Stars: ✭ 277 (+432.69%)
Mutual labels:  lstm, recurrent-neural-networks
Ml In Tf
Get started with Machine Learning in TensorFlow with a selection of good reads and implemented examples!
Stars: ✭ 45 (-13.46%)
Komputation
Komputation is a neural network framework for the Java Virtual Machine written in Kotlin and CUDA C.
Stars: ✭ 295 (+467.31%)
Zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
Stars: ✭ 3,307 (+6259.62%)
Bcdu Net
BCDU-Net : Medical Image Segmentation
Stars: ✭ 314 (+503.85%)
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+563.46%)
dts
A Keras library for multi-step time-series forecasting.
Stars: ✭ 130 (+150%)
Mutual labels:  recurrent-neural-networks, lstm
Paraphraser
Sentence paraphrase generation at the sentence level
Stars: ✭ 283 (+444.23%)
Mutual labels:  lstm, lstm-neural-networks
Textclassifier
Text classifier for Hierarchical Attention Networks for Document Classification
Stars: ✭ 985 (+1794.23%)
Reading comprehension tf
Machine Reading Comprehension in Tensorflow
Stars: ✭ 37 (-28.85%)
stylenet
A pytorch implemention of "StyleNet: Generating Attractive Visual Captions with Styles"
Stars: ✭ 58 (+11.54%)
Mutual labels:  lstm, image-captioning
tiny-rnn
Lightweight C++11 library for building deep recurrent neural networks
Stars: ✭ 41 (-21.15%)
Mutual labels:  recurrent-neural-networks, lstm
Carrot
🥕 Evolutionary Neural Networks in JavaScript
Stars: ✭ 261 (+401.92%)
Mutual labels:  lstm, recurrent-neural-networks
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (-42.31%)
Mutual labels:  lstm, image-captioning
Char Rnn Keras
TensorFlow implementation of multi-layer recurrent neural networks for training and sampling from texts
Stars: ✭ 40 (-23.08%)
Mutual labels:  lstm, recurrent-neural-networks
Easy Tensorflow
Simple and comprehensive tutorials in TensorFlow
Stars: ✭ 2,871 (+5421.15%)
Tensorflow Lstm Sin
TensorFlow 1.3 experiment with LSTM (and GRU) RNNs for sine prediction
Stars: ✭ 52 (+0%)
Mutual labels:  lstm, recurrent-neural-networks
Machine-Learning
The projects I do in Machine Learning with PyTorch, keras, Tensorflow, scikit learn and Python.
Stars: ✭ 54 (+3.85%)
Mutual labels:  lstm, image-captioning
Tensorflowhandwritingrecognition
Using Tensorflow to classify the NIST Dataset 19 (Handwriting)
Stars: ✭ 39 (-25%)
Image Captioning
Image Captioning using InceptionV3 and beam search
Stars: ✭ 290 (+457.69%)
Mutual labels:  lstm, image-captioning
Cs231
Complete Assignments for CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 317 (+509.62%)
Braindecode
Outdated, see new https://github.com/braindecode/braindecode
Stars: ✭ 284 (+446.15%)
Fire Detection Cnn
real-time fire detection in video imagery using a convolutional neural network (deep learning) - from our ICIP 2018 paper (Dunnings / Breckon) + ICMLA 2019 paper (Samarth / Bhowmik / Breckon)
Stars: ✭ 340 (+553.85%)
Activity Recognition With Cnn And Rnn
Temporal Segments LSTM and Temporal-Inception for Activity Recognition
Stars: ✭ 415 (+698.08%)
Text Classification Models Pytorch
Implementation of State-of-the-art Text Classification Models in Pytorch
Stars: ✭ 379 (+628.85%)
First Steps Towards Deep Learning
This is an open sourced book on deep learning.
Stars: ✭ 376 (+623.08%)
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+621.15%)
Cnn lstm ctc ocr
Tensorflow-based CNN+LSTM trained with CTC-loss for OCR
Stars: ✭ 464 (+792.31%)
Tensorflow Lstm Regression
Sequence prediction using recurrent neural networks(LSTM) with TensorFlow
Stars: ✭ 433 (+732.69%)
Mutual labels:  lstm, recurrent-neural-networks
Tensorflow Cnn Time Series
Feeding images of time series to Conv Nets! (Tensorflow + Keras)
Stars: ✭ 49 (-5.77%)
Stanford Cs 230 Deep Learning
VIP cheatsheets for Stanford's CS 230 Deep Learning
Stars: ✭ 5,149 (+9801.92%)
Ner Lstm
Named Entity Recognition using multilayered bidirectional LSTM
Stars: ✭ 532 (+923.08%)
Mutual labels:  lstm, recurrent-neural-networks
Trending Deep Learning
Top 100 trending deep learning repositories sorted by the number of stars gained on a specific day.
Stars: ✭ 543 (+944.23%)
Tensorflow Sentiment Analysis On Amazon Reviews Data
Implementing different RNN models (LSTM,GRU) & Convolution models (Conv1D, Conv2D) on a subset of Amazon Reviews data with TensorFlow on Python 3. A sentiment analysis project.
Stars: ✭ 34 (-34.62%)
Mutual labels:  lstm, lstm-neural-networks
Eeglearn
A set of functions for supervised feature learning/classification of mental states from EEG based on "EEG images" idea.
Stars: ✭ 469 (+801.92%)
Stockpriceprediction
Stock Price Prediction using Machine Learning Techniques
Stars: ✭ 700 (+1246.15%)
Mutual labels:  lstm, lstm-neural-networks
Sangita
A Natural Language Toolkit for Indian Languages
Stars: ✭ 43 (-17.31%)
Mutual labels:  lstm, recurrent-neural-networks
Machine Learning Curriculum
💻 Make machines learn so that you don't have to struggle to program them; The ultimate list
Stars: ✭ 761 (+1363.46%)
Tf cnnvis
CNN visualization tool in TensorFlow
Stars: ✭ 769 (+1378.85%)
Neural Image Captioning
Implementation of Neural Image Captioning model using Keras with Theano backend
Stars: ✭ 12 (-76.92%)
Mutual labels:  lstm, image-captioning
Tensorflow Tutorial
TensorFlow and Deep Learning Tutorials
Stars: ✭ 748 (+1338.46%)
Chainer Rnn Ner
Named Entity Recognition with RNN, implemented by Chainer
Stars: ✭ 19 (-63.46%)
Mutual labels:  lstm, recurrent-neural-networks
1-60 of 1109 similar projects