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/attention-sentiment
My bachelor's degree thesis (with code and experiments) on sentiment classification of Russian texts using Bi-RNN with attention mechanism.
ykwon0407/ADNet
Action-Decision Networks for Visual Tracking with Deep Reinforcement Learning (CVPR 2017)
ykwon0407/AGE
Code for paper "Adversarial Generator-Encoder Networks" by Dmitry Ulyanov, Andrea Vedaldi and Victor Lempitsky
ykwon0407/ALI
Adversarially Learned Inference
ykwon0407/DeepLearningZeroToAll
TensorFlow Basic Tutorial Labs
ykwon0407/deepmedic
Efficient Multi-Scale 3D Convolutional Neural Network for Brain Lesion Segmentation
ykwon0407/DenseNet
Densely Connected Convolutional Networks, In CVPR 2017 (Best Paper Award).
ykwon0407/dsb-2017
Data Science Bowl 2017
ykwon0407/DSB2017
Code for 2nd place solution to the 2017 National Data Science Bowl
ykwon0407/DSB2017-1
The solution of team 'grt123' in DSB2017
ykwon0407/europilot
A toolkit for controlling Euro Truck Simulator 2 with python to develop self-driving algorithms.
ykwon0407/FRRN
Full Resolution Residual Networks for Semantic Image Segmentation
ykwon0407/gumbel-softmax
categorical variational autoencoder using the Gumbel-Softmax estimator
ykwon0407/gym-tictactoe
OpenAI Gym Style Tic-Tac-Toe Environment
ykwon0407/interviews
Everything you need to know to get the job.
ykwon0407/Kaggle-Carvana-Image-Masking-Challenge
ykwon0407/kaggle_ndsb2017
Kaggle datascience bowl 2017
ykwon0407/medical-data
ykwon0407/MMD-GAN
MMD-GAN: Towards Deeper Understanding of Moment Matching Network
ykwon0407/plumo
ykwon0407/pytorch-cifar
95.16% on CIFAR10 with PyTorch
ykwon0407/rcae
contains the code for models in the paper Robust, Deep and Inductive Anomaly Detection
ykwon0407/reinforcement-learning
Minimal and Clean Reinforcement Learning Examples
ykwon0407/seq2seq
Sequence to Sequence Learning with Keras
ykwon0407/seq2seq-1
A general-purpose encoder-decoder framework for Tensorflow
ykwon0407/tensorflow-mnist-VAE
Tensorflow implementation of variational auto-encoder for MNIST
ykwon0407/tf-rnn-attention
Tensorflow implementation of attention mechanism for text classification tasks.
ykwon0407/tf-SNDCGAN
Tensorflow Implementation of the paper "Spectral Normalization for Generative Adversarial Networks" (ICML 2017 workshop)
ykwon0407/youtube-8m
Starter code for working with the YouTube-8M dataset.
ykwon0407/Youtube-8M-WILLOW
Kaggle Youtube 8M WILLOW approach