All Projects → stylenet → Similar Projects or Alternatives

1206 Open source projects that are alternatives of or similar to stylenet

Image Captioning
Image Captioning using InceptionV3 and beam search
Stars: ✭ 290 (+400%)
Mutual labels:  cnn, lstm, image-captioning
Neural Image Captioning
Implementation of Neural Image Captioning model using Keras with Theano backend
Stars: ✭ 12 (-79.31%)
Mutual labels:  cnn, lstm, image-captioning
Caption generator
A modular library built on top of Keras and TensorFlow to generate a caption in natural language for any input image.
Stars: ✭ 243 (+318.97%)
Mutual labels:  cnn, lstm, image-captioning
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (-48.28%)
Mutual labels:  lstm, image-captioning
Cnn lstm ctc tensorflow
CNN+LSTM+CTC based OCR implemented using tensorflow.
Stars: ✭ 343 (+491.38%)
Mutual labels:  cnn, lstm
Multi Class Text Classification Cnn Rnn
Classify Kaggle San Francisco Crime Description into 39 classes. Build the model with CNN, RNN (GRU and LSTM) and Word Embeddings on Tensorflow.
Stars: ✭ 570 (+882.76%)
Mutual labels:  cnn, lstm
Keras basic
keras를 이용한 딥러닝 기초 학습
Stars: ✭ 39 (-32.76%)
Mutual labels:  cnn, lstm
Twitter Sentiment Analysis
Sentiment analysis on tweets using Naive Bayes, SVM, CNN, LSTM, etc.
Stars: ✭ 978 (+1586.21%)
Mutual labels:  cnn, lstm
Lstm Cnn classification
Stars: ✭ 64 (+10.34%)
Mutual labels:  cnn, lstm
End To End Sequence Labeling Via Bi Directional Lstm Cnns Crf Tutorial
Tutorial for End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF
Stars: ✭ 87 (+50%)
Mutual labels:  cnn, lstm
Easyocr
Ready-to-use OCR with 80+ supported languages and all popular writing scripts including Latin, Chinese, Arabic, Devanagari, Cyrillic and etc.
Stars: ✭ 13,379 (+22967.24%)
Mutual labels:  cnn, lstm
Unet Zoo
A collection of UNet and hybrid architectures in PyTorch for 2D and 3D Biomedical Image segmentation
Stars: ✭ 302 (+420.69%)
Mutual labels:  cnn, lstm
Basicocr
BasicOCR是一个致力于解决自然场景文字识别算法研究的项目。该项目由长城数字大数据应用技术研究院佟派AI团队发起和维护。
Stars: ✭ 336 (+479.31%)
Mutual labels:  cnn, lstm
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+836.21%)
Mutual labels:  cnn, lstm
Cryptocurrencyprediction
Predict Cryptocurrency Price with Deep Learning
Stars: ✭ 453 (+681.03%)
Mutual labels:  cnn, lstm
Qa Rankit
QA - Answer Selection (Rank candidate answers for a given question)
Stars: ✭ 30 (-48.28%)
Mutual labels:  cnn, lstm
Rnn Theano
使用Theano实现的一些RNN代码,包括最基本的RNN,LSTM,以及部分Attention模型,如论文MLSTM等
Stars: ✭ 31 (-46.55%)
Mutual labels:  cnn, lstm
Lstm Context Embeddings
Augmenting word embeddings with their surrounding context using bidirectional RNN
Stars: ✭ 57 (-1.72%)
Mutual labels:  cnn, lstm
Lstm Char Cnn Tensorflow
in progress
Stars: ✭ 737 (+1170.69%)
Mutual labels:  cnn, lstm
Deeplearning tutorials
The deeplearning algorithms implemented by tensorflow
Stars: ✭ 1,580 (+2624.14%)
Mutual labels:  cnn, lstm
Robust Lane Detection
Stars: ✭ 110 (+89.66%)
Mutual labels:  cnn, lstm
Ncrfpp
NCRF++, a Neural Sequence Labeling Toolkit. Easy use to any sequence labeling tasks (e.g. NER, POS, Segmentation). It includes character LSTM/CNN, word LSTM/CNN and softmax/CRF components.
Stars: ✭ 1,767 (+2946.55%)
Mutual labels:  cnn, lstm
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (+184.48%)
Mutual labels:  cnn, lstm
Kaggle Competition Favorita
5th place solution for Kaggle competition Favorita Grocery Sales Forecasting
Stars: ✭ 169 (+191.38%)
Mutual labels:  cnn, lstm
Lidc nodule detection
lidc nodule detection with CNN and LSTM network
Stars: ✭ 187 (+222.41%)
Mutual labels:  cnn, lstm
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+5432.76%)
Mutual labels:  cnn, lstm
Lightnet
Efficient, transparent deep learning in hundreds of lines of code.
Stars: ✭ 243 (+318.97%)
Mutual labels:  cnn, lstm
Automatic speech recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Stars: ✭ 2,751 (+4643.1%)
Mutual labels:  cnn, lstm
Cs291k
🎭 Sentiment Analysis of Twitter data using combined CNN and LSTM Neural Network models
Stars: ✭ 287 (+394.83%)
Mutual labels:  cnn, lstm
Personality Detection
Implementation of a hierarchical CNN based model to detect Big Five personality traits
Stars: ✭ 338 (+482.76%)
Mutual labels:  cnn, lstm
Stock-Prediction
stock predict by cnn and lstm
Stars: ✭ 25 (-56.9%)
Mutual labels:  cnn, lstm
Textclassificationbenchmark
A Benchmark of Text Classification in PyTorch
Stars: ✭ 534 (+820.69%)
Mutual labels:  cnn, lstm
Lstm Fcn
Codebase for the paper LSTM Fully Convolutional Networks for Time Series Classification
Stars: ✭ 482 (+731.03%)
Mutual labels:  cnn, lstm
Text Classification
Implementation of papers for text classification task on DBpedia
Stars: ✭ 682 (+1075.86%)
Mutual labels:  cnn, lstm
cvpr18-caption-eval
Learning to Evaluate Image Captioning. CVPR 2018
Stars: ✭ 79 (+36.21%)
Mutual labels:  caption, image-captioning
Deep Music Genre Classification
🎵 Using Deep Learning to Categorize Music as Time Progresses Through Spectrogram Analysis
Stars: ✭ 23 (-60.34%)
Mutual labels:  cnn, lstm
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-41.38%)
Mutual labels:  cnn, lstm
Tensorflow Tutorial
Some interesting TensorFlow tutorials for beginners.
Stars: ✭ 893 (+1439.66%)
Mutual labels:  cnn, lstm
Image captioning
generate captions for images using a CNN-RNN model that is trained on the Microsoft Common Objects in COntext (MS COCO) dataset
Stars: ✭ 51 (-12.07%)
Mutual labels:  cnn, image-captioning
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-15.52%)
Mutual labels:  cnn, lstm
Deepzip
NN based lossless compression
Stars: ✭ 69 (+18.97%)
Mutual labels:  cnn, lstm
Up Down Captioner
Automatic image captioning model based on Caffe, using features from bottom-up attention.
Stars: ✭ 195 (+236.21%)
Mutual labels:  lstm, image-captioning
Awesome Deep Learning Resources
Rough list of my favorite deep learning resources, useful for revisiting topics or for reference. I have got through all of the content listed there, carefully. - Guillaume Chevalier
Stars: ✭ 1,469 (+2432.76%)
Mutual labels:  cnn, lstm
Sarcasmdetection
Sarcasm detection on tweets using neural network
Stars: ✭ 99 (+70.69%)
Mutual labels:  cnn, lstm
Pytorch convlstm
convolutional lstm implementation in pytorch
Stars: ✭ 126 (+117.24%)
Mutual labels:  cnn, lstm
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (+67.24%)
Mutual labels:  cnn, lstm
Tensorflow template application
TensorFlow template application for deep learning
Stars: ✭ 1,851 (+3091.38%)
Mutual labels:  cnn, lstm
Vpilot
Scripts and tools to easily communicate with DeepGTAV. In the future a self-driving agent will be implemented.
Stars: ✭ 136 (+134.48%)
Mutual labels:  cnn, lstm
Speech Emotion Recognition
Speech emotion recognition implemented in Keras (LSTM, CNN, SVM, MLP) | 语音情感识别
Stars: ✭ 181 (+212.07%)
Mutual labels:  cnn, lstm
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (+65.52%)
Mutual labels:  cnn, lstm
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+282.76%)
Mutual labels:  cnn, lstm
Sign Language Gesture Recognition
Sign Language Gesture Recognition From Video Sequences Using RNN And CNN
Stars: ✭ 214 (+268.97%)
Mutual labels:  cnn, lstm
Screenshot To Code
A neural network that transforms a design mock-up into a static website.
Stars: ✭ 13,561 (+23281.03%)
Mutual labels:  cnn, lstm
Image-Captioning
Image Captioning with Keras
Stars: ✭ 60 (+3.45%)
Mutual labels:  caption, image-captioning
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (+117.24%)
Mutual labels:  lstm, image-captioning
Image Caption Generator
[DEPRECATED] A Neural Network based generative model for captioning images using Tensorflow
Stars: ✭ 141 (+143.1%)
Mutual labels:  lstm, image-captioning
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (+55.17%)
Mutual labels:  cnn, lstm
Deepsleepnet
DeepSleepNet: a Model for Automatic Sleep Stage Scoring based on Raw Single-Channel EEG
Stars: ✭ 200 (+244.83%)
Mutual labels:  cnn, lstm
Show and Tell
Show and Tell : A Neural Image Caption Generator
Stars: ✭ 74 (+27.59%)
Mutual labels:  lstm, image-captioning
Machine-Learning
The projects I do in Machine Learning with PyTorch, keras, Tensorflow, scikit learn and Python.
Stars: ✭ 54 (-6.9%)
Mutual labels:  lstm, image-captioning
1-60 of 1206 similar projects