tiingyu's repositories
SentimentAnalysis
文本情感分析
2018-CCL-UIIMCS
CCL2018中移在线客服领域用户意图分类冠军1st方案
AiLearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
bert
TensorFlow code and pre-trained models for BERT
cnn-text-classification-tf
Convolutional Neural Network for Text Classification in Tensorflow
HanLP
自然语言处理 中文分词 词性标注 命名实体识别 依存句法分析 新词发现 关键词短语提取 自动摘要 文本分类聚类 拼音简繁
Introduction-NLP
HanLP作者的新书《自然语言处理入门》详细笔记!业界良心之作,书中不是枯燥无味的公式罗列,而是用白话阐述的通俗易懂的算法模型。从基本概念出发,逐步介绍中文分词、词性标注、命名实体识别、信息抽取、文本聚类、文本分类、句法分析这几个热门问题的算法原理与工程实现。
kaggle_criteo_ctr_challenge-
This is a kaggle challenge project called Display Advertising Challenge by CriteoLabs at 2014.这是2014年由CriteoLabs在kaggle上发起的广告点击率预估挑战项目。
learning-nlp
nlp in action
learningPySpark
Code base for the Learning PySpark book (in preparation)
lihang_book_algorithm
致力于将李航博士《统计学习方法》一书中所有算法实现一遍
machinelearning
My blogs and code for machine learning. http://cnblogs.com/pinard
models
Models and examples built with TensorFlow
nerual_style_change
使用VGG19迁移学习实现图像风格迁移。
New-Word-Discovery
新词发现 基于词频、凝聚系数和左右邻接信息熵
NLP-BERT--ChineseVersion
谷歌自然语言处理模型BERT:论文解析与python代码
nlp_learning
结合python一起学习自然语言处理 (nlp): 语言模型、HMM、PCFG、Word2vec、完形填空式阅读理解任务、朴素贝叶斯分类器、TFIDF、PCA、SVD
OpenNE
An Open-Source Package for Network Embedding (NE)
pumpkin-book
《机器学习》(西瓜书)公式推导解析,在线阅读地址:https://datawhalechina.github.io/pumpkin-book
pyltp
pyltp: the python extension for LTP
Reducing-the-Dimensionality-of-Data-with-Neural-Networks
Implementation of G. E. Hinton and R. R. Salakhutdinov's Reducing the Dimensionality of Data with Neural Networks (Tensorflow)
tensorflow
An Open Source Machine Learning Framework for Everyone
text-classification-cnn-rnn
CNN-RNN中文文本分类,基于TensorFlow
THULAC-Python
An Efficient Lexical Analyzer for Chinese
tianchi-IJCAI-18
阿里妈妈搜索广告转化预测
torch-light
Deep-learning by using Pytorch. Basic nns like Logistic, CNN, RNN, LSTM and some examples are implemented by complex model.
wide_deep
Wide and Deep Learning for CTR Prediction in tensorflow
wide_n_deep
wide&deep
yiguan_sex_age_predict_1st_solution
易观性别年龄预测第一名解决方案