Pinned Repositories
Ad-papers
Papers on Computational Advertising
AutoAugment
Unofficial implementation of the ImageNet, CIFAR 10 and SVHN Augmentation Policies learned by AutoAugment using pillow
AutoFIS
AutoFIS: Automatic Feature Interaction Selection in Factorization Models for Click-Through Rate Prediction
Awesome-Deep-Learning-Papers-for-Search-Recommendation-Advertising
Awesome Deep Learning papers for industrial Search, Recommendation and Advertising. They focus on Embedding, Matching, Ranking (CTR and CVR prediction), Post Ranking, Multi-task Learning, Graph Neural Networks, Transfer Learning, Reinforcement Learning, Self-supervised Learning and so on.
awesome-fashion-ai
A repository to curate and summarise research papers related to fashion and e-commerce
Awesome-pytorch-list
A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
Awesome-RecSystem-Models
Implements of Awesome RecSystem Models with PyTorch/TF2.0
batch-feature-erasing-network
Official source code of Batch Feature Erasing for Person Re-identification and Beyond
CamStyle
Camera Style Adaptation for Person Re-identification CVPR 2018
CaptainBlackboard
船长关于机器学习、计算机视觉和工程技术的总结和分享
xjdupeng's Repositories
xjdupeng/CaptainBlackboard
船长关于机器学习、计算机视觉和工程技术的总结和分享
xjdupeng/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
xjdupeng/zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
xjdupeng/fashion_compatibility_mcn
Outfit Compatibility Prediction and Diagnosis with Multi-Layered Comparison Network
xjdupeng/DeepRec
推荐、广告工业界经典以及最前沿的论文、资料集合/ Must-read Papers on Recommendation System and CTR Prediction
xjdupeng/Deep-Learning-for-Recommendation-Systems
This repository contains Deep Learning based articles , paper and repositories for Recommender Systems
xjdupeng/OpenNE
An Open-Source Package for Network Embedding (NE)
xjdupeng/Learning-Similarity-Conditions
xjdupeng/RecommenderSystems
xjdupeng/tf-estimator-tutorials
This repository includes tutorials on how to use the TensorFlow estimator APIs to perform various ML tasks, in a systematic and standardised way
xjdupeng/tensorboardX
tensorboard for pytorch (and chainer, mxnet, numpy, ...)
xjdupeng/mmfashion
Open-source toolbox for visual fashion analysis based on PyTorch
xjdupeng/Awesome-RecSystem-Models
Implements of Awesome RecSystem Models with PyTorch/TF2.0
xjdupeng/pytorch-tutorial
PyTorch Tutorial for Deep Learning Researchers
xjdupeng/prediction-flow
Deep-Learning based CTR models implemented by PyTorch
xjdupeng/pytorch-fm
Factorization Machine models in PyTorch
xjdupeng/DeepCTR-Torch
【PyTorch】Easy-to-use,Modular and Extendible package of deep-learning based CTR models.
xjdupeng/RecSys2019_DeepLearning_Evaluation
This is the repository of our article published in RecSys 2019 "Are We Really Making Much Progress? A Worrying Analysis of Recent Neural Recommendation Approaches"
xjdupeng/DeepRec-1
An Open-source Toolkit for Deep Learning based Recommendation with Tensorflow.
xjdupeng/spotlight
Deep recommender models using PyTorch.
xjdupeng/x-deeplearning
An industrial deep learning framework for high-dimension sparse data
xjdupeng/awesome-fashion-ai
A repository to curate and summarise research papers related to fashion and e-commerce
xjdupeng/lightfm
A Python implementation of LightFM, a hybrid recommendation algorithm.
xjdupeng/GraphEmbedding
Implementation and experiments of graph embedding algorithms.deep walk,LINE(Large-scale Information Network Embedding),node2vec,SDNE(Structural Deep Network Embedding),struc2vec
xjdupeng/DeepGBM
Implementation for the paper "DeepGBM: A Deep Learning Framework Distilled by GBDT for Online Prediction Tasks", which has been accepted by KDD'2019.
xjdupeng/dlrm
An implementation of a deep learning recommendation model (DLRM)
xjdupeng/xlearn
High performance, easy-to-use, and scalable machine learning (ML) package, including linear model (LR), factorization machines (FM), and field-aware factorization machines (FFM) for Python and CLI interface.
xjdupeng/tensorflow_practice
tensorflow实战练习,包括强化学习、推荐系统、nlp等
xjdupeng/product-nets
Tensorflow implementation of Product-based Neural Networks. An extended version is at https://github.com/Atomu2014/product-nets-distributed.
xjdupeng/deeplearning-models
A collection of various deep learning architectures, models, and tips