Pinned Repositories
causalml
Uplift modeling and causal inference with machine learning algorithms
12306
12306智能刷票,订票
cnn-svm-chinese-text-classification
deepnlp
Deep Learning NLP Pipeline implemented on Tensorflow
espnet
End-to-End Speech Processing Toolkit
kaldi-aslp
LSTM-CRF-For-Named-Entity-Recognition
nlp_chinese_corpus
大规模中文自然语言处理语料 Large Scale Chinese Corpus for NLP
pytorch-book
PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation
seq2seq-chinese-textsum
zpppy's Repositories
zpppy/deepnlp
Deep Learning NLP Pipeline implemented on Tensorflow
zpppy/MachineLearning
Machine learning resources
zpppy/char-rnn
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch
zpppy/compare
compare embedding
zpppy/conlleval.py
Python version of the evaluation script from CoNLL'00-
zpppy/corpusZh
一个中文的已标注词性的语料库
zpppy/crf
Simple implementation of Conditional Random Fields (CRF) in Python
zpppy/DCGAN-tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
zpppy/deeplearningbook-chinese
Deep Learning Book Chinese Translation
zpppy/dgk_lost_conv
dgk_lost_conv 中文对白语料 chinese conversation corpus
zpppy/fnlp
中文自然语言处理工具包 Toolkit for Chinese natural language processing
zpppy/gan-intro
zpppy/ganhacks
starter from "How to Train a GAN?" at NIPS2016
zpppy/genadv_tutorial
TensorFlow tutorial on Generative Adversarial Models
zpppy/google.vim
Indent file for Google C++ Coding Style
zpppy/improved-gan
code for the paper "Improved Techniques for Training GANs"
zpppy/jieba
结巴中文分词
zpppy/kaldi-lstm
C++ implementation of LSTM (Long Short Term Memory), in Kaldi's nnet1 framework. Used for automatic speech recognition, possibly language modeling etc, the training can be switched between CPU and GPU(CUDA). This repo is now merged into official Kaldi codebase(Karel's setup), so this repo is no longer maintained, please check out the Kaldi project instead.
zpppy/keras
Deep Learning library for Python. Convnets, recurrent neural networks, and more. Runs on Theano and TensorFlow.
zpppy/keras-cn
Chinese keras documents with more examples, explanations and tips.
zpppy/multi-class-text-classification-cnn
Classify Kaggle Consumer Finance Complaints into 11 classes. Build the model with CNN (Convolutional Neural Network) and Word Embeddings on Tensorflow.
zpppy/neuraltalk
NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences.
zpppy/simple-neural-network
A simple Python script showing how the backpropagation algorithm works.
zpppy/tensorflow
Computation using data flow graphs for scalable machine learning
zpppy/TensorFlow-and-DeepLearning-Tutorial
TensorFlow & Deep Learning Tutorial
zpppy/Tensorflow-Tutorial
Some interesting TensorFlow tutorials for beginners.
zpppy/tensorflow-zh
谷歌全新开源人工智能系统TensorFlow官方文档中文版
zpppy/tensorflow_examples
TensorFlow Example Projects
zpppy/transformer
A TensorFlow Implementation of the Transformer: Attention Is All You Need