Pinned Repositories
A-PGNN
Source code and datasets for the paper "Personalizing Graph Neural Networks with Attention Mechanism for Session-based Recommendation"
ai-hackathon-2018
"한계를 넘어 상상에 도전하자!" 네이버 AI 해커톤 2018
auto-sklearn
Automated Machine Learning with scikit-learn
deeplearning-models
A collection of various deep learning architectures, models, and tips
dgl
Python package built to ease deep learning on graph, on top of existing DL frameworks.
fairseq
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
GRU4REC-pytorch
An other implementation of GRU4REC using PyTorch
pytorch-lightning
The lightweight PyTorch wrapper for ML researchers. Scale your models. Write less boilerplate
pytorch_geometric
Geometric Deep Learning Extension Library for PyTorch
SML
kingmbc's Repositories
kingmbc/auto-sklearn
Automated Machine Learning with scikit-learn
kingmbc/pytorch_geometric
Geometric Deep Learning Extension Library for PyTorch
kingmbc/autogluon
AutoGluon: AutoML Toolkit for Deep Learning
kingmbc/BERT4Rec
BERT4Rec: Sequential Recommendation with Bidirectional Encoder Representations from Transformer
kingmbc/catboost
A fast, scalable, high performance Gradient Boosting on Decision Trees library, used for ranking, classification, regression and other machine learning tasks for Python, R, Java, C++. Supports computation on CPU and GPU.
kingmbc/celery
Distributed Task Queue (development branch)
kingmbc/deep-learning-v2-pytorch
Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd101
kingmbc/docker-python
Kaggle Python docker image
kingmbc/FGNN
An implementation FGNN.
kingmbc/GNNs-for-NLP
Graph Neural Networks for Natural Language Processing tutorial at EMNLP 2019
kingmbc/graph_nets
PyTorch Implementation and Explanation of Graph Representation Learning papers involving DeepWalk, GCN, GraphSAGE, ChebNet & GAT.
kingmbc/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.
kingmbc/LightGBM
A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT, GBM or MART) framework based on decision tree algorithms, used for ranking, classification and many other machine learning tasks. It is under the umbrella of the DMTK(http://github.com/microsoft/dmtk) project of Microsoft.
kingmbc/notebooks
RAPIDS Sample Notebooks
kingmbc/optuna
A hyperparameter optimization framework
kingmbc/PyTorch-BigGraph
Generate embeddings from large-scale graph-structured data.
kingmbc/pytorch-meta
A collection of extensions and data-loaders for few-shot learning & meta-learning in PyTorch
kingmbc/sacred
Sacred is a tool to help you configure, organize, log and reproduce experiments developed at IDSIA.
kingmbc/scikit-learn
scikit-learn: machine learning in Python
kingmbc/Sequential-Recommendation-Datasets
Download and preprocess popular sequential recommendation datasets
kingmbc/spotlight
Deep recommender models using PyTorch.
kingmbc/stellargraph
StellarGraph - Machine Learning on Graphs
kingmbc/streamlit
Streamlit — The fastest way to build custom ML tools
kingmbc/stylegan
StyleGAN - Official TensorFlow Implementation
kingmbc/stylegan2
StyleGAN2 - Official TensorFlow Implementation
kingmbc/TensorFlow
Deep Learning Zero to All - Tensorflow
kingmbc/TensorFlow-Examples
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
kingmbc/tutorials
CatBoost tutorials repository
kingmbc/wandb-examples
Example deep learning projects that use wandb's features.
kingmbc/xgboost
Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Flink and DataFlow