Pinned Repositories
book
Book PDF
cnn-text-classification-tf
Convolutional Neural Network for Text Classification in Tensorflow
CommentsMining
用户评论标签挖掘
community
A Python implementation of Girvan-Newman community detection algorithm for weighted graphs
CommunityDetection
Implements of community detection algorithms
CTR_Prediction
CTR prediction using FM FFM and DeepFM
deep-recommender-system
深度学习在推荐系统中的应用及论文小结。
deep_learning-1
Basic Deep Learning
Deep_Matrix_Factorization_Models
Implementation of the "Deep Matrix Factorization Models for Recommender Systems"
zhaojunzuozjzfr's Repositories
zhaojunzuozjzfr/book
Book PDF
zhaojunzuozjzfr/cnn-text-classification-tf
Convolutional Neural Network for Text Classification in Tensorflow
zhaojunzuozjzfr/CTR_Prediction
CTR prediction using FM FFM and DeepFM
zhaojunzuozjzfr/deep-recommender-system
深度学习在推荐系统中的应用及论文小结。
zhaojunzuozjzfr/deep_learning-1
Basic Deep Learning
zhaojunzuozjzfr/DeepCF
DeepCF: A Unified Framework of Representation Learning and Matching Function Learning in Recommender System
zhaojunzuozjzfr/DeepMF
Deep Matrix Factorization models
zhaojunzuozjzfr/DeepMF-1
DeepMF: Deciphering the Latent Patterns in Omics Profiles with a Deep Learning Method
zhaojunzuozjzfr/DeepNeuralNetworksforYouTubeRecommendationsImpl
youtube video recommendation(generation 4)
zhaojunzuozjzfr/DIEN-pipline
DIEN-pipline implement
zhaojunzuozjzfr/Fast_Sentence_Embeddings
Compute Sentence Embeddings Fast!
zhaojunzuozjzfr/fastText
Library for fast text representation and classification.
zhaojunzuozjzfr/HanLP
自然语言处理 中文分词 词性标注 命名实体识别 依存句法分析 关键词提取 新词发现 短语提取 自动摘要 文本分类 拼音简繁
zhaojunzuozjzfr/HugeCTR
HugeCTR is a high efficiency GPU framework designed for Click-Through-Rate (CTR) estimating training
zhaojunzuozjzfr/lc-all-solutions
My own leetcode solutions by python
zhaojunzuozjzfr/machine_learning
机器学习、深度学习原理及实现
zhaojunzuozjzfr/neo4j-python-pandas-py2neo-v3
利用pandas将excel中数据抽取,以三元组形式加载到neo4j数据库中构建相关知识图谱
zhaojunzuozjzfr/Paperlist-for-Recommender-Systems
Recommender Systems Paperlist that I am interested in
zhaojunzuozjzfr/PyTorch-On-Angel
PyTorch On Angel, arming PyTorch with a powerful Parameter Server, which enable PyTorch to train very big models.
zhaojunzuozjzfr/Recommend-system
Douban Movies Recommendation based on FM \ NeuralFM \ LFM \ SVD++ and Tensorflow.
zhaojunzuozjzfr/sentence-similarity
对四种句子/文本相似度计算方法进行实验与比较
zhaojunzuozjzfr/simhash
A Python Implementation of Simhash Algorithm
zhaojunzuozjzfr/simhash-1
中文文档simhash值计算
zhaojunzuozjzfr/SparrowRecSys
A Deep Learning Recommender System
zhaojunzuozjzfr/Surprise
A Python scikit for building and analyzing recommender systems
zhaojunzuozjzfr/tensorflow-recommendation-wals
An end-to-end solution for website article recommendations based on Google Analytics data. Uses WALS matrix-factorization in TensorFlow, trained on Cloud ML Engine. Recommendations served with App Engine Flex and Cloud Endpoints. Orchestration is performed using Airflow on Cloud Composer. See the solution tutorials at:
zhaojunzuozjzfr/TensorFlow_RLRE
Reinforcement Learning for Relation Classification from Noisy Data(TensorFlow)
zhaojunzuozjzfr/tf-recsys
tf-recsys contains collaborative filtering (CF) model based on famous SVD and SVD++ algorithm. Both of them are implemented by tensorflow in order to utilize GPU acceleration.
zhaojunzuozjzfr/tfmesos
Tensorflow in Docker on Mesos #tfmesos #tensorflow #mesos
zhaojunzuozjzfr/tfmf
Collaborative Filtering Using Matrix Factorization in TensorFlow