Pinned Repositories
Adversarial_Autoencoder
A wizard's guide to Adversarial Autoencoders
AnyQ
FAQ-based Question Answering System
AROPE
This is a sample implementation of "Arbitrary-Order Proximity Preserved Network Embedding"(KDD 2018).
CAIL
cnn_graph
Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering
cppjieba
"结巴"中文分词的C++版本
mp2v_eval
Metapath2vec evaluation
xuyou314's Repositories
xuyou314/CAIL
xuyou314/mp2v_eval
Metapath2vec evaluation
xuyou314/AnyQ
FAQ-based Question Answering System
xuyou314/deep_gcns_torch
Pytorch Repo for "DeepGCNs: Can GCNs Go as Deep as CNNs?" ICCV2019 Oral https://deepgcns.org
xuyou314/deepwalk
DeepWalk - Deep Learning for Graphs
xuyou314/dgl
Python package built to ease deep learning on graph, on top of existing DL frameworks.
xuyou314/dispatch_management
xuyou314/finetune-transformer-lm
Code and model for the paper "Improving Language Understanding by Generative Pre-Training"
xuyou314/gcn
Implementation of Graph Convolutional Networks in TensorFlow
xuyou314/generative-models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
xuyou314/ggnn.pytorch
A PyTorch Implementation of Gated Graph Sequence Neural Networks (GGNN)
xuyou314/google-research
Google AI Research
xuyou314/graphwave
xuyou314/HAN
Heterogeneous Graph Neural Network
xuyou314/handson-ml
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in python using Scikit-Learn and TensorFlow.
xuyou314/KDD2019_HetGNN
code of HetGNN
xuyou314/lstm-crf-pytorch
LSTM-CRF in PyTorch
xuyou314/M-NMF
An implementation of "Community Preserving Network Embedding" (AAAI 2017)
xuyou314/ml_dl_rl
xuyou314/mmpp
markov-modulated poisson process
xuyou314/reinforcement-learning
Implementation of Reinforcement Learning Algorithms. Python, OpenAI Gym, Tensorflow. Exercises and Solutions to accompany Sutton's Book and David Silver's course.
xuyou314/reinforcement-learning-algorithms
This repository contains most of pytorch implementation based classic deep reinforcement learning algorithms, including - DQN, DDQN, Dueling Network, DDPG, A3C, PPO, TRPO. (More algorithms are still in progress)
xuyou314/reinforcement-learning-an-introduction
Python Implementation of Reinforcement Learning: An Introduction
xuyou314/rolemf
rolemf代码实现
xuyou314/struc2vec
This repository provides a reference implementation of struc2vec.
xuyou314/sweep_problem
algorithm
xuyou314/Text-Pastry
Extend the power of multiple selections in Sublime Text. Modify selections, insert numeric sequences, incremental numbers, generate uuids, date ranges, insert continuously from a word list and more.
xuyou314/transformer-xl
xuyou314/VRP-RL
Reinforcement Learning for Solving the Vehicle Routing Problem
xuyou314/wordembedding