├── LICENSE ├── README.md ├── _init_paths.py ├── blackbox.py ├── classification.py ├── classifiers ├── __init__.py ├── cifar10_input.py └── cifar_model.py ├── cleverhans ├── __init__.py ├── attack_bundling.py ├── attacks │ ├── __init__.py │ ├── attack.py │ ├── basic_iterative_method.py │ ├── bpda.py │ ├── carlini_wagner_l2.py │ ├── deep_fool.py │ ├── elastic_net_method.py │ ├── fast_feature_adversaries.py │ ├── fast_gradient_method.py │ ├── lbfgs.py │ ├── madry_et_al.py │ ├── max_confidence.py │ ├── momentum_iterative_method.py │ ├── noise.py │ ├── projected_gradient_descent.py │ ├── saliency_map_method.py │ ├── semantic.py │ ├── spatial_transformation_method.py │ ├── spsa.py │ └── virtual_adversarial_method.py ├── attacks_tf.py ├── attacks_tfe.py ├── augmentation.py ├── canary.py ├── compat.py ├── confidence_report.py ├── dataset.py ├── devtools │ ├── __init__.py │ ├── autopep8_all.py │ ├── checks.py │ ├── list_files.py │ ├── mocks.py │ ├── tests │ │ ├── __init__.py │ │ └── test_format.py │ └── version.py ├── evaluation.py ├── experimental │ ├── README.md │ ├── __init__.py │ └── certification │ │ ├── README.md │ │ ├── __init__.py │ │ ├── certify.py │ │ ├── dual_formulation.py │ │ ├── nn.py │ │ ├── optimization.py │ │ ├── tests │ │ ├── dual_formulation_test.py │ │ ├── nn_test.py │ │ ├── optimization_test.py │ │ └── utils_test.py │ │ └── utils.py ├── initializers.py ├── loss.py ├── model.py ├── model_zoo │ ├── __init__.py │ ├── all_convolutional.py │ ├── basic_cnn.py │ ├── deep_k_nearest_neighbors │ │ ├── __init__.py │ │ ├── dknn.md │ │ └── dknn.py │ ├── madry_lab_challenges │ │ ├── __init__.py │ │ ├── cifar10_model.py │ │ └── make_cifar10_joblib.py │ └── soft_nearest_neighbor_loss │ │ ├── SNNL_regularized_model.py │ │ ├── SNNL_regularized_train.py │ │ └── __init__.py ├── picklable_model.py ├── plot │ ├── __init__.py │ ├── image.py │ ├── pyplot_defaults.py │ ├── pyplot_image.py │ ├── save_pdf.py │ └── success_fail.py ├── serial.py ├── train.py ├── utils.py ├── utils_keras.py ├── utils_mnist.py ├── utils_pytorch.py ├── utils_tf.py └── utils_tfe.py ├── comparison └── eval │ ├── classifiers │ ├── __init__.py │ ├── cifar10_input.py │ └── cifar_model.py │ ├── compute_eval_metrics.py │ ├── fid.py │ ├── inception.py │ ├── metrics.py │ └── utils.py ├── datasets ├── README.md ├── __init__.py ├── celeba.py ├── cifar10.py ├── dataset.py ├── fmnist.py ├── mnist.py └── utils.py ├── debug.py ├── download_dataset.py ├── evaluate.py ├── experiments └── cfgs │ ├── cgans │ ├── cifar.yml │ ├── default.yml │ └── mnist.yml │ ├── gans │ ├── celeba.yml │ ├── celeba_resnet.yml │ ├── cifar10.yml │ ├── cifar10_dcgan.yml │ ├── cifar10_hinge.yml │ ├── cifar10_hinge_resnet.yml │ ├── cifar10_ragan_64.yml │ ├── cifar10_ragan_bn_sn.yml │ ├── default.yml │ ├── fmnist.yml │ ├── fmnist_wgan_gp.yml │ └── mnist.yml │ ├── gans_inv │ ├── celeba.yml │ ├── celeba_resnet.yml │ ├── cifar.yml │ ├── cifar_resnet.yml │ ├── default.yml │ ├── fmnist.yml │ └── mnist.yml │ ├── gans_inv_notrain │ ├── celeba.yml │ ├── celeba_resnet.yml │ ├── cifar.yml │ ├── cifar_resnet.yml │ ├── default.yml │ ├── fmnist.yml │ └── mnist.yml │ ├── gans_v2 │ ├── celeba.yml │ ├── celeba_resnet.yml │ ├── cifar.yml │ ├── cifar10 │ │ ├── default.yml │ │ ├── disc1_mar19.yml │ │ ├── disc2_enc2_mar19.yml │ │ ├── disc2_mar19.yml │ │ └── no_margin_disc_mar19.yml │ ├── cifar_resnet.yml │ ├── default.yml │ ├── fmnist.yml │ └── mnist.yml │ ├── key_doc.yml │ └── param_sweep │ ├── cifar10_encoder_param_sweep.yml │ ├── cifar10_reconstruct_param_sweep.yml │ ├── cifar_classification_param_sweep.yml │ ├── cifar_iters_param_sweep.yml │ ├── cifar_resnet_classification_param_sweep.yml │ ├── cifar_resnet_iters_param_sweep.yml │ ├── fmnist_classification_param_sweep.yml │ ├── fmnist_iters_param_sweep.yml │ ├── mnist_classification_param_sweep.yml │ └── mnist_iters_param_sweep.yml ├── figures ├── defensegan.png └── defensegan_gd.png ├── models ├── __init__.py ├── base_model.py ├── cgan.py ├── dataset_models.py ├── dataset_networks.py ├── dataset_networks_conditional.py ├── gan.py └── gan_v2.py ├── mse_roc_classification.py ├── plots ├── plot_ROC.py ├── plot_acc_rec.py └── plot_tsne.py ├── requirements.txt ├── setup.sh ├── tflib ├── __init__.py ├── checkpoint.py ├── cifar10.py ├── inception_score.py ├── layers.py ├── mnist.py ├── ops │ ├── __init__.py │ ├── batchnorm.py │ ├── cond_batchnorm.py │ ├── conv1d.py │ ├── conv2d.py │ ├── deconv2d.py │ ├── layernorm.py │ └── linear.py ├── plot.py ├── save_images.py └── small_imagenet.py ├── train.py ├── train_cgan.py ├── utils ├── __init__.py ├── attack.py ├── config.py ├── dummy.py ├── gan_defense.py ├── metrics.py ├── misc.py ├── network_builder.py ├── reconstruction.py └── visualize.py ├── whitebox.py └── whitebox_cifar.py /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/README.md -------------------------------------------------------------------------------- /_init_paths.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/_init_paths.py -------------------------------------------------------------------------------- /blackbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/blackbox.py -------------------------------------------------------------------------------- /classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/classification.py -------------------------------------------------------------------------------- /classifiers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /classifiers/cifar10_input.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/classifiers/cifar10_input.py -------------------------------------------------------------------------------- /classifiers/cifar_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/classifiers/cifar_model.py -------------------------------------------------------------------------------- /cleverhans/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/__init__.py -------------------------------------------------------------------------------- /cleverhans/attack_bundling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attack_bundling.py -------------------------------------------------------------------------------- /cleverhans/attacks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/__init__.py -------------------------------------------------------------------------------- /cleverhans/attacks/attack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/attack.py -------------------------------------------------------------------------------- /cleverhans/attacks/basic_iterative_method.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/basic_iterative_method.py -------------------------------------------------------------------------------- /cleverhans/attacks/bpda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/bpda.py -------------------------------------------------------------------------------- /cleverhans/attacks/carlini_wagner_l2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/carlini_wagner_l2.py -------------------------------------------------------------------------------- /cleverhans/attacks/deep_fool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/deep_fool.py -------------------------------------------------------------------------------- /cleverhans/attacks/elastic_net_method.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/elastic_net_method.py -------------------------------------------------------------------------------- /cleverhans/attacks/fast_feature_adversaries.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/fast_feature_adversaries.py -------------------------------------------------------------------------------- /cleverhans/attacks/fast_gradient_method.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/fast_gradient_method.py -------------------------------------------------------------------------------- /cleverhans/attacks/lbfgs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/lbfgs.py -------------------------------------------------------------------------------- /cleverhans/attacks/madry_et_al.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/madry_et_al.py -------------------------------------------------------------------------------- /cleverhans/attacks/max_confidence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/max_confidence.py -------------------------------------------------------------------------------- /cleverhans/attacks/momentum_iterative_method.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/momentum_iterative_method.py -------------------------------------------------------------------------------- /cleverhans/attacks/noise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/noise.py -------------------------------------------------------------------------------- /cleverhans/attacks/projected_gradient_descent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/projected_gradient_descent.py -------------------------------------------------------------------------------- /cleverhans/attacks/saliency_map_method.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/saliency_map_method.py -------------------------------------------------------------------------------- /cleverhans/attacks/semantic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/semantic.py -------------------------------------------------------------------------------- /cleverhans/attacks/spatial_transformation_method.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/spatial_transformation_method.py -------------------------------------------------------------------------------- /cleverhans/attacks/spsa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/spsa.py -------------------------------------------------------------------------------- /cleverhans/attacks/virtual_adversarial_method.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks/virtual_adversarial_method.py -------------------------------------------------------------------------------- /cleverhans/attacks_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks_tf.py -------------------------------------------------------------------------------- /cleverhans/attacks_tfe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/attacks_tfe.py -------------------------------------------------------------------------------- /cleverhans/augmentation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/augmentation.py -------------------------------------------------------------------------------- /cleverhans/canary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/canary.py -------------------------------------------------------------------------------- /cleverhans/compat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/compat.py -------------------------------------------------------------------------------- /cleverhans/confidence_report.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/confidence_report.py -------------------------------------------------------------------------------- /cleverhans/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/dataset.py -------------------------------------------------------------------------------- /cleverhans/devtools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /cleverhans/devtools/autopep8_all.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/devtools/autopep8_all.py -------------------------------------------------------------------------------- /cleverhans/devtools/checks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/devtools/checks.py -------------------------------------------------------------------------------- /cleverhans/devtools/list_files.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/devtools/list_files.py -------------------------------------------------------------------------------- /cleverhans/devtools/mocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/devtools/mocks.py -------------------------------------------------------------------------------- /cleverhans/devtools/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /cleverhans/devtools/tests/test_format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/devtools/tests/test_format.py -------------------------------------------------------------------------------- /cleverhans/devtools/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/devtools/version.py -------------------------------------------------------------------------------- /cleverhans/evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/evaluation.py -------------------------------------------------------------------------------- /cleverhans/experimental/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/experimental/README.md -------------------------------------------------------------------------------- /cleverhans/experimental/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /cleverhans/experimental/certification/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/experimental/certification/README.md -------------------------------------------------------------------------------- /cleverhans/experimental/certification/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /cleverhans/experimental/certification/certify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/experimental/certification/certify.py -------------------------------------------------------------------------------- /cleverhans/experimental/certification/dual_formulation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/experimental/certification/dual_formulation.py -------------------------------------------------------------------------------- /cleverhans/experimental/certification/nn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/experimental/certification/nn.py -------------------------------------------------------------------------------- /cleverhans/experimental/certification/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/experimental/certification/optimization.py -------------------------------------------------------------------------------- /cleverhans/experimental/certification/tests/dual_formulation_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/experimental/certification/tests/dual_formulation_test.py -------------------------------------------------------------------------------- /cleverhans/experimental/certification/tests/nn_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/experimental/certification/tests/nn_test.py -------------------------------------------------------------------------------- /cleverhans/experimental/certification/tests/optimization_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/experimental/certification/tests/optimization_test.py -------------------------------------------------------------------------------- /cleverhans/experimental/certification/tests/utils_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/experimental/certification/tests/utils_test.py -------------------------------------------------------------------------------- /cleverhans/experimental/certification/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/experimental/certification/utils.py -------------------------------------------------------------------------------- /cleverhans/initializers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/initializers.py -------------------------------------------------------------------------------- /cleverhans/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/loss.py -------------------------------------------------------------------------------- /cleverhans/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/model.py -------------------------------------------------------------------------------- /cleverhans/model_zoo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/model_zoo/__init__.py -------------------------------------------------------------------------------- /cleverhans/model_zoo/all_convolutional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/model_zoo/all_convolutional.py -------------------------------------------------------------------------------- /cleverhans/model_zoo/basic_cnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/model_zoo/basic_cnn.py -------------------------------------------------------------------------------- /cleverhans/model_zoo/deep_k_nearest_neighbors/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /cleverhans/model_zoo/deep_k_nearest_neighbors/dknn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/model_zoo/deep_k_nearest_neighbors/dknn.md -------------------------------------------------------------------------------- /cleverhans/model_zoo/deep_k_nearest_neighbors/dknn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/model_zoo/deep_k_nearest_neighbors/dknn.py -------------------------------------------------------------------------------- /cleverhans/model_zoo/madry_lab_challenges/__init__.py: -------------------------------------------------------------------------------- 1 | """ 2 | Models from 3 | https://github.com/MadryLab/cifar10_challenge 4 | """ 5 | -------------------------------------------------------------------------------- /cleverhans/model_zoo/madry_lab_challenges/cifar10_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/model_zoo/madry_lab_challenges/cifar10_model.py -------------------------------------------------------------------------------- /cleverhans/model_zoo/madry_lab_challenges/make_cifar10_joblib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/model_zoo/madry_lab_challenges/make_cifar10_joblib.py -------------------------------------------------------------------------------- /cleverhans/model_zoo/soft_nearest_neighbor_loss/SNNL_regularized_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/model_zoo/soft_nearest_neighbor_loss/SNNL_regularized_model.py -------------------------------------------------------------------------------- /cleverhans/model_zoo/soft_nearest_neighbor_loss/SNNL_regularized_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/model_zoo/soft_nearest_neighbor_loss/SNNL_regularized_train.py -------------------------------------------------------------------------------- /cleverhans/model_zoo/soft_nearest_neighbor_loss/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/model_zoo/soft_nearest_neighbor_loss/__init__.py -------------------------------------------------------------------------------- /cleverhans/picklable_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/picklable_model.py -------------------------------------------------------------------------------- /cleverhans/plot/__init__.py: -------------------------------------------------------------------------------- 1 | """ 2 | Plotting and visualization 3 | """ 4 | -------------------------------------------------------------------------------- /cleverhans/plot/image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/plot/image.py -------------------------------------------------------------------------------- /cleverhans/plot/pyplot_defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/plot/pyplot_defaults.py -------------------------------------------------------------------------------- /cleverhans/plot/pyplot_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/plot/pyplot_image.py -------------------------------------------------------------------------------- /cleverhans/plot/save_pdf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/plot/save_pdf.py -------------------------------------------------------------------------------- /cleverhans/plot/success_fail.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/plot/success_fail.py -------------------------------------------------------------------------------- /cleverhans/serial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/serial.py -------------------------------------------------------------------------------- /cleverhans/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/train.py -------------------------------------------------------------------------------- /cleverhans/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/utils.py -------------------------------------------------------------------------------- /cleverhans/utils_keras.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/utils_keras.py -------------------------------------------------------------------------------- /cleverhans/utils_mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/utils_mnist.py -------------------------------------------------------------------------------- /cleverhans/utils_pytorch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/utils_pytorch.py -------------------------------------------------------------------------------- /cleverhans/utils_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/utils_tf.py -------------------------------------------------------------------------------- /cleverhans/utils_tfe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/cleverhans/utils_tfe.py -------------------------------------------------------------------------------- /comparison/eval/classifiers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /comparison/eval/classifiers/cifar10_input.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/comparison/eval/classifiers/cifar10_input.py -------------------------------------------------------------------------------- /comparison/eval/classifiers/cifar_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/comparison/eval/classifiers/cifar_model.py -------------------------------------------------------------------------------- /comparison/eval/compute_eval_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/comparison/eval/compute_eval_metrics.py -------------------------------------------------------------------------------- /comparison/eval/fid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/comparison/eval/fid.py -------------------------------------------------------------------------------- /comparison/eval/inception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/comparison/eval/inception.py -------------------------------------------------------------------------------- /comparison/eval/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/comparison/eval/metrics.py -------------------------------------------------------------------------------- /comparison/eval/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/comparison/eval/utils.py -------------------------------------------------------------------------------- /datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/datasets/README.md -------------------------------------------------------------------------------- /datasets/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /datasets/celeba.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/datasets/celeba.py -------------------------------------------------------------------------------- /datasets/cifar10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/datasets/cifar10.py -------------------------------------------------------------------------------- /datasets/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/datasets/dataset.py -------------------------------------------------------------------------------- /datasets/fmnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/datasets/fmnist.py -------------------------------------------------------------------------------- /datasets/mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/datasets/mnist.py -------------------------------------------------------------------------------- /datasets/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/datasets/utils.py -------------------------------------------------------------------------------- /debug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/debug.py -------------------------------------------------------------------------------- /download_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/download_dataset.py -------------------------------------------------------------------------------- /evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/evaluate.py -------------------------------------------------------------------------------- /experiments/cfgs/cgans/cifar.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/cgans/cifar.yml -------------------------------------------------------------------------------- /experiments/cfgs/cgans/default.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/cgans/default.yml -------------------------------------------------------------------------------- /experiments/cfgs/cgans/mnist.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/cgans/mnist.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans/celeba.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans/celeba.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans/celeba_resnet.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans/celeba_resnet.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans/cifar10.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans/cifar10.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans/cifar10_dcgan.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans/cifar10_dcgan.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans/cifar10_hinge.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans/cifar10_hinge.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans/cifar10_hinge_resnet.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans/cifar10_hinge_resnet.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans/cifar10_ragan_64.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans/cifar10_ragan_64.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans/cifar10_ragan_bn_sn.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans/cifar10_ragan_bn_sn.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans/default.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans/default.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans/fmnist.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans/fmnist.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans/fmnist_wgan_gp.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans/fmnist_wgan_gp.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans/mnist.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans/mnist.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_inv/celeba.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_inv/celeba.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_inv/celeba_resnet.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_inv/celeba_resnet.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_inv/cifar.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_inv/cifar.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_inv/cifar_resnet.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_inv/cifar_resnet.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_inv/default.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_inv/default.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_inv/fmnist.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_inv/fmnist.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_inv/mnist.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_inv/mnist.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_inv_notrain/celeba.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_inv_notrain/celeba.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_inv_notrain/celeba_resnet.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_inv_notrain/celeba_resnet.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_inv_notrain/cifar.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_inv_notrain/cifar.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_inv_notrain/cifar_resnet.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_inv_notrain/cifar_resnet.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_inv_notrain/default.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_inv_notrain/default.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_inv_notrain/fmnist.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_inv_notrain/fmnist.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_inv_notrain/mnist.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_inv_notrain/mnist.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_v2/celeba.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_v2/celeba.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_v2/celeba_resnet.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_v2/celeba_resnet.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_v2/cifar.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_v2/cifar.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_v2/cifar10/default.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_v2/cifar10/default.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_v2/cifar10/disc1_mar19.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_v2/cifar10/disc1_mar19.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_v2/cifar10/disc2_enc2_mar19.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_v2/cifar10/disc2_enc2_mar19.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_v2/cifar10/disc2_mar19.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_v2/cifar10/disc2_mar19.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_v2/cifar10/no_margin_disc_mar19.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_v2/cifar10/no_margin_disc_mar19.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_v2/cifar_resnet.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_v2/cifar_resnet.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_v2/default.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_v2/default.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_v2/fmnist.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_v2/fmnist.yml -------------------------------------------------------------------------------- /experiments/cfgs/gans_v2/mnist.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/gans_v2/mnist.yml -------------------------------------------------------------------------------- /experiments/cfgs/key_doc.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/key_doc.yml -------------------------------------------------------------------------------- /experiments/cfgs/param_sweep/cifar10_encoder_param_sweep.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/param_sweep/cifar10_encoder_param_sweep.yml -------------------------------------------------------------------------------- /experiments/cfgs/param_sweep/cifar10_reconstruct_param_sweep.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/param_sweep/cifar10_reconstruct_param_sweep.yml -------------------------------------------------------------------------------- /experiments/cfgs/param_sweep/cifar_classification_param_sweep.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/param_sweep/cifar_classification_param_sweep.yml -------------------------------------------------------------------------------- /experiments/cfgs/param_sweep/cifar_iters_param_sweep.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/param_sweep/cifar_iters_param_sweep.yml -------------------------------------------------------------------------------- /experiments/cfgs/param_sweep/cifar_resnet_classification_param_sweep.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/param_sweep/cifar_resnet_classification_param_sweep.yml -------------------------------------------------------------------------------- /experiments/cfgs/param_sweep/cifar_resnet_iters_param_sweep.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/param_sweep/cifar_resnet_iters_param_sweep.yml -------------------------------------------------------------------------------- /experiments/cfgs/param_sweep/fmnist_classification_param_sweep.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/param_sweep/fmnist_classification_param_sweep.yml -------------------------------------------------------------------------------- /experiments/cfgs/param_sweep/fmnist_iters_param_sweep.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/param_sweep/fmnist_iters_param_sweep.yml -------------------------------------------------------------------------------- /experiments/cfgs/param_sweep/mnist_classification_param_sweep.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/param_sweep/mnist_classification_param_sweep.yml -------------------------------------------------------------------------------- /experiments/cfgs/param_sweep/mnist_iters_param_sweep.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/experiments/cfgs/param_sweep/mnist_iters_param_sweep.yml -------------------------------------------------------------------------------- /figures/defensegan.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/figures/defensegan.png -------------------------------------------------------------------------------- /figures/defensegan_gd.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/figures/defensegan_gd.png -------------------------------------------------------------------------------- /models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /models/base_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/models/base_model.py -------------------------------------------------------------------------------- /models/cgan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/models/cgan.py -------------------------------------------------------------------------------- /models/dataset_models.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /models/dataset_networks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/models/dataset_networks.py -------------------------------------------------------------------------------- /models/dataset_networks_conditional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/models/dataset_networks_conditional.py -------------------------------------------------------------------------------- /models/gan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/models/gan.py -------------------------------------------------------------------------------- /models/gan_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/models/gan_v2.py -------------------------------------------------------------------------------- /mse_roc_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/mse_roc_classification.py -------------------------------------------------------------------------------- /plots/plot_ROC.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/plots/plot_ROC.py -------------------------------------------------------------------------------- /plots/plot_acc_rec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/plots/plot_acc_rec.py -------------------------------------------------------------------------------- /plots/plot_tsne.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/plots/plot_tsne.py -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/requirements.txt -------------------------------------------------------------------------------- /setup.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/setup.sh -------------------------------------------------------------------------------- /tflib/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/tflib/__init__.py -------------------------------------------------------------------------------- /tflib/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/tflib/checkpoint.py -------------------------------------------------------------------------------- /tflib/cifar10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/tflib/cifar10.py -------------------------------------------------------------------------------- /tflib/inception_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/tflib/inception_score.py -------------------------------------------------------------------------------- /tflib/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/tflib/layers.py -------------------------------------------------------------------------------- /tflib/mnist.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/tflib/mnist.py -------------------------------------------------------------------------------- /tflib/ops/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tflib/ops/batchnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/tflib/ops/batchnorm.py -------------------------------------------------------------------------------- /tflib/ops/cond_batchnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/tflib/ops/cond_batchnorm.py -------------------------------------------------------------------------------- /tflib/ops/conv1d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/tflib/ops/conv1d.py -------------------------------------------------------------------------------- /tflib/ops/conv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/tflib/ops/conv2d.py -------------------------------------------------------------------------------- /tflib/ops/deconv2d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/tflib/ops/deconv2d.py -------------------------------------------------------------------------------- /tflib/ops/layernorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/tflib/ops/layernorm.py -------------------------------------------------------------------------------- /tflib/ops/linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/tflib/ops/linear.py -------------------------------------------------------------------------------- /tflib/plot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/tflib/plot.py -------------------------------------------------------------------------------- /tflib/save_images.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/tflib/save_images.py -------------------------------------------------------------------------------- /tflib/small_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/tflib/small_imagenet.py -------------------------------------------------------------------------------- /train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/train.py -------------------------------------------------------------------------------- /train_cgan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/train_cgan.py -------------------------------------------------------------------------------- /utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /utils/attack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/utils/attack.py -------------------------------------------------------------------------------- /utils/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/utils/config.py -------------------------------------------------------------------------------- /utils/dummy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/utils/dummy.py -------------------------------------------------------------------------------- /utils/gan_defense.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/utils/gan_defense.py -------------------------------------------------------------------------------- /utils/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/utils/metrics.py -------------------------------------------------------------------------------- /utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/utils/misc.py -------------------------------------------------------------------------------- /utils/network_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/utils/network_builder.py -------------------------------------------------------------------------------- /utils/reconstruction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/utils/reconstruction.py -------------------------------------------------------------------------------- /utils/visualize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/utils/visualize.py -------------------------------------------------------------------------------- /whitebox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/whitebox.py -------------------------------------------------------------------------------- /whitebox_cifar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/yogeshbalaji/InvGAN/HEAD/whitebox_cifar.py --------------------------------------------------------------------------------