All Projects → Char_rnn_lm_zh → Similar Projects or Alternatives

1012 Open source projects that are alternatives of or similar to Char_rnn_lm_zh

Char Rnn Chinese
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch. Based on code of https://github.com/karpathy/char-rnn. Support Chinese and other things.
Stars: ✭ 192 (+236.84%)
Mutual labels:  chinese, lstm, rnn, language-model
Chinese-Word-Segmentation-in-NLP
State of the art Chinese Word Segmentation with Bi-LSTMs
Stars: ✭ 23 (-59.65%)
Mutual labels:  lstm, chinese, language-model
question-pair
A siamese LSTM to detect sentence/question pairs.
Stars: ✭ 25 (-56.14%)
Mutual labels:  lstm, rnn
Pytorch-POS-Tagger
Part-of-Speech Tagger and custom implementations of LSTM, GRU and Vanilla RNN
Stars: ✭ 24 (-57.89%)
Mutual labels:  lstm, rnn
Time Attention
Implementation of RNN for Time Series prediction from the paper https://arxiv.org/abs/1704.02971
Stars: ✭ 52 (-8.77%)
Mutual labels:  lstm, rnn
lstm-electric-load-forecast
Electric load forecast using Long-Short-Term-Memory (LSTM) recurrent neural network
Stars: ✭ 56 (-1.75%)
Mutual labels:  lstm, rnn
myDL
Deep Learning
Stars: ✭ 18 (-68.42%)
Mutual labels:  lstm, rnn
totally humans
rnn trained on r/totallynotrobots 🤖
Stars: ✭ 23 (-59.65%)
Mutual labels:  lstm, rnn
tiny-rnn
Lightweight C++11 library for building deep recurrent neural networks
Stars: ✭ 41 (-28.07%)
Mutual labels:  lstm, rnn
Basicocr
BasicOCR是一个致力于解决自然场景文字识别算法研究的项目。该项目由长城数字大数据应用技术研究院佟派AI团队发起和维护。
Stars: ✭ 336 (+489.47%)
Mutual labels:  lstm, rnn
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+852.63%)
Mutual labels:  lstm, rnn
Telemanom
A framework for using LSTMs to detect anomalies in multivariate time series data. Includes spacecraft anomaly data and experiments from the Mars Science Laboratory and SMAP missions.
Stars: ✭ 589 (+933.33%)
Mutual labels:  lstm, rnn
SpeakerDiarization RNN CNN LSTM
Speaker Diarization is the problem of separating speakers in an audio. There could be any number of speakers and final result should state when speaker starts and ends. In this project, we analyze given audio file with 2 channels and 2 speakers (on separate channels).
Stars: ✭ 56 (-1.75%)
Mutual labels:  lstm, rnn
chainer-notebooks
Jupyter notebooks for Chainer hands-on
Stars: ✭ 23 (-59.65%)
Mutual labels:  rnn, language-model
ConvLSTM-PyTorch
ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST
Stars: ✭ 202 (+254.39%)
Mutual labels:  lstm, rnn
theano-recurrence
Recurrent Neural Networks (RNN, GRU, LSTM) and their Bidirectional versions (BiRNN, BiGRU, BiLSTM) for word & character level language modelling in Theano
Stars: ✭ 40 (-29.82%)
Mutual labels:  lstm, rnn
Dense BiLSTM
Tensorflow Implementation of Densely Connected Bidirectional LSTM with Applications to Sentence Classification
Stars: ✭ 48 (-15.79%)
Mutual labels:  lstm, rnn
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (-47.37%)
Mutual labels:  lstm, rnn
Boilerplate Dynet Rnn Lm
Boilerplate code for quickly getting set up to run language modeling experiments
Stars: ✭ 37 (-35.09%)
Mutual labels:  rnn, language-model
deep-improvisation
Easy-to-use Deep LSTM Neural Network to generate song sounds like containing improvisation.
Stars: ✭ 53 (-7.02%)
Mutual labels:  lstm, rnn
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-40.35%)
Mutual labels:  lstm, rnn
Unet Zoo
A collection of UNet and hybrid architectures in PyTorch for 2D and 3D Biomedical Image segmentation
Stars: ✭ 302 (+429.82%)
Mutual labels:  lstm, rnn
Rnn Theano
使用Theano实现的一些RNN代码,包括最基本的RNN,LSTM,以及部分Attention模型,如论文MLSTM等
Stars: ✭ 31 (-45.61%)
Mutual labels:  lstm, rnn
Text Classification Cnn Rnn
CNN-RNN中文文本分类,基于TensorFlow
Stars: ✭ 3,613 (+6238.6%)
Mutual labels:  chinese, rnn
Seq2seq Chatbot
Chatbot in 200 lines of code using TensorLayer
Stars: ✭ 777 (+1263.16%)
Mutual labels:  lstm, rnn
Chinese Electra
Pre-trained Chinese ELECTRA(中文ELECTRA预训练模型)
Stars: ✭ 830 (+1356.14%)
Mutual labels:  chinese, language-model
Deep Music Genre Classification
🎵 Using Deep Learning to Categorize Music as Time Progresses Through Spectrogram Analysis
Stars: ✭ 23 (-59.65%)
Mutual labels:  lstm, rnn
air writing
Online Hand Writing Recognition using BLSTM
Stars: ✭ 26 (-54.39%)
Mutual labels:  lstm, rnn
novel writer
Train LSTM to writer novel (HongLouMeng here) in Pytorch.
Stars: ✭ 14 (-75.44%)
Mutual labels:  lstm, rnn
sequence-rnn-py
Sequence analyzing using Recurrent Neural Networks (RNN) based on Keras
Stars: ✭ 28 (-50.88%)
Mutual labels:  lstm, rnn
Text-Generate-RNN
中国古诗生成(文本生成)
Stars: ✭ 106 (+85.96%)
Mutual labels:  rnn, chinese
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (-24.56%)
Mutual labels:  lstm, rnn
Speech-Recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Stars: ✭ 21 (-63.16%)
Mutual labels:  lstm, rnn
Base-On-Relation-Method-Extract-News-DA-RNN-Model-For-Stock-Prediction--Pytorch
基於關聯式新聞提取方法之雙階段注意力機制模型用於股票預測
Stars: ✭ 33 (-42.11%)
Mutual labels:  lstm, rnn
LM-CNLC
Chinese Natural Language Correction via Language Model
Stars: ✭ 15 (-73.68%)
Mutual labels:  chinese, language-model
Sequence-Models-coursera
Sequence Models by Andrew Ng on Coursera. Programming Assignments and Quiz Solutions.
Stars: ✭ 53 (-7.02%)
Mutual labels:  lstm, rnn
rnn2d
CPU and GPU implementations of some 2D RNN layers
Stars: ✭ 26 (-54.39%)
Mutual labels:  lstm, rnn
time-series-forecasting-tensorflowjs
Pull stock prices from online API and perform predictions using Long Short Term Memory (LSTM) with TensorFlow.js framework
Stars: ✭ 96 (+68.42%)
Mutual labels:  lstm, rnn
medical-diagnosis-cnn-rnn-rcnn
分别使用rnn/cnn/rcnn来实现根据患者描述,进行疾病诊断
Stars: ✭ 39 (-31.58%)
Mutual labels:  lstm, rnn
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-14.04%)
Mutual labels:  lstm, rnn
hcn
Hybrid Code Networks https://arxiv.org/abs/1702.03274
Stars: ✭ 81 (+42.11%)
Mutual labels:  lstm, rnn
Paper-Implementation-DSTP-RNN-For-Stock-Prediction-Based-On-DA-RNN
基於DA-RNN之DSTP-RNN論文試做(Ver1.0)
Stars: ✭ 62 (+8.77%)
Mutual labels:  lstm, rnn
Rnn Notebooks
RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)
Stars: ✭ 48 (-15.79%)
Mutual labels:  lstm, rnn
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 (+385.96%)
Mutual labels:  lstm, rnn
Tensorflow poems
中文古诗自动作诗机器人,屌炸天,基于tensorflow1.10 api,正在积极维护升级中,快star,保持更新!
Stars: ✭ 3,429 (+5915.79%)
Mutual labels:  lstm, rnn
Deeplearning.ai Assignments
Stars: ✭ 268 (+370.18%)
Mutual labels:  lstm, rnn
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+543.86%)
Mutual labels:  lstm, rnn
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+505.26%)
Mutual labels:  lstm, rnn
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:  lstm, rnn
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 (+5063.16%)
Mutual labels:  lstm, rnn
Lightnlp
基于Pytorch和torchtext的自然语言处理深度学习框架。
Stars: ✭ 739 (+1196.49%)
Mutual labels:  chinese, language-model
Nlp chinese corpus
大规模中文自然语言处理语料 Large Scale Chinese Corpus for NLP
Stars: ✭ 6,656 (+11577.19%)
Mutual labels:  chinese, language-model
Lstm peptides
Long short-term memory recurrent neural networks for learning peptide and protein sequences to later design new, similar examples.
Stars: ✭ 30 (-47.37%)
Mutual labels:  lstm, rnn
Stockpriceprediction
Stock Price Prediction using Machine Learning Techniques
Stars: ✭ 700 (+1128.07%)
Mutual labels:  lstm, rnn
Lstm Sentiment Analysis
Sentiment Analysis with LSTMs in Tensorflow
Stars: ✭ 886 (+1454.39%)
Mutual labels:  lstm, rnn
EBIM-NLI
Enhanced BiLSTM Inference Model for Natural Language Inference
Stars: ✭ 24 (-57.89%)
Mutual labels:  lstm, rnn
ArrayLSTM
GPU/CPU (CUDA) Implementation of "Recurrent Memory Array Structures", Simple RNN, LSTM, Array LSTM..
Stars: ✭ 21 (-63.16%)
Mutual labels:  lstm, rnn
sgrnn
Tensorflow implementation of Synthetic Gradient for RNN (LSTM)
Stars: ✭ 40 (-29.82%)
Mutual labels:  lstm, rnn
Ad examples
A collection of anomaly detection methods (iid/point-based, graph and time series) including active learning for anomaly detection/discovery, bayesian rule-mining, description for diversity/explanation/interpretability. Analysis of incorporating label feedback with ensemble and tree-based detectors. Includes adversarial attacks with Graph Convolutional Network.
Stars: ✭ 641 (+1024.56%)
Mutual labels:  lstm, rnn
Spago
Self-contained Machine Learning and Natural Language Processing library in Go
Stars: ✭ 854 (+1398.25%)
Mutual labels:  lstm, language-model
1-60 of 1012 similar projects