Pinned Repositories
opendataval
OpenDataVal: a Unified Benchmark for Data Valuation in Python (NeurIPS 2023)
beta_shapley
Beta Shapley: a Unified and Noise-reduced Data Valuation Framework for Machine Learning (AISTATS 2022 Oral)
dagmm-1
A Pytorch implementation of the paper `Deep Autoencoding Gaussian Mixture Model For Unsupervised Anomaly Detection` by Zong et al.
DataInf
DataInf: Efficiently Estimating Data Influence in LoRA-tuned LLMs and Diffusion Models (ICLR 2024)
dataoob
Data-OOB: Out-of-bag Estimate as a Simple and Efficient Data Value (ICML 2023)
fast_dist_shapley
Efficient Computation and Analysis of Distributional Shapley Values (AISTATS 2021)
UQ_BNN
Uncertainty quantification using Bayesian neural networks in classification (MIDL 2018, CSDA)
variational_autoencoder
variational_autoencoder
wdro_local_perturbation
Principled learning method for Wasserstein distributionally robust optimization with local perturbations (ICML 2020)
WeightedSHAP
WeightedSHAP: analyzing and improving Shapley based feature attributions (NeurIPS 2022)
ykwon0407's Repositories
ykwon0407/dagmm-1
A Pytorch implementation of the paper `Deep Autoencoding Gaussian Mixture Model For Unsupervised Anomaly Detection` by Zong et al.
ykwon0407/dagmm
My attempt at reproducing the paper Deep Autoencoding Gaussian Mixture Model for Unsupervised Anomaly Detection
ykwon0407/tf-vqvae
Tensorflow Implementation of the paper [Neural Discrete Representation Learning](https://arxiv.org/abs/1711.00937) (VQ-VAE).
ykwon0407/VIPS
Variational Inference by Policy Search
ykwon0407/3D-reconstruction-with-Neural-Networks
3D reconstruction with neural networks using Tensorflow. See link for video. (https://www.youtube.com/watch?v=iI6ZMST8Ri0).
ykwon0407/anomaly-detection-resources
Outlier detection books, papers, videos, and implementations
ykwon0407/ARAE
Code for the paper "Adversarially Regularized Autoencoders for Generating Discrete Structures" by Zhao, Kim, Zhang, Rush and LeCun
ykwon0407/awesome-ml-for-cybersecurity
:octocat: Machine Learning for Cyber Security
ykwon0407/BEGAN-tensorflow
Tensorflow implementation of "BEGAN: Boundary Equilibrium Generative Adversarial Networks"
ykwon0407/Confident_classifier
Training Confidence-Calibrated Classifier for Detecting Out-of-Distribution Samples / ICLR 2018
ykwon0407/generative-models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
ykwon0407/gt-nlp-class
Course materials for Georgia Tech CS 4650 and 7650, "Natural Language"
ykwon0407/imaterialist-furniture-2018
Kaggle competition
ykwon0407/inat_comp_2018
CNN training code for iNaturalist 2018 image classification competition
ykwon0407/matrix-cuda
matrix multiplication in CUDA
ykwon0407/mcbn
ykwon0407/mean-teacher
A state-of-the-art semi-supervised method for image recognition
ykwon0407/MultiplicativeMultimodal
ykwon0407/nnPUlearning
Non-negative Positive-Unlabeled (nnPU) and unbiased Positive-Unlabeled (uPU) learning reproductive code on MNIST and CIFAR10
ykwon0407/OBELISK
MIDL 2018: one binary extremely large and inflecting sparse kernel (pytorch)
ykwon0407/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
ykwon0407/pytorch-generative-model-collections
Collection of generative models in Pytorch version.
ykwon0407/pytorch-VAT
Unofficial pytorch implementation of a paper, Distributional Smoothing with Virtual Adversarial Training [Miyato+, ICLR2016].
ykwon0407/pytorch_geometric
Geometric Deep Learning Extension Library for PyTorch
ykwon0407/swae
Implementation of the Sliced Wasserstein Autoencoders
ykwon0407/tensorflow-generative-model-collections
Collection of generative models in Tensorflow
ykwon0407/ttaug-midl2018
Test-time Data Augmentation for Estimation of Heteroscedastic Aleatoric Uncertainty in Deep Neural Networks, MIDL 2018
ykwon0407/VAE-Gumbel-Softmax
An implementation of a Variational-Autoencoder using the Gumbel-Softmax reparametrization trick in TensorFlow (tested on r1.5 CPU and GPU).
ykwon0407/WassersteinGAN
ykwon0407/WGAN-GP-DRAGAN-Celeba-Pytorch
Pytorch implementation of WGAN-GP and DRAGAN