PatrickSchrML's Stars
ml-research/semantic-image-editing
ml-research/NeSyXIL
EleutherAI/gpt-neox
An implementation of model parallel autoregressive transformers on GPUs, based on the Megatron and DeepSpeed libraries
stefanoteso/awesome-explanatory-supervision
List of relevant resources for machine learning from explanatory supervision
automl/Auto-PyTorch
Automatic architecture search and hyperparameter optimization for PyTorch
alejandromolinaml/activation_functions
cfchen-duke/ProtoPNet
This code package implements the prototypical part network (ProtoPNet) from the paper "This Looks Like That: Deep Learning for Interpretable Image Recognition" (to appear at NeurIPS 2019), by Chaofan Chen* (Duke University), Oscar Li* (Duke University), Chaofan Tao (Duke University), Alina Jade Barnett (Duke University), Jonathan Su (MIT Lincoln Laboratory), and Cynthia Rudin (Duke University) (* denotes equal contribution).
UKPLab/sentence-transformers
State-of-the-Art Text Embeddings
pytorch/captum
Model interpretability and understanding for PyTorch
ml-research/moral-choice-machine
huggingface/pytorch-pretrained-BigGAN
🦋A PyTorch implementation of BigGAN with pretrained weights and conversion scripts.
huggingface/transfer-learning-conv-ai
🦄 State-of-the-Art Conversational AI with Transfer Learning
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
ml-research/pau
Padé Activation Units: End-to-end Learning of Activation Functions in Deep Neural Network
braun-steven/spn-pytorch-experiments
Experiments on the integration of Sum-Product Networks into Deep Neural Networks.
akanimax/pro_gan_pytorch
Unofficial PyTorch implementation of the paper titled "Progressive growing of GANs for improved Quality, Stability, and Variation"
chaiyujin/glow-pytorch
pytorch implementation of openai paper "Glow: Generative Flow with Invertible 1×1 Convolutions"
OpenMined/PySyft
Perform data science on data that remains in someone else's server
PatrickSchrML/hyperspectral_phenotyping_gan
Learn and analyse hyperspectral data of leafs with GAN
JiahuiYu/generative_inpainting
DeepFill v1/v2 with Contextual Attention and Gated Convolution, CVPR 2018, and ICCV 2019 Oral
SPFlow/SPFlow
Sum Product Flow: An Easy and Extensible Library for Sum-Product Networks
pclucas14/pytorch-glow
Pytorch Implementation of OpenAI's GLOW
thanard/causal-infogan
openai/glow
Code for reproducing results in "Glow: Generative Flow with Invertible 1x1 Convolutions"
marcotcr/lime
Lime: Explaining the predictions of any machine learning classifier
switchablenorms/Switchable-Normalization
Code for Switchable Normalization from "Differentiable Learning-to-Normalize via Switchable Normalization", https://arxiv.org/abs/1806.10779
LMescheder/GAN_stability
Code for paper "Which Training Methods for GANs do actually Converge? (ICML 2018)"
vdumoulin/conv_arithmetic
A technical report on convolution arithmetic in the context of deep learning
utkuozbulak/pytorch-cnn-visualizations
Pytorch implementation of convolutional neural network visualization techniques
utkuozbulak/pytorch-cnn-adversarial-attacks
Pytorch implementation of convolutional neural network adversarial attack techniques