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/blstm-cws
blstm-cws : Bi-directional LSTM for Chinese Word Segmentation
pikaliov/listen-attend-spell
Code for converting speech data into text using encoder-decoder model.
pikaliov/bi_lstm_ocr
OCR engine that uses 3 layers of bidirectional lstms. Inspired by https://github.com/ilovin/lstm_ctc_ocr/tree/master
pikaliov/BiLSTM-POS-Tagging
Part of Speech tagging using Bidirectional Long Short Term Memory (LSTM).
pikaliov/bpemb
Pre-trained subword embeddings in 275 languages, based on Byte-Pair Encoding (BPE)
pikaliov/deep-learning-with-python-cn
Deep Learning with Python 中文翻译
pikaliov/Duplicate-Question-Detection
Determining semantic equivalence between pairs of questions using Deep Learning (Siamese Bidirectional Lstm) on a dataset released by Quora
pikaliov/Exploiting-BiLSTM-for-Proper-Word-Choice
Code and resources for training Bidirectional LSTM model, to supoort correct and sound writing for ESL learners
pikaliov/Hands-On-Machine-Learning-with-ScikitLearn-and-TensorFlow
pikaliov/imdb-lstm-bidir
Bidirectional stacked LSTM for sentiment analysis on imdb dataset
pikaliov/kaldi-asr
This is a repository for the source of the kaldi-asr website.
pikaliov/kaldi-for-russian
pikaliov/keras-kaldi
Keras Interface for Kaldi ASR
pikaliov/lm1b
Tensorflow Implementation of Jozefowicz et al's Char-CNN / LSTM / Billion Word Language Model
pikaliov/Longsword-Stance-Model-Training
Longsword Stance Model Training Working demo: https://www.youtube.com/watch?v=v7hvOyPQ0EM Longsword Stance Model Training: Deep Learning model & training python scripts. The model is genenerated with Keras, as a multivariate Bidirectional Long-Short Term Memory (LSTM) network, for classification of longsword movement gestures. Softmax is being used as the activation function and sparse-categorical cross-entropy on the final dense layer
pikaliov/Longsword-Stance-RESTful-Service
Longsword Stance RESTful Service Working demo: https://www.youtube.com/watch?v=v7hvOyPQ0EM Longsword Stance RESTful Service: Invokes prediction results with real-time multivariate time series data. Using Flask and python, the pre-trained bidirectional LSTM deep learning model is loaded to memory. RESTful post request containing real-time rows of IMU data can be used to classify the longsword movement stance. Information on the classification confidence and execution time in milliseconds is also provided.
pikaliov/ML_Scikit_TensorFlow-1
pikaliov/msk-redefining-cancer-treatment
Bidirectional LSTM stacked with Xgboost
pikaliov/ner-lstm
Named Entity Recognition using multilayered bidirectional LSTM
pikaliov/notebooks
collection of iPython notebooks
pikaliov/NSC
Neural Sentiment Classification
pikaliov/PTB-NN-LM
Language model on the Penn Treebank (PTB) data using LSTM based RNNs.
pikaliov/rnn-char-lm
Tensorflow implementation of a lstm-based character-level language model.
pikaliov/rnnlm-mikolov
pikaliov/rnnmorph
Морфологический анализатор на основе нейронных сетей и pymorphy2
pikaliov/spych
Scripts/Tools used for working with automatic speech recognition.
pikaliov/subword-lstm-lm
LSTM Language Model with Subword Units Input Representations
pikaliov/tf-bilstm-to-coreml
Python program to convert a Tensorflow bidirectional LSTM + CTC loss layer to a CoreML model.
pikaliov/tf_examples
TensorFlow and Scikit Flow examples
pikaliov/theano-kaldi
Bunch of scripts for working with Kaldi.