All Projects → DeepLearning-Lab → Similar Projects or Alternatives

629 Open source projects that are alternatives of or similar to DeepLearning-Lab

VariationalNeuralAnnealing
A variational implementation of classical and quantum annealing using recurrent neural networks for the purpose of solving optimization problems.
Stars: ✭ 21 (-74.7%)
Mutual labels:  rnn
word2vec-pytorch
Extremely simple and fast word2vec implementation with Negative Sampling + Sub-sampling
Stars: ✭ 145 (+74.7%)
Mutual labels:  word2vec
TextSumma
reimplementing Neural Summarization by Extracting Sentences and Words
Stars: ✭ 16 (-80.72%)
Mutual labels:  seq2seq
Flashtext
Extract Keywords from sentence or Replace keywords in sentences.
Stars: ✭ 5,012 (+5938.55%)
Mutual labels:  word2vec
Nlstm
Nested LSTM Cell
Stars: ✭ 246 (+196.39%)
Mutual labels:  rnn
test word2vec uyghur
Bu Uyghur yéziqini Pythonning gensim ambiridiki word2vec algorizimida sinap baqqan misal.
Stars: ✭ 15 (-81.93%)
Mutual labels:  word2vec
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 (+192.77%)
Mutual labels:  rnn
Stocksensation
基于情感字典和机器学习的股市舆情情感分类可视化Web
Stars: ✭ 215 (+159.04%)
Mutual labels:  word2vec
Deepnlp Models Pytorch
Pytorch implementations of various Deep NLP models in cs-224n(Stanford Univ)
Stars: ✭ 2,760 (+3225.3%)
Mutual labels:  rnn
char-rnnlm-tensorflow
Char RNN Language Model based on Tensorflow
Stars: ✭ 14 (-83.13%)
Mutual labels:  rnn
Sensegram
Making sense embedding out of word embeddings using graph-based word sense induction
Stars: ✭ 209 (+151.81%)
Mutual labels:  word2vec
Speech Denoiser
A speech denoise lv2 plugin based on RNNoise library
Stars: ✭ 220 (+165.06%)
Mutual labels:  rnn
YodaSpeak
Translating English to Yoda English using Sequence-to-Sequence with Tensorflow.
Stars: ✭ 25 (-69.88%)
Mutual labels:  seq2seq
Sign Language Gesture Recognition
Sign Language Gesture Recognition From Video Sequences Using RNN And CNN
Stars: ✭ 214 (+157.83%)
Mutual labels:  rnn
Shakkala
Deep learning for Arabic text Vocalization - التشكيل الالي للنصوص العربية
Stars: ✭ 208 (+150.6%)
Mutual labels:  rnn
dltf
Hands-on in-person workshop for Deep Learning with TensorFlow
Stars: ✭ 14 (-83.13%)
Mutual labels:  rnn
Iseebetter
iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
Stars: ✭ 202 (+143.37%)
Mutual labels:  rnn
Germanwordembeddings
Toolkit to obtain and preprocess german corpora, train models using word2vec (gensim) and evaluate them with generated testsets
Stars: ✭ 189 (+127.71%)
Mutual labels:  word2vec
Nn compression
Stars: ✭ 193 (+132.53%)
Mutual labels:  rnn
cnn-rnn-classifier
A practical example on how to combine both a CNN and a RNN to classify images.
Stars: ✭ 47 (-43.37%)
Mutual labels:  rnn
Gru4rec tensorflow
TensorFlow implemenation of GRu4Rec model
Stars: ✭ 192 (+131.33%)
Mutual labels:  rnn
Text Pairs Relation Classification
About Text Pairs (Sentence Level) Classification (Similarity Modeling) Based on Neural Network.
Stars: ✭ 182 (+119.28%)
Mutual labels:  word2vec
Keraspp
코딩셰프의 3분 딥러닝, 케라스맛
Stars: ✭ 178 (+114.46%)
Mutual labels:  rnn
kospeech
Open-Source Toolkit for End-to-End Korean Automatic Speech Recognition leveraging PyTorch and Hydra.
Stars: ✭ 456 (+449.4%)
Mutual labels:  seq2seq
Tensorflow2 Docs Zh
TF2.0 / TensorFlow 2.0 / TensorFlow2.0 官方文档中文版
Stars: ✭ 177 (+113.25%)
Mutual labels:  rnn
Rnn For Joint Nlu
Pytorch implementation of "Attention-Based Recurrent Neural Network Models for Joint Intent Detection and Slot Filling" (https://arxiv.org/abs/1609.01454)
Stars: ✭ 176 (+112.05%)
Mutual labels:  rnn
Music-generation-cRNN-GAN
cRNN-GAN to generate music by training on instrumental music (midi)
Stars: ✭ 38 (-54.22%)
Mutual labels:  rnn
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 (+2426.51%)
Mutual labels:  rnn
Debiaswe
Remove problematic gender bias from word embeddings.
Stars: ✭ 175 (+110.84%)
Mutual labels:  word2vec
Rnnvis
A visualization tool for understanding and debugging RNNs
Stars: ✭ 162 (+95.18%)
Mutual labels:  rnn
wordmap
Visualize large text collections with WebGL
Stars: ✭ 23 (-72.29%)
Mutual labels:  word2vec
Word2vec Tutorial
中文詞向量訓練教學
Stars: ✭ 426 (+413.25%)
Mutual labels:  word2vec
Wordvectors
Pre-trained word vectors of 30+ languages
Stars: ✭ 2,043 (+2361.45%)
Mutual labels:  word2vec
Tensorflow Bitcoin Robot
A Bitcoin trade robot based on Tensorflow LSTM model.Just for fun.
Stars: ✭ 155 (+86.75%)
Mutual labels:  rnn
Solar-Rad-Forecasting
In these notebooks the entire research and implementation process carried out for the construction of various machine learning models based on neural networks that are capable of predicting levels of solar radiation is captured given a set of historical data taken by meteorological stations.
Stars: ✭ 24 (-71.08%)
Mutual labels:  rnn
Audioowl
Fast and simple music and audio analysis using RNN in Python 🕵️‍♀️ 🥁
Stars: ✭ 151 (+81.93%)
Mutual labels:  rnn
Danmf
A sparsity aware implementation of "Deep Autoencoder-like Nonnegative Matrix Factorization for Community Detection" (CIKM 2018).
Stars: ✭ 161 (+93.98%)
Mutual labels:  word2vec
convolutional seq2seq
fairseq: Convolutional Sequence to Sequence Learning (Gehring et al. 2017) by Chainer
Stars: ✭ 63 (-24.1%)
Mutual labels:  seq2seq
Word2Vec-iOS
Word2Vec iOS port
Stars: ✭ 23 (-72.29%)
Mutual labels:  word2vec
Deep learning nlp
Keras, PyTorch, and NumPy Implementations of Deep Learning Architectures for NLP
Stars: ✭ 407 (+390.36%)
Mutual labels:  word2vec
Pytorch Image Comp Rnn
PyTorch implementation of Full Resolution Image Compression with Recurrent Neural Networks
Stars: ✭ 146 (+75.9%)
Mutual labels:  rnn
Gensim
Topic Modelling for Humans
Stars: ✭ 12,763 (+15277.11%)
Mutual labels:  word2vec
Vae Seq
Variational Auto-Encoders in a Sequential Setting.
Stars: ✭ 145 (+74.7%)
Mutual labels:  rnn
adversarial-code-generation
Source code for the ICLR 2021 work "Generating Adversarial Computer Programs using Optimized Obfuscations"
Stars: ✭ 16 (-80.72%)
Mutual labels:  seq2seq
Qrn
Query-Reduction Networks (QRN)
Stars: ✭ 137 (+65.06%)
Mutual labels:  rnn
Webvectors
Web-ify your word2vec: framework to serve distributional semantic models online
Stars: ✭ 154 (+85.54%)
Mutual labels:  word2vec
acl2017 document clustering
code for "Determining Gains Acquired from Word Embedding Quantitatively Using Discrete Distribution Clustering" ACL 2017
Stars: ✭ 21 (-74.7%)
Mutual labels:  word2vec
Graphwavemachine
A scalable implementation of "Learning Structural Node Embeddings Via Diffusion Wavelets (KDD 2018)".
Stars: ✭ 151 (+81.93%)
Mutual labels:  word2vec
Lmdb Embeddings
Fast word vectors with little memory usage in Python
Stars: ✭ 404 (+386.75%)
Mutual labels:  word2vec
Rnn From Scratch
Use tensorflow's tf.scan to build vanilla, GRU and LSTM RNNs
Stars: ✭ 123 (+48.19%)
Mutual labels:  rnn
chatbot
一个基于深度学习的中文聊天机器人,这里有详细的教程与代码,每份代码都有详细的注释,作为学习是美好的选择。A Chinese chatbot based on deep learning.
Stars: ✭ 94 (+13.25%)
Mutual labels:  seq2seq
Handwritten-Text-Recognition
IAM dataset
Stars: ✭ 25 (-69.88%)
Mutual labels:  rnn
nemesyst
Generalised and highly customisable, hybrid-parallelism, database based, deep learning framework.
Stars: ✭ 17 (-79.52%)
Mutual labels:  rnn
Natural Language Processing
Programming Assignments and Lectures for Stanford's CS 224: Natural Language Processing with Deep Learning
Stars: ✭ 377 (+354.22%)
Mutual labels:  word2vec
Word2VecAndTsne
Scripts demo-ing how to train a Word2Vec model and reduce its vector space
Stars: ✭ 45 (-45.78%)
Mutual labels:  word2vec
Nlp Projects
word2vec, sentence2vec, machine reading comprehension, dialog system, text classification, pretrained language model (i.e., XLNet, BERT, ELMo, GPT), sequence labeling, information retrieval, information extraction (i.e., entity, relation and event extraction), knowledge graph, text generation, network embedding
Stars: ✭ 360 (+333.73%)
Mutual labels:  word2vec
Word2vec Spam Filter
Using word vectors to classify spam messages
Stars: ✭ 149 (+79.52%)
Mutual labels:  word2vec
Pycadl
Python package with source code from the course "Creative Applications of Deep Learning w/ TensorFlow"
Stars: ✭ 356 (+328.92%)
Mutual labels:  word2vec
Deep-Learning-Coursera
Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera
Stars: ✭ 123 (+48.19%)
Mutual labels:  rnn
air writing
Online Hand Writing Recognition using BLSTM
Stars: ✭ 26 (-68.67%)
Mutual labels:  rnn
301-360 of 629 similar projects