zmy
Principal Researcher at Microsoft Research. Founder of Lab μ Geek Association @mulab and Club ε Neuroscience Team @club-eps.
@MicrosoftBeijing, China
zmy's Stars
Trusted-AI/adversarial-robustness-toolbox
Adversarial Robustness Toolbox (ART) - Python Library for Machine Learning Security - Evasion, Poisoning, Extraction, Inference - Red and Blue Teams
vega/altair
Declarative visualization library for Python
sksq96/pytorch-summary
Model summary in PyTorch similar to `model.summary()` in Keras
facebookresearch/fairseq
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
huggingface/pytorch-openai-transformer-lm
🐥A PyTorch implementation of OpenAI's finetuned transformer language model with a script to import the weights pre-trained by OpenAI
onnx/onnx
Open standard for machine learning interoperability
NVIDIA/nccl
Optimized primitives for collective multi-GPU communication
WarBean/tps_stn_pytorch
PyTorch implementation of Spatial Transformer Network (STN) with Thin Plate Spline (TPS)
andreamad8/Universal-Transformer-Pytorch
Implementation of Universal Transformer in Pytorch
imagry/aleph_star
Reinforcement learning with A* and a deep heuristic
Unity-Technologies/ml-agents
The Unity Machine Learning Agents Toolkit (ML-Agents) is an open-source project that enables games and simulations to serve as environments for training intelligent agents using deep reinforcement learning and imitation learning.
dusty-nv/jetson-reinforcement
Deep reinforcement learning GPU libraries for NVIDIA Jetson TX1/TX2 with PyTorch, OpenAI Gym, and Gazebo robotics simulator.
NVIDIA/apex
A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch
FavioVazquez/ds-cheatsheets
List of Data Science Cheatsheets to rule the world
codertimo/BERT-pytorch
Google AI 2018 BERT pytorch implementation
OpenNMT/OpenNMT-py
Open Source Neural Machine Translation and (Large) Language Models in PyTorch
flairNLP/flair
A very simple framework for state-of-the-art Natural Language Processing (NLP)
PetrochukM/PyTorch-NLP
Basic Utilities for PyTorch Natural Language Processing (NLP)
fossasia/visdom
A flexible tool for creating, organizing, and sharing visualizations of live, rich data. Supports Torch and Numpy.
pytorch/ignite
High-level library to help with training and evaluating neural networks in PyTorch flexibly and transparently.
TeamHG-Memex/eli5
A library for debugging/inspecting machine learning classifiers and explaining their predictions
catboost/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.
microsoft/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.
dmlc/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, Dask, Flink and DataFlow
statsmodels/statsmodels
Statsmodels: statistical modeling and econometrics in Python
tensorflow/tensor2tensor
Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.
jadore801120/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
Kaixhin/Rainbow
Rainbow: Combining Improvements in Deep Reinforcement Learning
dotnet/infer
Infer.NET is a framework for running Bayesian inference in graphical models
danielfrg/tsne
A python wrapper for Barnes-Hut tsne