Pinned Repositories
AdaptiveSoftmax
This is an implement of Adaptive Softmax with pytorch.
adaptivesoftmax_torch
adaptive softmax implemented by torch
attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
awesome-machine-learning-cn
机器学习资源大全中文版,包括机器学习领域的框架、库以及软件
benchmark
benchmark profiling
bilbowa
Open-source implementation of the BilBOWA (Bilingual Bag-of-Words without Alignments) word embedding model.
bivec
Train bilingual embeddings as described in our NAACL 2015 workshop paper "Bilingual Word Representations with Monolingual Quality in Mind". Besides, it has all the functionalities of word2vec with added features and code clarity. See README for more info.
chinese_ocr
CTPN + DenseNet + CTC based end-to-end Chinese OCR implemented using tensorflow and keras
chineseocr
yolo3+ocr
xflow_demo
Distributed training model(LR, FM) demo using ps-lite. FTRL and SGD Optimization Algorithm.
peterzhang2029's Repositories
peterzhang2029/xflow_demo
Distributed training model(LR, FM) demo using ps-lite. FTRL and SGD Optimization Algorithm.
peterzhang2029/adaptivesoftmax_torch
adaptive softmax implemented by torch
peterzhang2029/AdaptiveSoftmax
This is an implement of Adaptive Softmax with pytorch.
peterzhang2029/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
peterzhang2029/awesome-machine-learning-cn
机器学习资源大全中文版,包括机器学习领域的框架、库以及软件
peterzhang2029/benchmark
benchmark profiling
peterzhang2029/chinese_ocr
CTPN + DenseNet + CTC based end-to-end Chinese OCR implemented using tensorflow and keras
peterzhang2029/chineseocr
yolo3+ocr
peterzhang2029/hamaa
Hamaa: a Simple and Naive Deep Learning library.
peterzhang2029/k-vim
vim配置
peterzhang2029/karpathy.github.io
my blog
peterzhang2029/Language-Modeling-GatedCNN
Tensorflow implementation of "Language Modeling with Gated Convolutional Networks"
peterzhang2029/LightGBM
A fast, distributed, high performance gradient boosting (GBDT, GBRT, GBM or MART) framework based on decision tree algorithms, used for ranking, classification and many other machine learning tasks. It is under the umbrella of the DMTK(http://github.com/microsoft/dmtk) project of Microsoft.
peterzhang2029/MachineLearning
This project contain some machine learning algrithm demo.Maybe the code is also useful to you.
peterzhang2029/models
Model configurations
peterzhang2029/mxnet
Lightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Go, and more
peterzhang2029/NAMAS
Neural Attention Model for Abstractive Summarization
peterzhang2029/neural-network-papers
peterzhang2029/neural-style
Torch implementation of neural style algorithm
peterzhang2029/OpenNMT-py
Open Source Neural Machine Translation in PyTorch
peterzhang2029/Paddle
PArallel Distributed Deep LEarning
peterzhang2029/peterzhang2029.github.io
peterzhang2029/profiling
word2vec profiling of paddlepaddle Fluid
peterzhang2029/rnn-theano
RNN(LSTM, GRU) in Theano with mini-batch training; character-level language models in Theano
peterzhang2029/seq2seq-attn
Sequence-to-sequence model with LSTM encoder/decoders and attention
peterzhang2029/skip-thoughts
Sent2Vec encoder and training code from the paper "Skip-Thought Vectors"
peterzhang2029/state-of-the-art-result-for-machine-learning-problems
This repository provides state of the art (SoTA) results for all machine learning problems. We do our best to keep this repository up to date. If you do find a problem's SoTA result is out of date or missing, please raise this as an issue or submit Google form (with this information: research paper name, dataset, metric, source code and year). We will fix it immediately.
peterzhang2029/Tensorflow_implementation
peterzhang2029/TextRank4ZH
:deciduous_tree:从中文文本中自动提取关键词和摘要
peterzhang2029/tiny-dnn
header only, dependency-free deep learning framework in C++14