Pinned Repositories
acl17-handbook
ACL 2017 conference handbook
AnyQ
FAQ-based Question Answering System
articlelist
article collections for some topics about machine learning/deep learning
Awesome-Incremental-Learning
Awesome Incremental Learning
bert
TensorFlow code and pre-trained models for BERT
BERT-of-Theseus
⛵️The official PyTorch implementation for "BERT-of-Theseus: Compressing BERT by Progressive Module Replacing" (EMNLP 2020).
bert4keras
keras implement of transformers for humans
bi-lstm-segment
use bi-lstm in Chinese segment
BiMPM
BiMPM: Bilateral Multi-Perspective Matching for Natural Language Sentences
knowledgeDistillation-1
知识蒸馏的小例子
BinKes's Repositories
BinKes/bi-lstm-segment
use bi-lstm in Chinese segment
BinKes/BiMPM
BiMPM: Bilateral Multi-Perspective Matching for Natural Language Sentences
BinKes/CapsNet-Tensorflow
A Tensorflow implementation of CapsNet(Capsules Net) in Hinton's paper Dynamic Routing Between Capsules
BinKes/chinese-ocr
运用tensorflow实现自然场景文字检测,keras/pytorch实现crnn+ctc实现不定长中文OCR识别
BinKes/ChineseWordSegment
Tensorflow Implements Chinese Word Segment use LSTM+CRF and Dilated CNN+CRF
BinKes/cs224d_nlp_problem_set2
second problem set code of cs224d NLP of stanford class
BinKes/deep-ed
Source code for the EMNLP'17 paper "Deep Joint Entity Disambiguation with Local Neural Attention", https://arxiv.org/abs/1704.04920
BinKes/Deep-Learning-Papers-Reading-Roadmap
Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech!
BinKes/Dialog_Corpus
用于训练中英文对话系统的语料库 Datasets for Training Chatbot System
BinKes/docker-example
BinKes/ESIM
Implementation of the ESIM model for natural language inference with Keras
BinKes/insuranceqa-corpus-zh
OpenData in insurance area for Machine Learning Tasks
BinKes/InsuranceQA_zh
InsuranceQA models for Chinese corpus in insurance fields.
BinKes/jieba
结巴中文分词
BinKes/machine-learning
my machine-learning tutorial
BinKes/machine-learning-tasks
Machine Learning Tasks. 该仓库将逐步添加各种常用机器学习基础算法及例子
BinKes/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
BinKes/medical_ner_crfsuite
基于条件随机场的医疗电子病例的命名实体识别
BinKes/mysources
my sources
BinKes/Notes
my notes
BinKes/oldnyc
Mapping photos of Old New York
BinKes/practical_seq2seq
A simple, minimal wrapper for tensorflow's seq2seq module, for experimenting with datasets rapidly
BinKes/pyocr
A Python wrapper for Tesseract and Cuneiform
BinKes/Recurrent-Convolutional-Neural-Network-Text-Classifier
My (slightly modified) Keras implementation of the Recurrent Convolutional Neural Network (RCNN) described here: http://www.aaai.org/ocs/index.php/AAAI/AAAI15/paper/view/9745.
BinKes/sequence-labeling-BiLSTM-CRF
BiLSTM-CRF joint model for tasks like sequence labeling using char/word level embeddings in Tensorflow
BinKes/tagger
Named Entity Recognition Tool
BinKes/Textclassification
several methods for text classification
BinKes/tf-vgg16-image-classifition
tf vgg16 image classifition
BinKes/useful_codes
BinKes/zh-NER-TF
A simple BiLSTM-CRF model for Chinese Named Entity Recognition 中文命名实体识别 (TensorFlow)