Pinned Repositories
AdversarialNetsPapers
The classical papers and codes about generative adversarial nets
Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
bingo
毕业设计,简单的全文搜索引擎.
ccf2016_sougou
ccf2016 sougou final winner solution
chainer-DCGAN
Chainer implementation of Deep Convolutional Generative Adversarial Network
char-rnn
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch
Chinese-Text-Classification-Pytorch
中文文本分类,TextCNN,TextRNN,FastText,TextRCNN,BiLSTM_Attention,DPCNN,Transformer,基于pytorch,开箱即用。
datamining
learn in datamining
DCGAN-tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
DeepLearningPractice2017
大连理工大学信息检索研究室2017深度学习实践培训内容
kaijyunL's Repositories
kaijyunL/AdversarialNetsPapers
The classical papers and codes about generative adversarial nets
kaijyunL/Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
kaijyunL/bingo
毕业设计,简单的全文搜索引擎.
kaijyunL/ccf2016_sougou
ccf2016 sougou final winner solution
kaijyunL/chainer-DCGAN
Chainer implementation of Deep Convolutional Generative Adversarial Network
kaijyunL/char-rnn
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch
kaijyunL/Chinese-Text-Classification-Pytorch
中文文本分类,TextCNN,TextRNN,FastText,TextRCNN,BiLSTM_Attention,DPCNN,Transformer,基于pytorch,开箱即用。
kaijyunL/datamining
learn in datamining
kaijyunL/DCGAN-tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
kaijyunL/DeepLearningPractice2017
大连理工大学信息检索研究室2017深度学习实践培训内容
kaijyunL/fanqiang
翻墙-科学上网
kaijyunL/GroundHog
Library for implementing RNNs with Theano
kaijyunL/Neural-Dialogue-Generation
kaijyunL/pkulaw_spider
爬取北大法宝网http://www.pkulaw.cn/Case/的法律文书(law documents),按月爬取,总计约2000w篇法律文档,仅供研究使用。
kaijyunL/project_pjx
Python分布式爬虫打造搜索引擎
kaijyunL/PSpider
simple python spider frame, simple python crawler frame
kaijyunL/pytorch-pretrained-BERT
A PyTorch implementation of Google AI's BERT model provided with Google's pre-trained models, examples and utilities.
kaijyunL/SearchEngine
简单搜索引擎例子
kaijyunL/SeqGAN
Implementation of Sequence Generative Adversarial Nets with Policy Gradient
kaijyunL/simpler_glove
A Simpler GloVe model for distributed word representation
kaijyunL/TextInfoExp
自然语言处理相关实验(基于sougou数据集),包含文本特征提取(TF-IDF),文本分类,文本聚类,word2vec训练词向量及同义词词林中文词语相似度计算、文档自动摘要,信息抽取,情感分析与观点挖掘等。
kaijyunL/transformer
A TensorFlow Implementation of the Transformer: Attention Is All You Need
kaijyunL/Wind-Speed-Analysis
An elegant probability model for the joint distribution of wind speed and direction.
kaijyunL/word2gm
Word to Gaussian Mixture Model
kaijyunL/zh-NER-TF
A simple BiLSTM-CRF model for Chinese Named Entity Recognition task