All Projects → Rnnsharp → Similar Projects or Alternatives

844 Open source projects that are alternatives of or similar to Rnnsharp

Meetup-Content
Entirety.ai Intuition to Implementation Meetup Content.
Stars: ✭ 33 (-88.09%)
Mutual labels:  recurrent-neural-networks
video autoencoder
Video lstm auto encoder built with pytorch. https://arxiv.org/pdf/1502.04681.pdf
Stars: ✭ 32 (-88.45%)
Mutual labels:  lstm
dnn-lstm-word-segment
Chinese Word Segmention Base on the Deep Learning and LSTM Neural Network
Stars: ✭ 24 (-91.34%)
Mutual labels:  lstm
Qa match
A simple effective ToolKit for short text matching
Stars: ✭ 235 (-15.16%)
Mutual labels:  lstm
video-quality-metrics
Test specified presets/CRF values for the x264 or x265 encoder. Compares VMAF/SSIM/PSNR numerically & via graphs.
Stars: ✭ 87 (-68.59%)
Mutual labels:  crf
imessage-chatbot
💬 Recurrent neural network -- generates messages in your style of speech! Trained on imessage data. Sqlite3, TensorFlow, Flask, Twilio SMS, AWS.
Stars: ✭ 33 (-88.09%)
Mutual labels:  recurrent-neural-networks
SynThai
Thai Word Segmentation and Part-of-Speech Tagging with Deep Learning
Stars: ✭ 41 (-85.2%)
Mutual labels:  recurrent-neural-networks
STAR Network
[PAMI 2021] Gating Revisited: Deep Multi-layer RNNs That Can Be Trained
Stars: ✭ 16 (-94.22%)
Mutual labels:  rnn
Attention
Repository for Attention Algorithm
Stars: ✭ 39 (-85.92%)
Mutual labels:  lstm
Musicgenerator
Experiment diverse Deep learning models for music generation with TensorFlow
Stars: ✭ 269 (-2.89%)
Mutual labels:  rnn
Deeptrade keras
Stars: ✭ 228 (-17.69%)
Mutual labels:  lstm
rnn-theano
RNN(LSTM, GRU) in Theano with mini-batch training; character-level language models in Theano
Stars: ✭ 68 (-75.45%)
Mutual labels:  rnn
SentimentAnalysis
(BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on Tensorflow Hub + 1-D CNN and Bi-Directional LSTM on IMDB Movie Reviews Dataset
Stars: ✭ 40 (-85.56%)
Mutual labels:  lstm
presidential-rnn
Project 4 for Metis bootcamp. Objective was generation of character-level RNN trained on Donald Trump's statements using Keras. Also generated Markov chains, and quick pyTorch RNN as baseline. Attempted semi-supervised GAN, but was unable to test in time.
Stars: ✭ 26 (-90.61%)
Mutual labels:  rnn
Time Series Machine Learning
Machine learning models for time series analysis
Stars: ✭ 261 (-5.78%)
Mutual labels:  recurrent-neural-networks
RCNN MDP
Code base for solving Markov Decision Processes and Reinforcement Learning problems using Recurrent Convolutional Neural Networks.
Stars: ✭ 65 (-76.53%)
Mutual labels:  recurrent-neural-networks
keras-bert-ner
Keras solution of Chinese NER task using BiLSTM-CRF/BiGRU-CRF/IDCNN-CRF model with Pretrained Language Model: supporting BERT/RoBERTa/ALBERT
Stars: ✭ 7 (-97.47%)
Mutual labels:  crf
Machine-Learning
The projects I do in Machine Learning with PyTorch, keras, Tensorflow, scikit learn and Python.
Stars: ✭ 54 (-80.51%)
Mutual labels:  lstm
Deep-Learning-Coursera
Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera
Stars: ✭ 123 (-55.6%)
Mutual labels:  rnn
DARNN
A Dual-Stage Attention-Based Recurrent Neural Network for Time Series Prediction
Stars: ✭ 90 (-67.51%)
Mutual labels:  recurrent-neural-networks
course-content-dl
NMA deep learning course
Stars: ✭ 537 (+93.86%)
Mutual labels:  recurrent-neural-networks
machine learning
机器学习、深度学习、NLP实战项目
Stars: ✭ 123 (-55.6%)
Mutual labels:  rnn
Lstm Siamese Text Similarity
⚛️ It is keras based implementation of siamese architecture using lstm encoders to compute text similarity
Stars: ✭ 216 (-22.02%)
Mutual labels:  lstm
SharkStock
Automate swing trading using deep reinforcement learning. The deep deterministic policy gradient-based neural network model trains to choose an action to sell, buy, or hold the stocks to maximize the gain in asset value. The paper also acknowledges the need for a system that predicts the trend in stock value to work along with the reinforcement …
Stars: ✭ 63 (-77.26%)
Mutual labels:  recurrent-neural-networks
DeepLearning-Lab
Code lab for deep learning. Including rnn,seq2seq,word2vec,cross entropy,bidirectional rnn,convolution operation,pooling operation,InceptionV3,transfer learning.
Stars: ✭ 83 (-70.04%)
Mutual labels:  rnn
Thio
Thio - a playground for real-time anomaly detection
Stars: ✭ 38 (-86.28%)
Mutual labels:  lstm
voice zaloai
dentifying gender and regional accent from speech
Stars: ✭ 35 (-87.36%)
Mutual labels:  lstm
Siamese Lstm
Siamese LSTM for evaluating semantic similarity between sentences of the Quora Question Pairs Dataset.
Stars: ✭ 217 (-21.66%)
Mutual labels:  lstm
Tts Cube
End-2-end speech synthesis with recurrent neural networks
Stars: ✭ 213 (-23.1%)
Mutual labels:  lstm
Computer-Vision
implemented some computer vision problems
Stars: ✭ 25 (-90.97%)
Mutual labels:  crf
Graph convolutional lstm
Traffic Graph Convolutional Recurrent Neural Network
Stars: ✭ 210 (-24.19%)
Mutual labels:  lstm
Screenshot To Code
A neural network that transforms a design mock-up into a static website.
Stars: ✭ 13,561 (+4795.67%)
Mutual labels:  lstm
entity-network
Tensorflow implementation of "Tracking the World State with Recurrent Entity Networks" [https://arxiv.org/abs/1612.03969] by Henaff, Weston, Szlam, Bordes, and LeCun.
Stars: ✭ 58 (-79.06%)
Mutual labels:  recurrent-neural-networks
Icdar 2019 Sroie
ICDAR 2019 Robust Reading Challenge on Scanned Receipts OCR and Information Extraction
Stars: ✭ 202 (-27.08%)
Mutual labels:  lstm
modules
The official repository for our paper "Are Neural Nets Modular? Inspecting Functional Modularity Through Differentiable Weight Masks". We develop a method for analyzing emerging functional modularity in neural networks based on differentiable weight masks and use it to point out important issues in current-day neural networks.
Stars: ✭ 25 (-90.97%)
Mutual labels:  rnn
pytorch convolutional rnn
PyTorch implementation of Convolutional Recurrent Neural Network
Stars: ✭ 117 (-57.76%)
Mutual labels:  rnn
deep-char-cnn-lstm
Deep Character CNN LSTM Encoder with Classification and Similarity Models
Stars: ✭ 20 (-92.78%)
Mutual labels:  lstm
lyrics-generator
Generating lyrics with a recurrent neural network
Stars: ✭ 36 (-87%)
Mutual labels:  recurrent-neural-networks
arabic-text-diacritization
Benchmark Arabic text diacritization dataset
Stars: ✭ 41 (-85.2%)
Mutual labels:  sequence-labeling
chainer-notebooks
Jupyter notebooks for Chainer hands-on
Stars: ✭ 23 (-91.7%)
Mutual labels:  rnn
regulatory-prediction
Code and Data to accompany "Dilated Convolutions for Modeling Long-Distance Genomic Dependencies", presented at the ICML 2017 Workshop on Computational Biology
Stars: ✭ 26 (-90.61%)
Mutual labels:  recurrent-neural-networks
MogrifierLSTM
A quick walk-through of the innards of LSTMs and a naive implementation of the Mogrifier LSTM paper in PyTorch
Stars: ✭ 58 (-79.06%)
Mutual labels:  lstm
extkeras
Playground for implementing custom layers and other components compatible with keras, with the purpose to learn the framework better and perhaps in future offer some utils for others.
Stars: ✭ 18 (-93.5%)
Mutual labels:  lstm
Video Classification Cnn And Lstm
To classify video into various classes using keras library with tensorflow as back-end.
Stars: ✭ 218 (-21.3%)
Mutual labels:  lstm
LearningMetersPoems
Official repo of the article: Yousef, W. A., Ibrahime, O. M., Madbouly, T. M., & Mahmoud, M. A. (2019), "Learning meters of arabic and english poems with recurrent neural networks: a step forward for language understanding and synthesis", arXiv preprint arXiv:1905.05700
Stars: ✭ 18 (-93.5%)
Mutual labels:  lstm
vietnamese word seperate
Seperate vietnamese using lstm
Stars: ✭ 13 (-95.31%)
Mutual labels:  lstm
StatNLP-Framework
C++ based implementation of StatNLP framework
Stars: ✭ 17 (-93.86%)
Mutual labels:  crf
crf4j
a complete Java port of crfpp(crf++)
Stars: ✭ 30 (-89.17%)
Mutual labels:  crf
ScrambleTests
Running compostionality tests on InferSent embedding on SNLI
Stars: ✭ 16 (-94.22%)
Mutual labels:  rnn
deep-learning
Assignmends done for Udacity's Deep Learning MOOC with Vincent Vanhoucke
Stars: ✭ 94 (-66.06%)
Mutual labels:  recurrent-neural-networks
recurrent-defocus-deblurring-synth-dual-pixel
Reference github repository for the paper "Learning to Reduce Defocus Blur by Realistically Modeling Dual-Pixel Data". We propose a procedure to generate realistic DP data synthetically. Our synthesis approach mimics the optical image formation found on DP sensors and can be applied to virtual scenes rendered with standard computer software. Lev…
Stars: ✭ 30 (-89.17%)
Mutual labels:  recurrent-neural-networks
Easy Tensorflow
Simple and comprehensive tutorials in TensorFlow
Stars: ✭ 2,871 (+936.46%)
Mutual labels:  recurrent-neural-networks
Nagisa
A Japanese tokenizer based on recurrent neural networks
Stars: ✭ 260 (-6.14%)
Mutual labels:  sequence-labeling
captioning chainer
A fast implementation of Neural Image Caption by Chainer
Stars: ✭ 17 (-93.86%)
Mutual labels:  rnn
Customer-Feedback-Analysis
Multi Class Text (Feedback) Classification using CNN, GRU Network and pre trained Word2Vec embedding, word embeddings on TensorFlow.
Stars: ✭ 18 (-93.5%)
Mutual labels:  rnn
crfs-rs
Pure Rust port of CRFsuite: a fast implementation of Conditional Random Fields (CRFs)
Stars: ✭ 22 (-92.06%)
Mutual labels:  crf
crf-seg
crf-seg:用于生产环境的中文分词处理工具,可自定义语料、可自定义模型、架构清晰,分词效果好。java编写。
Stars: ✭ 13 (-95.31%)
Mutual labels:  crf
FARED for Anomaly Detection
Official source code of "Fast Adaptive RNN Encoder-Decoder for Anomaly Detection in SMD Assembly Machine"
Stars: ✭ 14 (-94.95%)
Mutual labels:  rnn
GAN-RNN Timeseries-imputation
Recurrent GAN for imputation of time series data. Implemented in TensorFlow 2 on Wikipedia Web Traffic Forecast dataset from Kaggle.
Stars: ✭ 107 (-61.37%)
Mutual labels:  rnn
Music-generation-cRNN-GAN
cRNN-GAN to generate music by training on instrumental music (midi)
Stars: ✭ 38 (-86.28%)
Mutual labels:  rnn
301-360 of 844 similar projects