Pinned Repositories
BLSTM-1
blstm-cws
blstm-cws : Bi-directional LSTM for Chinese Word Segmentation
kaldi-readers-for-tensorflow
readers that enable reading kaldi ark in tensorflow
listen-attend-and-walk
Code for converting natural language instructions into its corresponding action sequence.
listen-attend-spell
Code for converting speech data into text using encoder-decoder model.
neural-wsd-rnn
python_kaldi_edit_distance
python wrappers of the edit_distance functions of Kaldi-ASR
RNN-Tagger
Bidirectional LSTM-RNN for POS tagger in tensorflow
scikitFlowDemo
Demo of Sci-Kit Learn classes and custom classes
tf-adaptive-softmax-lstm-lm
The experiment result of LSTM language models on PTB (Penn Treebank) and GBW (Google Billion Word) using AdaptiveSoftmax on TensorFlow.
pikaliov's Repositories
pikaliov/kaldi-readers-for-tensorflow
readers that enable reading kaldi ark in tensorflow
pikaliov/python_kaldi_edit_distance
python wrappers of the edit_distance functions of Kaldi-ASR
pikaliov/ABiViRNet
Attention Bidirectional Video Recurrent Net
pikaliov/awd-lstm-lm
pikaliov/bidirectional-LSTM-for-text-classification
build a pytorch framework for sentiment analysis (SemEval2016)
pikaliov/bilstm-aux
Bidirectional Long-Short Term Memory tagger (bi-LSTM) (in DyNet) -- hierarchical (with word and character embeddings)
pikaliov/BLSTM-NER
TF Implementation of a NER Tagging system using BLSTMs
pikaliov/char_rnn_lm_zh
language model in Chinese,基于Pytorch官方文档实现
pikaliov/CNN-text-classification-keras
Text Classification by Convolutional Neural Network in Keras
pikaliov/DeepLearningNLP
Natural Language Processing Crash Course -from Jason Brownlee's blog: https://machinelearningmastery.com/crash-course-deep-learning-natural-language-processing/
pikaliov/GloVe
GloVe model for distributed word representation
pikaliov/keras-text
Text Classification Library in Keras
pikaliov/lstm-context-embeddings
Augmenting word embeddings with their surrounding context using bidirectional RNN
pikaliov/LSTM-LM
Language model using LSTMs in tensorflow, trained on TV shows scipts.
pikaliov/LSTM-Shortcuts-in-ConvNet
Some simple tests for different bidirectional LSTM-layer shortcuts among convolutional layers in MNIST classification problem.
pikaliov/MNIST-digit-sequence-recognition
A pytorch implementation of CNN+BLSTM+CTC to recognize MNIST digit sequence
pikaliov/natural_language_understanding
Natural Language Understanding with bidirectional LSTM
pikaliov/ner-lstm-crf
Code for Named Entity Recognition using Deep Bidirectional LSTM(Char and Word Level Embedding) + HighWay Layer + CRF
pikaliov/NER_bLSTM-CRF
LSTM-CRF for NER with ConLL-2002 dataset
pikaliov/polyvore
Code for ACM MM'17 paper "Learning Fashion Compatibility with Bidirectional LSTMs"
pikaliov/pymorphy2
Morphological analyzer / inflection engine for Russian and Ukrainian languages.
pikaliov/pytorch-bidirectional-lstm
pikaliov/pyTorch-RNNbase
RNN
pikaliov/rotating-proxy-python
Python script for rotation through Proxy Servers
pikaliov/silvius
Kaldi-based speech recognition system + grammar
pikaliov/supervisely-tutorials
🌈 Tutorials for Supervise.ly
pikaliov/TensorFlow-1
Hands-On Machine Learning with Scikit-Learn and TensorFlow
pikaliov/tensorflow_ner
tensorflow implementation of CNN+BLSTM+CRF model for entity recognition
pikaliov/textClassifier
Text classifier for Hierarchical Attention Networks for Document Classification
pikaliov/word2vec
Python interface to Google word2vec