All Projects → Lstm Context Embeddings → Similar Projects or Alternatives

1229 Open source projects that are alternatives of or similar to Lstm Context Embeddings

Sarcasmdetection
Sarcasm detection on tweets using neural network
Stars: ✭ 99 (+73.68%)
Mutual labels:  neural-networks, 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 (+3000%)
Mutual labels:  neural-networks, cnn, lstm
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+5529.82%)
Mutual labels:  cnn, lstm, word-embeddings
Meme Generator
MemeGen is a web application where the user gives an image as input and our tool generates a meme at one click for the user.
Stars: ✭ 57 (+0%)
Mutual labels:  neural-networks, cnn
Deep Learning With Python
Example projects I completed to understand Deep Learning techniques with Tensorflow. Please note that I do no longer maintain this repository.
Stars: ✭ 134 (+135.09%)
Mutual labels:  neural-networks, lstm
Anime4k
A High-Quality Real Time Upscaler for Anime Video
Stars: ✭ 14,083 (+24607.02%)
Mutual labels:  neural-networks, cnn
Carrot
🥕 Evolutionary Neural Networks in JavaScript
Stars: ✭ 261 (+357.89%)
Mutual labels:  neural-networks, lstm
Stock-Prediction
stock predict by cnn and lstm
Stars: ✭ 25 (-56.14%)
Mutual labels:  cnn, lstm
Image Captioning
Image Captioning using InceptionV3 and beam search
Stars: ✭ 290 (+408.77%)
Mutual labels:  cnn, lstm
Convisualize nb
Visualisations for Convolutional Neural Networks in Pytorch
Stars: ✭ 57 (+0%)
Mutual labels:  neural-networks, cnn
Textclassificationbenchmark
A Benchmark of Text Classification in PyTorch
Stars: ✭ 534 (+836.84%)
Mutual labels:  cnn, lstm
Numpy Ml
Machine learning, in numpy
Stars: ✭ 11,100 (+19373.68%)
Mutual labels:  neural-networks, lstm
Hyperdensenet
This repository contains the code of HyperDenseNet, a hyper-densely connected CNN to segment medical images in multi-modal image scenarios.
Stars: ✭ 124 (+117.54%)
Mutual labels:  neural-networks, cnn
Lstm anomaly thesis
Anomaly detection for temporal data using LSTMs
Stars: ✭ 178 (+212.28%)
Mutual labels:  neural-networks, lstm
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+242.11%)
Mutual labels:  neural-networks, cnn
SentimentAnalysis
Sentiment Analysis: Deep Bi-LSTM+attention model
Stars: ✭ 32 (-43.86%)
Mutual labels:  word-embeddings, lstm
Text-Analysis
Explaining textual analysis tools in Python. Including Preprocessing, Skip Gram (word2vec), and Topic Modelling.
Stars: ✭ 48 (-15.79%)
Mutual labels:  word-embeddings, lstm
Cs291k
🎭 Sentiment Analysis of Twitter data using combined CNN and LSTM Neural Network models
Stars: ✭ 287 (+403.51%)
Mutual labels:  cnn, lstm
Tcdf
Temporal Causal Discovery Framework (PyTorch): discovering causal relationships between time series
Stars: ✭ 217 (+280.7%)
Mutual labels:  neural-networks, cnn
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+543.86%)
Mutual labels:  neural-networks, lstm
Cryptocurrencyprediction
Predict Cryptocurrency Price with Deep Learning
Stars: ✭ 453 (+694.74%)
Mutual labels:  cnn, lstm
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+852.63%)
Mutual labels:  cnn, lstm
Text Classification
Implementation of papers for text classification task on DBpedia
Stars: ✭ 682 (+1096.49%)
Mutual labels:  cnn, lstm
Lstm Char Cnn Tensorflow
in progress
Stars: ✭ 737 (+1192.98%)
Mutual labels:  cnn, lstm
Yann
This toolbox is support material for the book on CNN (http://www.convolution.network).
Stars: ✭ 41 (-28.07%)
Mutual labels:  neural-networks, cnn
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-14.04%)
Mutual labels:  cnn, lstm
Codesearchnet
Datasets, tools, and benchmarks for representation learning of code.
Stars: ✭ 1,378 (+2317.54%)
Mutual labels:  neural-networks, cnn
Neural Image Captioning
Implementation of Neural Image Captioning model using Keras with Theano backend
Stars: ✭ 12 (-78.95%)
Mutual labels:  cnn, lstm
Rnn Theano
使用Theano实现的一些RNN代码,包括最基本的RNN,LSTM,以及部分Attention模型,如论文MLSTM等
Stars: ✭ 31 (-45.61%)
Mutual labels:  cnn, lstm
Fasttext.js
FastText for Node.js
Stars: ✭ 127 (+122.81%)
Mutual labels:  neural-networks, word-embeddings
Dltk
Deep Learning Toolkit for Medical Image Analysis
Stars: ✭ 1,249 (+2091.23%)
Mutual labels:  neural-networks, cnn
Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (+185.96%)
Mutual labels:  neural-networks, cnn
Livianet
This repository contains the code of LiviaNET, a 3D fully convolutional neural network that was employed in our work: "3D fully convolutional networks for subcortical segmentation in MRI: A large-scale study"
Stars: ✭ 143 (+150.88%)
Mutual labels:  neural-networks, cnn
Tensorflow seq2seq chatbot
Stars: ✭ 81 (+42.11%)
Mutual labels:  neural-networks, lstm
datastories-semeval2017-task6
Deep-learning model presented in "DataStories at SemEval-2017 Task 6: Siamese LSTM with Attention for Humorous Text Comparison".
Stars: ✭ 20 (-64.91%)
Mutual labels:  word-embeddings, lstm
Deepjazz
Deep learning driven jazz generation using Keras & Theano!
Stars: ✭ 2,766 (+4752.63%)
Mutual labels:  neural-networks, lstm
stylenet
A pytorch implemention of "StyleNet: Generating Attractive Visual Captions with Styles"
Stars: ✭ 58 (+1.75%)
Mutual labels:  cnn, lstm
Ntm One Shot Tf
One Shot Learning using Memory-Augmented Neural Networks (MANN) based on Neural Turing Machine architecture in Tensorflow
Stars: ✭ 238 (+317.54%)
Mutual labels:  neural-networks, lstm
Named Entity Recognition With Bidirectional Lstm Cnns
Named-Entity-Recognition-with-Bidirectional-LSTM-CNNs
Stars: ✭ 283 (+396.49%)
Mutual labels:  cnn, word-embeddings
Deeplearning.ai Assignments
Stars: ✭ 268 (+370.18%)
Mutual labels:  neural-networks, lstm
Unet Zoo
A collection of UNet and hybrid architectures in PyTorch for 2D and 3D Biomedical Image segmentation
Stars: ✭ 302 (+429.82%)
Mutual labels:  cnn, lstm
Automatic speech recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Stars: ✭ 2,751 (+4726.32%)
Mutual labels:  cnn, lstm
Handwriting Generation
Implementation of handwriting generation with use of recurrent neural networks in tensorflow. Based on Alex Graves paper (https://arxiv.org/abs/1308.0850).
Stars: ✭ 361 (+533.33%)
Mutual labels:  neural-networks, lstm
Cnn lstm ctc tensorflow
CNN+LSTM+CTC based OCR implemented using tensorflow.
Stars: ✭ 343 (+501.75%)
Mutual labels:  cnn, lstm
Lstm Fcn
Codebase for the paper LSTM Fully Convolutional Networks for Time Series Classification
Stars: ✭ 482 (+745.61%)
Mutual labels:  cnn, lstm
Personality Detection
Implementation of a hierarchical CNN based model to detect Big Five personality traits
Stars: ✭ 338 (+492.98%)
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 (+900%)
Mutual labels:  cnn, lstm
Flashtorch
Visualization toolkit for neural networks in PyTorch! Demo -->
Stars: ✭ 561 (+884.21%)
Mutual labels:  neural-networks, cnn
Tensorflow Tutorial
TensorFlow and Deep Learning Tutorials
Stars: ✭ 748 (+1212.28%)
Mutual labels:  neural-networks, cnn
Basicocr
BasicOCR是一个致力于解决自然场景文字识别算法研究的项目。该项目由长城数字大数据应用技术研究院佟派AI团队发起和维护。
Stars: ✭ 336 (+489.47%)
Mutual labels:  cnn, lstm
Deep Music Genre Classification
🎵 Using Deep Learning to Categorize Music as Time Progresses Through Spectrogram Analysis
Stars: ✭ 23 (-59.65%)
Mutual labels:  cnn, lstm
Tensorflow Tutorial
Some interesting TensorFlow tutorials for beginners.
Stars: ✭ 893 (+1466.67%)
Mutual labels:  cnn, lstm
Qa Rankit
QA - Answer Selection (Rank candidate answers for a given question)
Stars: ✭ 30 (-47.37%)
Mutual labels:  cnn, lstm
Quickdraw
Implementation of Quickdraw - an online game developed by Google
Stars: ✭ 805 (+1312.28%)
Mutual labels:  neural-networks, cnn
Twitter Sentiment Analysis
Sentiment analysis on tweets using Naive Bayes, SVM, CNN, LSTM, etc.
Stars: ✭ 978 (+1615.79%)
Mutual labels:  cnn, lstm
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 (+326.32%)
Mutual labels:  cnn, lstm
Lightnet
Efficient, transparent deep learning in hundreds of lines of code.
Stars: ✭ 243 (+326.32%)
Mutual labels:  cnn, lstm
Kraken
OCR engine for all the languages
Stars: ✭ 304 (+433.33%)
Mutual labels:  neural-networks, lstm
Sincnet
SincNet is a neural architecture for efficiently processing raw audio samples.
Stars: ✭ 764 (+1240.35%)
Mutual labels:  neural-networks, cnn
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-40.35%)
Mutual labels:  cnn, lstm
1-60 of 1229 similar projects