├── script ├── local-level-DP │ ├── CIFAR100 │ │ ├── N100_S20 │ │ │ ├── tune │ │ │ │ ├── Local.sh │ │ │ │ ├── FedAvg.sh │ │ │ │ ├── FedRep.sh │ │ │ │ ├── DP-FedAvg.sh │ │ │ │ └── DP-FedRep.sh │ │ │ └── run │ │ │ │ ├── Local.sh │ │ │ │ ├── DP-FedAvg-full.sh │ │ │ │ ├── DP-FedAvg.sh │ │ │ │ ├── DP-FedRep.sh │ │ │ │ └── DP-FedRep-full.sh │ │ ├── N100_S5 │ │ │ ├── tune │ │ │ │ ├── Local.sh │ │ │ │ ├── DP-FedAvg.sh │ │ │ │ └── DP-FedRep.sh │ │ │ └── run │ │ │ │ ├── Local.sh │ │ │ │ ├── FedAvg-full.sh │ │ │ │ ├── FedRep-full.sh │ │ │ │ ├── DP-FedAvg-full.sh │ │ │ │ ├── DP-FedRep-full.sh │ │ │ │ ├── DP-FedAvg-partial.sh │ │ │ │ └── DP-FedRep-partial.sh │ │ └── run_DP_centralized.sh │ ├── CIFAR10 │ │ ├── N100_S2 │ │ │ ├── run_tune_local.sh │ │ │ ├── run_batch.sh │ │ │ ├── run_DP_local_only.sh │ │ │ ├── run_DP-FedAvg.sh │ │ │ ├── run_DP-FedAvg-full.sh │ │ │ ├── run_DP-FedRep.sh │ │ │ ├── run_DP-FedRep-full.sh │ │ │ ├── run_PPSGD.sh │ │ │ ├── run_tune_DP-FedRep.sh │ │ │ ├── tune │ │ │ │ └── DP-FedAvg.sh │ │ │ └── run_tune_DP-FedAvg.sh │ │ ├── N100_S5 │ │ │ ├── run_tune_local.sh │ │ │ ├── run_batch.sh │ │ │ ├── run_DP_local_only.sh │ │ │ ├── run_DP-FedAvg.sh │ │ │ ├── run_DP-FedAvg-full.sh │ │ │ ├── run_DP-FedRep.sh │ │ │ ├── run_DP-FedRep-full.sh │ │ │ ├── run_PPSGD.sh │ │ │ ├── run_tune_DP-FedAvg.sh │ │ │ └── run_tune_DP-FedRep.sh │ │ ├── run_centralized_ResNet.sh │ │ ├── run_tune_centralized_baseline.sh │ │ └── run_DP_centralized.sh │ ├── EMNIST-Digits │ │ ├── N100_S2 │ │ │ ├── run_tune_local.sh │ │ │ ├── run_DP_local_only.sh │ │ │ ├── run_DP-FedAvg-full.sh │ │ │ ├── run_DP-FedAvg.sh │ │ │ ├── run_DP-FedRep-full.sh │ │ │ ├── run_DP-FedRep.sh │ │ │ ├── run_PPSGD.sh │ │ │ ├── run_tune_DP-FedRep.sh │ │ │ └── run_tune_DP-FedAvg.sh │ │ ├── N100_S5 │ │ │ ├── run_tune_local.sh │ │ │ ├── run_DP_local_only.sh │ │ │ ├── run_DP-FedAvg.sh │ │ │ ├── run_DP-FedAvg-full.sh │ │ │ ├── run_DP-FedRep.sh │ │ │ ├── run_DP-FedRep-full.sh │ │ │ ├── run_PPSGD.sh │ │ │ ├── run_tune_DP-FedAvg.sh │ │ │ └── run_tune_DP-FedRep.sh │ │ └── run_DP_centralized.sh │ ├── EMNIST-Letters │ │ ├── N100_S10 │ │ │ └── run │ │ │ │ ├── Local.sh │ │ │ │ ├── FedAvg-full.sh │ │ │ │ ├── FedRep-full.sh │ │ │ │ ├── DP-FedAvg-full.sh │ │ │ │ └── DP-FedRep-full.sh │ │ └── N100_S5 │ │ │ └── run │ │ │ ├── FedAvg-full.sh │ │ │ └── FedRep-full.sh │ └── FashionMNIST │ │ └── run_DP_centralized.sh └── user-level-DP │ ├── snr │ ├── run_snr.sh │ ├── PMTL-full.sh │ ├── PPSGD-full.sh │ ├── DP-FedAvg-full.sh │ └── DP-FedRep-full.sh │ ├── EMNIST-D │ ├── N1000_S5 │ │ └── run │ │ │ ├── Local.sh │ │ │ ├── PMTL-full.sh │ │ │ ├── PPSGD-full.sh │ │ │ ├── DP-FedAvg-full.sh │ │ │ └── DP-FedRep-full.sh │ └── N2000_S5 │ │ └── run │ │ ├── Local.sh │ │ ├── PMTL-full.sh │ │ ├── PPSGD-full.sh │ │ ├── DP-FedAvg-full.sh │ │ └── DP-FedRep-full.sh │ ├── ICLR_rebuttal │ ├── large-epsilon-dp │ │ └── EMNIST-D │ │ │ └── N1000_S5 │ │ │ └── run │ │ │ ├── Local.sh │ │ │ ├── PMTL-full.sh │ │ │ ├── PPSGD-full.sh │ │ │ ├── DP-FedAvg-full.sh │ │ │ └── DP-FedRep-full.sh │ └── gradient-norm │ │ └── EMNIST-D │ │ └── N1000_S5 │ │ └── run │ │ ├── heterogeneous-DP-FedAvg-full.sh │ │ ├── homogeneous-DP-FedAvg-full.sh │ │ ├── heterogeneous-DP-FedRep-full.sh │ │ └── homogeneous-DP-FedRep-full.sh │ ├── CIFAR10 │ ├── N1000_S2 │ │ └── run │ │ │ ├── local_only.sh │ │ │ ├── FedAvg-full.sh │ │ │ ├── FedRep-full.sh │ │ │ ├── DP-FedAvg-full.sh │ │ │ ├── DP-FedRep-full.sh │ │ │ ├── PPSGD-full.sh │ │ │ └── PMTL-full.sh │ ├── N1000_S5 │ │ └── run │ │ │ ├── local_only.sh │ │ │ ├── FedAvg-full.sh │ │ │ ├── FedRep-full.sh │ │ │ ├── DP-FedAvg-full.sh │ │ │ ├── DP-FedRep-full.sh │ │ │ ├── PPSGD-full.sh │ │ │ └── PMTL-full.sh │ ├── N500_S2 │ │ └── run │ │ │ ├── local_only.sh │ │ │ ├── FedAvg-full.sh │ │ │ ├── FedRep-full.sh │ │ │ ├── DP-FedAvg-full.sh │ │ │ ├── DP-FedRep-full.sh │ │ │ ├── PPSGD-full.sh │ │ │ └── PMTL-full.sh │ └── N500_S5 │ │ └── run │ │ ├── local_only.sh │ │ ├── FedAvg-full.sh │ │ ├── FedRep-full.sh │ │ ├── DP-FedAvg-full.sh │ │ ├── DP-FedRep-full.sh │ │ ├── PPSGD-full.sh │ │ └── PMTL-full.sh │ ├── CIFAR100 │ ├── N500_S5 │ │ └── run │ │ │ ├── local_only.sh │ │ │ ├── FedAvg-full.sh │ │ │ ├── FedRep-full.sh │ │ │ ├── DP-FedAvg-full.sh │ │ │ ├── DP-FedRep-full.sh │ │ │ └── PPSGD-full.sh │ ├── N1000_S20 │ │ └── run │ │ │ ├── local_only.sh │ │ │ ├── FedAvg-full.sh │ │ │ ├── FedRep-full.sh │ │ │ ├── DP-FedAvg-full.sh │ │ │ ├── DP-FedRep-full.sh │ │ │ ├── PPSGD-full.sh │ │ │ └── PMTL-full.sh │ ├── N1000_S5 │ │ └── run │ │ │ ├── local_only.sh │ │ │ ├── FedAvg-full.sh │ │ │ ├── FedRep-full.sh │ │ │ ├── DP-FedAvg-full.sh │ │ │ └── DP-FedRep-full.sh │ └── N500_S20 │ │ └── run │ │ ├── local_only.sh │ │ ├── FedAvg-full.sh │ │ ├── FedRep-full.sh │ │ ├── DP-FedAvg-full.sh │ │ ├── DP-FedRep-full.sh │ │ └── PPSGD-full.sh │ ├── arXiv │ └── CIFAR10 │ │ ├── N1000_S2 │ │ └── run │ │ │ ├── local_only.sh │ │ │ ├── DP-FedAvg-full.sh │ │ │ └── DP-FedRep-full.sh │ │ ├── N1000_S5 │ │ └── run │ │ │ ├── local_only.sh │ │ │ ├── DP-FedAvg-full.sh │ │ │ └── DP-FedRep-full.sh │ │ ├── N500_S2 │ │ └── run │ │ │ ├── local_only.sh │ │ │ ├── DP-FedAvg-full.sh │ │ │ └── DP-FedRep-full.sh │ │ └── N500_S5 │ │ └── run │ │ ├── local_only.sh │ │ ├── DP-FedAvg-full.sh │ │ └── DP-FedRep-full.sh │ ├── camera-ready-ICLR2023 │ ├── small-epoch-data-augmentation-fine-tune │ │ ├── EMNIST-D │ │ │ ├── N1000_S5 │ │ │ │ └── run │ │ │ │ │ └── Local.sh │ │ │ └── N2000_S5 │ │ │ │ └── run │ │ │ │ └── Local.sh │ │ ├── CIFAR10 │ │ │ ├── N500_S2 │ │ │ │ └── run │ │ │ │ │ ├── local_only.sh │ │ │ │ │ ├── DP-FedAvg-full.sh │ │ │ │ │ └── DP-FedRep-full.sh │ │ │ ├── N500_S5 │ │ │ │ └── run │ │ │ │ │ ├── local_only.sh │ │ │ │ │ ├── DP-FedAvg-full.sh │ │ │ │ │ └── DP-FedRep-full.sh │ │ │ ├── N1000_S2 │ │ │ │ └── run │ │ │ │ │ ├── local_only.sh │ │ │ │ │ ├── DP-FedAvg-full.sh │ │ │ │ │ └── DP-FedRep-full.sh │ │ │ └── N1000_S5 │ │ │ │ └── run │ │ │ │ ├── local_only.sh │ │ │ │ ├── DP-FedAvg-full.sh │ │ │ │ └── DP-FedRep-full.sh │ │ └── CIFAR100 │ │ │ ├── N1000_S5 │ │ │ └── run │ │ │ │ ├── local_only.sh │ │ │ │ └── DP-FedAvg-full.sh │ │ │ ├── N500_S20 │ │ │ └── run │ │ │ │ └── local_only.sh │ │ │ ├── N500_S5 │ │ │ └── run │ │ │ │ └── local_only.sh │ │ │ └── N1000_S20 │ │ │ └── run │ │ │ ├── local_only.sh │ │ │ ├── DP-FedAvg-full.sh │ │ │ └── DP-FedRep-full.sh │ ├── large-epoch-data-augmentation-fine-tune │ │ ├── CIFAR10 │ │ │ ├── N500_S2 │ │ │ │ └── run │ │ │ │ │ ├── local_only.sh │ │ │ │ │ ├── DP-FedAvg-full.sh │ │ │ │ │ └── DP-FedRep-full.sh │ │ │ ├── N500_S5 │ │ │ │ └── run │ │ │ │ │ ├── local_only.sh │ │ │ │ │ ├── DP-FedAvg-full.sh │ │ │ │ │ └── DP-FedRep-full.sh │ │ │ ├── N1000_S2 │ │ │ │ └── run │ │ │ │ │ ├── local_only.sh │ │ │ │ │ ├── DP-FedAvg-full.sh │ │ │ │ │ └── DP-FedRep-full.sh │ │ │ └── N1000_S5 │ │ │ │ └── run │ │ │ │ ├── local_only.sh │ │ │ │ ├── DP-FedAvg-full.sh │ │ │ │ └── DP-FedRep-full.sh │ │ └── CIFAR100 │ │ │ ├── N1000_S5 │ │ │ └── run │ │ │ │ ├── local_only.sh │ │ │ │ └── DP-FedAvg-full.sh │ │ │ ├── N500_S20 │ │ │ └── run │ │ │ │ └── local_only.sh │ │ │ ├── N500_S5 │ │ │ └── run │ │ │ │ └── local_only.sh │ │ │ └── N1000_S20 │ │ │ └── run │ │ │ ├── local_only.sh │ │ │ ├── DP-FedAvg-full.sh │ │ │ └── DP-FedRep-full.sh │ └── utility-privacy-tradeoff │ │ └── DP-FedAvg-full.sh │ └── utility-privacy-tradeoff │ ├── PMTL-full.sh │ ├── PPSGD-full.sh │ └── DP-FedAvg-full.sh ├── .gitignore ├── requirements.txt └── plot_snr.py /script/local-level-DP/CIFAR100/N100_S20/tune/Local.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S5/tune/Local.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- 1 | */__pycache__ 2 | __pycache__ 3 | log 4 | plot -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S2/run_tune_local.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S5/run_tune_local.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S2/run_tune_local.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S5/run_tune_local.sh: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- 1 | torch 2 | torchvision 3 | torchsummary 4 | tqdm 5 | ray[tune] 6 | opacus 7 | transformers 8 | matplotlib 9 | -------------------------------------------------------------------------------- /script/user-level-DP/snr/run_snr.sh: -------------------------------------------------------------------------------- 1 | bash script/user-level-DP/snr/DP-FedRep-full.sh 2 | bash script/user-level-DP/snr/DP-FedAvg-full.sh 3 | bash script/user-level-DP/snr/PMTL-full.sh 4 | bash script/user-level-DP/snr/PPSGD-full.sh -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S2/run_batch.sh: -------------------------------------------------------------------------------- 1 | bash script/CIFAR10/N100_S2/run_DP-FedAvg.sh & 2 | bash script/CIFAR10/N100_S2/run_DP-FedRep.sh & 3 | bash script/CIFAR10/N100_S2/run_DP-FedAvg-full.sh & 4 | bash script/CIFAR10/N100_S2/run_DP-FedRep-full.sh & -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S5/run_batch.sh: -------------------------------------------------------------------------------- 1 | bash script/CIFAR10/N100_S5/run_DP-FedAvg.sh & 2 | bash script/CIFAR10/N100_S5/run_DP-FedRep.sh & 3 | bash script/CIFAR10/N100_S5/run_DP-FedAvg-full.sh & 4 | bash script/CIFAR10/N100_S5/run_DP-FedRep-full.sh & -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/run_centralized_ResNet.sh: -------------------------------------------------------------------------------- 1 | args=(baseline_centralized.py 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model resnet 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 20 10 | --seed 1 11 | --n_runs 1 12 | # DP configuration 13 | # --disable-dp 14 | --epsilon 50 15 | --delta 1e-5 16 | --dp_clip 1.2 17 | # save/load configuration 18 | # backend configuration 19 | --gpu 3 20 | # test configuration 21 | # train configuration 22 | --lr 1e-1 23 | --batch_size 100 24 | ) 25 | 26 | python "${args[@]}" -------------------------------------------------------------------------------- /plot_snr.py: -------------------------------------------------------------------------------- 1 | import numpy as np 2 | from matplotlib import pyplot 3 | 4 | 5 | def plot_snr(n_steps, snrs): 6 | pyplot.figure() 7 | colors = ['r', 'g', 'b', 'c'] 8 | for snr, color in zip(snrs, colors): 9 | pyplot.plot(np.arange(n_steps), snr, color) 10 | pyplot.ylabel("signal to noise ratio") 11 | pyplot.xlabel("steps") 12 | pyplot.show() 13 | 14 | 15 | methods = ["DP_FedAvg_ft", "DP_FedRep", "PMTL", "PPSGD"] 16 | datasets = ["emnist_d"] 17 | 18 | 19 | for dataset in datasets: 20 | snrs = [] 21 | for method in methods: 22 | snrs.append(np.load(f"log/snrs/snr_{method}_{dataset}.np")) 23 | n_steps = snrs[0].shape[0] 24 | plot_snr(n_steps, snrs) 25 | 26 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/run_tune_centralized_baseline.sh: -------------------------------------------------------------------------------- 1 | args=(tune_baseline_centralized.py 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 600 10 | --seed 1 11 | --n_runs 1 12 | # DP configuration 13 | # --disable-dp 14 | --epsilon 1 15 | --delta 1e-5 16 | --dp_clip 1.2 17 | # save/load configuration 18 | # backend configuration 19 | --gpu 0 20 | # test configuration 21 | --weight-decay 0 22 | --momentum 0 23 | # train configuration 24 | --lr .3 25 | --batch_size 4000 26 | --MAX_PHYSICAL_BATCH_SIZE 200 27 | --verbose 28 | ) 29 | 30 | python "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/EMNIST-D/N1000_S5/run/Local.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset emnist_d 4 | --num_classes 10 5 | # model configuration 6 | --model mlp 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1000 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | # save/load configuration 17 | # backend configuration 18 | # --gpu 0-1-2-3 19 | --use_ray 20 | --ray_gpu_fraction .25 21 | # test configuration 22 | # train configuration 23 | # --verbose 24 | --lr 1e-2 25 | --batch_size 100 26 | --local_ep 200 27 | --momentum 0 28 | ) 29 | 30 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/EMNIST-D/N2000_S5/run/Local.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset emnist_d 4 | --num_classes 10 5 | # model configuration 6 | --model mlp 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 2000 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | # save/load configuration 17 | # backend configuration 18 | # --gpu 0-1-2-3 19 | --use_ray 20 | --ray_gpu_fraction .25 21 | # test configuration 22 | # train configuration 23 | # --verbose 24 | --lr 1e-2 25 | --batch_size 100 26 | --local_ep 200 27 | --momentum 0 28 | ) 29 | 30 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/ICLR_rebuttal/large-epsilon-dp/EMNIST-D/N1000_S5/run/Local.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset emnist_d 4 | --num_classes 10 5 | # model configuration 6 | --model mlp 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1000 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | # save/load configuration 17 | # backend configuration 18 | # --gpu 0-1-2-3 19 | --use_ray 20 | --ray_gpu_fraction .25 21 | # test configuration 22 | # train configuration 23 | # --verbose 24 | --lr 1e-2 25 | --batch_size 100 26 | --local_ep 200 27 | --momentum 0 28 | ) 29 | 30 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/run_DP_centralized.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1 11 | --shard_per_user 10 12 | --seed 1 13 | --n_runs 1 14 | # DP configuration 15 | # --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --gpu 0-1-2-3 22 | # --use_ray 23 | --ray_gpu_fraction .3 24 | # test configuration 25 | # train configuration 26 | # --verbose 27 | --lr 1e-1 28 | --batch_size 4000 29 | --local_ep 500 30 | --momentum 0 31 | ) 32 | 33 | python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S5/run/Local.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar100 4 | --num_classes 100 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 100 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 1 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | --use_ray 23 | --ray_gpu_fraction .3 24 | # test configuration 25 | # train configuration 26 | # --verbose 27 | --lr 1e-1 28 | --batch_size 4000 29 | --local_ep 500 30 | --momentum 0 31 | ) 32 | 33 | python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S2/run_DP_local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 100 11 | --shard_per_user 2 12 | --seed 1 13 | --n_runs 1 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | --use_ray 23 | --ray_gpu_fraction .3 24 | # test configuration 25 | # train configuration 26 | # --verbose 27 | --lr 1e-1 28 | --batch_size 4000 29 | --local_ep 500 30 | --momentum 0 31 | ) 32 | 33 | python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S5/run_DP_local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 100 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 1 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | --use_ray 23 | --ray_gpu_fraction .3 24 | # test configuration 25 | # train configuration 26 | # --verbose 27 | --lr 1e-1 28 | --batch_size 4000 29 | --local_ep 500 30 | --momentum 0 31 | ) 32 | 33 | python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S20/run/Local.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar100 4 | --num_classes 100 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 100 11 | --shard_per_user 20 12 | --seed 1 13 | --n_runs 1 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .3 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 50 28 | --local_ep 500 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Letters/N100_S10/run/Local.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset emnist_l 4 | --num_classes 20 5 | # model configuration 6 | --model mlp 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 100 11 | --shard_per_user 10 12 | --seed 1 13 | --n_runs 1 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | --use_ray 23 | --ray_gpu_fraction .25 24 | # test configuration 25 | # train configuration 26 | # --verbose 27 | --lr 1e-2 28 | --batch_size 100 29 | --local_ep 500 30 | --momentum 0 31 | ) 32 | 33 | python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N1000_S2/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1000 11 | --shard_per_user 2 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 200 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N1000_S5/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1000 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 200 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N500_S2/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 500 11 | --shard_per_user 2 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 200 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N500_S5/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 500 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 200 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N500_S5/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar100 4 | --num_classes 100 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 500 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 20 28 | --local_ep 100 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S2/run_DP_local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 100 11 | --shard_per_user 2 12 | --seed 1 13 | --n_runs 1 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | --use_ray 23 | --ray_gpu_fraction .3 24 | # test configuration 25 | # train configuration 26 | # --verbose 27 | --lr 1e-1 28 | --batch_size 4000 29 | --local_ep 500 30 | --momentum 0 31 | ) 32 | 33 | python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S5/run_DP_local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 100 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 1 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | --use_ray 23 | --ray_gpu_fraction .3 24 | # test configuration 25 | # train configuration 26 | # --verbose 27 | --lr 1e-1 28 | --batch_size 4000 29 | --local_ep 500 30 | --momentum 0 31 | ) 32 | 33 | python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N1000_S20/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar100 4 | --num_classes 100 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1000 11 | --shard_per_user 20 12 | --seed 1 13 | --n_runs 5 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 500 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N1000_S5/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar100 4 | --num_classes 100 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1000 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 20 28 | --local_ep 100 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N500_S20/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar100 4 | --num_classes 100 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 500 11 | --shard_per_user 20 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 20 28 | --local_ep 100 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/arXiv/CIFAR10/N1000_S2/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1000 11 | --shard_per_user 2 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 200 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/arXiv/CIFAR10/N1000_S5/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1000 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 200 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/arXiv/CIFAR10/N500_S2/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 500 11 | --shard_per_user 2 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 200 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/arXiv/CIFAR10/N500_S5/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 500 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 200 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/EMNIST-D/N1000_S5/run/Local.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset emnist_d 4 | --num_classes 10 5 | # model configuration 6 | --model mlp 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1000 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | # save/load configuration 17 | # backend configuration 18 | # --gpu 0-1-2-3 19 | --use_ray 20 | --ray_gpu_fraction .25 21 | # test configuration 22 | # train configuration 23 | # --verbose 24 | --lr 1e-2 25 | --batch_size 100 26 | --local_ep 200 27 | --momentum 0 28 | ) 29 | 30 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/EMNIST-D/N2000_S5/run/Local.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset emnist_d 4 | --num_classes 10 5 | # model configuration 6 | --model mlp 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 2000 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | # save/load configuration 17 | # backend configuration 18 | # --gpu 0-1-2-3 19 | --use_ray 20 | --ray_gpu_fraction .25 21 | # test configuration 22 | # train configuration 23 | # --verbose 24 | --lr 1e-2 25 | --batch_size 100 26 | --local_ep 200 27 | --momentum 0 28 | ) 29 | 30 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR10/N500_S2/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 500 11 | --shard_per_user 2 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 200 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR10/N500_S5/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 500 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 200 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR10/N500_S2/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 500 11 | --shard_per_user 2 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 200 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR10/N500_S5/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 500 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 200 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR10/N1000_S2/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1000 11 | --shard_per_user 2 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 200 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR10/N1000_S5/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1000 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 200 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR100/N1000_S5/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar100 4 | --num_classes 100 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1000 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 20 28 | --local_ep 100 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR100/N500_S20/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar100 4 | --num_classes 100 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 500 11 | --shard_per_user 20 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 20 28 | --local_ep 100 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR100/N500_S5/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar100 4 | --num_classes 100 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 500 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 20 28 | --local_ep 100 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR10/N1000_S2/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1000 11 | --shard_per_user 2 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 200 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR10/N1000_S5/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar10 4 | --num_classes 10 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1000 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 200 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR100/N1000_S5/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar100 4 | --num_classes 100 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1000 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 20 28 | --local_ep 100 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR100/N500_S20/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar100 4 | --num_classes 100 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 500 11 | --shard_per_user 20 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 20 28 | --local_ep 100 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR100/N500_S5/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar100 4 | --num_classes 100 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 500 11 | --shard_per_user 5 12 | --seed 1 13 | --n_runs 3 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 20 28 | --local_ep 100 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/run_DP_centralized.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar100 4 | --num_classes 100 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1 11 | --shard_per_user 100 12 | --seed 1 13 | --n_runs 1 14 | # DP configuration 15 | --dp_type local-level-DP 16 | --disable-dp 17 | --epsilon 1 18 | --delta 1e-5 19 | --dp_clip 1 20 | # save/load configuration 21 | # backend configuration 22 | --MAX_PHYSICAL_BATCH_SIZE 500 23 | # --use_ray 24 | # --ray_gpu_fraction .3 25 | # test configuration 26 | # train configuration 27 | # --verbose 28 | --lr 1e-2 29 | --batch_size 1000 30 | --local_ep 500 31 | --momentum 0 32 | ) 33 | 34 | CUDA_VISIBLE_DEVICES=0 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/run_DP_centralized.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset EMNIST 4 | --num_classes 10 5 | # model configuration 6 | --model mlp 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1 11 | --shard_per_user 10 12 | --seed 1 13 | --n_runs 1 14 | # DP configuration 15 | --dp_type local-level-DP 16 | --disable-dp 17 | --epsilon 1 18 | --delta 1e-5 19 | --dp_clip 1 20 | # save/load configuration 21 | # backend configuration 22 | --MAX_PHYSICAL_BATCH_SIZE 500 23 | # --use_ray 24 | # --ray_gpu_fraction .3 25 | # test configuration 26 | # train configuration 27 | # --verbose 28 | --lr 1e-1 29 | --batch_size 1000 30 | --local_ep 500 31 | --momentum 0 32 | ) 33 | 34 | CUDA_VISIBLE_DEVICES=0 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR100/N1000_S20/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar100 4 | --num_classes 100 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1000 11 | --shard_per_user 20 12 | --seed 1 13 | --n_runs 5 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 500 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR100/N1000_S20/run/local_only.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset cifar100 4 | --num_classes 100 5 | # model configuration 6 | --model cnn 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1000 11 | --shard_per_user 20 12 | --seed 1 13 | --n_runs 5 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | # --verbose 26 | --lr 1e-2 27 | --batch_size 10 28 | --local_ep 500 29 | --momentum 0 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/local-level-DP/FashionMNIST/run_DP_centralized.sh: -------------------------------------------------------------------------------- 1 | args=(--alg Local 2 | # dataset configuration 3 | --dataset fashionmnist 4 | --num_classes 10 5 | # model configuration 6 | --model mlp 7 | # experiment configuration 8 | # --data_augmentation 9 | --epochs 1 10 | --num_users 1 11 | --shard_per_user 10 12 | --seed 1 13 | --n_runs 1 14 | # DP configuration 15 | --dp_type local-level-DP 16 | --disable-dp 17 | --epsilon 1 18 | --delta 1e-5 19 | --dp_clip 1 20 | # save/load configuration 21 | # backend configuration 22 | --MAX_PHYSICAL_BATCH_SIZE 500 23 | # --use_ray 24 | # --ray_gpu_fraction .3 25 | # test configuration 26 | # train configuration 27 | # --verbose 28 | --lr 1e-1 29 | --batch_size 1000 30 | --local_ep 500 31 | --momentum 0 32 | ) 33 | 34 | CUDA_VISIBLE_DEVICES=1 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S5/run/FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 5 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | --disable-dp 16 | # save/load configuration 17 | # backend configuration 18 | --use_ray 19 | --ray_gpu_fraction .33 20 | # test configuration 21 | # train configuration 22 | --frac_participate 1 23 | --batch_size 100 24 | --local_ep 5 25 | # --verbose 26 | # algorithm specific configuration 27 | --lr 1e-2 28 | --lr-head 1e-2 29 | --ft-ep 15 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 33 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S5/run/FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 5 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 600 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | --disable-dp 16 | # save/load configuration 17 | # backend configuration 18 | --use_ray 19 | --ray_gpu_fraction .33 20 | # test configuration 21 | # train configuration 22 | --frac_participate 1 23 | --batch_size 100 24 | --local_ep 5 25 | # --verbose 26 | # algorithm specific configuration 27 | --lr 1e-2 28 | --lr-head 1e-2 29 | --local_head_ep 15 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 33 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Letters/N100_S5/run/FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_l 6 | --shard_per_user 5 7 | --num_classes 20 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | --disable-dp 16 | # save/load configuration 17 | # backend configuration 18 | --use_ray 19 | --ray_gpu_fraction .33 20 | # test configuration 21 | # train configuration 22 | --frac_participate 1 23 | --batch_size 100 24 | --local_ep 5 25 | # --verbose 26 | # algorithm specific configuration 27 | --lr 1e-2 28 | --lr-head 1e-2 29 | --ft-ep 15 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 33 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Letters/N100_S5/run/FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_l 6 | --shard_per_user 5 7 | --num_classes 20 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 600 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | --disable-dp 16 | # save/load configuration 17 | # backend configuration 18 | --use_ray 19 | --ray_gpu_fraction .33 20 | # test configuration 21 | # train configuration 22 | --frac_participate 1 23 | --batch_size 100 24 | --local_ep 5 25 | # --verbose 26 | # algorithm specific configuration 27 | --lr 1e-2 28 | --lr-head 1e-2 29 | --local_head_ep 15 30 | ) 31 | 32 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 33 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Letters/N100_S10/run/FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_l 6 | --shard_per_user 10 7 | --num_classes 20 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | --disable-dp 16 | # save/load configuration 17 | # backend configuration 18 | --use_ray 19 | --ray_gpu_fraction .33 20 | # test configuration 21 | --print_freq 2 22 | # train configuration 23 | --frac_participate 1 24 | --batch_size 100 25 | --local_ep 5 26 | # --verbose 27 | # algorithm specific configuration 28 | --lr 1e-2 29 | --lr-head 1e-2 30 | --ft-ep 15 31 | ) 32 | 33 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 34 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Letters/N100_S10/run/FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_l 6 | --shard_per_user 10 7 | --num_classes 20 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 600 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | --disable-dp 16 | # save/load configuration 17 | # backend configuration 18 | --use_ray 19 | --ray_gpu_fraction .33 20 | # test configuration 21 | --print_freq 2 22 | # train configuration 23 | --frac_participate 1 24 | --batch_size 100 25 | --local_ep 5 26 | # --verbose 27 | # algorithm specific configuration 28 | --lr 1e-2 29 | --lr-head 1e-2 30 | --local_head_ep 15 31 | ) 32 | 33 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 34 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S20/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 20 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | --epochs 400 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | # --disable-dp 15 | --epsilon 1 16 | --delta 1e-5 17 | --dp_clip 1 18 | # save/load configuration 19 | # backend configuration 20 | --use_ray 21 | --ray_gpu_fraction .33 22 | # test configuration 23 | # train configuration 24 | --frac_participate 1 25 | --batch_size 100 26 | --MAX_PHYSICAL_BATCH_SIZE 25 27 | --local_ep 1 28 | # --verbose 29 | # algorithm specific configuration 30 | --lr .01 31 | --lr-head 1e-2 32 | --ft-ep 15 33 | ) 34 | 35 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 36 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S5/run_DP-FedAvg.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | --epochs 400 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | # --disable-dp 15 | --epsilon 1 16 | --delta 1e-5 17 | --dp_clip 1 18 | # save/load configuration 19 | # backend configuration 20 | # --gpu 0-1-2-3 21 | # --use_ray 22 | # --ray_gpu_fraction 0.3 23 | # test configuration 24 | # train configuration 25 | --frac_participate .1 26 | --batch_size 4000 27 | --MAX_PHYSICAL_BATCH_SIZE 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --ft-ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=2 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N1000_S2/run/FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction 0.5 24 | # test configuration 25 | # train configuration 26 | --frac_participate 1 27 | --batch_size 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --ft-ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N1000_S5/run/FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction 0.5 24 | # test configuration 25 | # train configuration 26 | --frac_participate 1 27 | --batch_size 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --ft-ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N500_S2/run/FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction 0.5 24 | # test configuration 25 | # train configuration 26 | --frac_participate 1 27 | --batch_size 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --ft-ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N500_S5/run/FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction 0.5 24 | # test configuration 25 | # train configuration 26 | --frac_participate 1 27 | --batch_size 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --ft-ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N1000_S5/run/FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction 0.5 24 | # test configuration 25 | # train configuration 26 | --frac_participate 1 27 | --batch_size 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --ft-ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N500_S20/run/FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction 0.5 24 | # test configuration 25 | # train configuration 26 | --frac_participate 1 27 | --batch_size 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --ft-ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N500_S5/run/FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction 0.5 24 | # test configuration 25 | # train configuration 26 | --frac_participate 1 27 | --batch_size 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --ft-ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S5/run_DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | --epochs 400 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | # --disable-dp 15 | --epsilon 1 16 | --delta 1e-5 17 | --dp_clip 1 18 | # save/load configuration 19 | # backend configuration 20 | # --gpu 0-1-2-3 21 | # --use_ray 22 | # --ray_gpu_fraction 0.3 23 | # test configuration 24 | # train configuration 25 | --frac_participate 1 26 | --batch_size 4000 27 | --MAX_PHYSICAL_BATCH_SIZE 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --ft-ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=2 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S5/run_DP-FedRep.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | --epochs 400 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | # --disable-dp 15 | --epsilon 1 16 | --delta 1e-5 17 | --dp_clip 1 18 | # save/load configuration 19 | # backend configuration 20 | # --gpu 0-1-2-3 21 | # --use_ray 22 | # --ray_gpu_fraction 0.3 23 | # test configuration 24 | # train configuration 25 | --frac_participate .1 26 | --batch_size 4000 27 | --MAX_PHYSICAL_BATCH_SIZE 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --local_head_ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S5/run_DP-FedAvg.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | --epochs 400 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | # --disable-dp 15 | --epsilon 1 16 | --delta 1e-5 17 | --dp_clip 1 18 | # save/load configuration 19 | # backend configuration 20 | # --gpu 0-1-2-3 21 | # --use_ray 22 | # --ray_gpu_fraction 0.3 23 | # test configuration 24 | # train configuration 25 | --frac_participate .1 26 | --batch_size 4000 27 | --MAX_PHYSICAL_BATCH_SIZE 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --ft-ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=2 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N1000_S2/run/FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction .5 24 | # test configuration 25 | # train configuration 26 | --frac_participate 1 27 | --batch_size 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --local_head_ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N1000_S5/run/FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction .5 24 | # test configuration 25 | # train configuration 26 | --frac_participate 1 27 | --batch_size 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --local_head_ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N500_S2/run/FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction .5 24 | # test configuration 25 | # train configuration 26 | --frac_participate 1 27 | --batch_size 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --local_head_ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N500_S5/run/FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction .5 24 | # test configuration 25 | # train configuration 26 | --frac_participate 1 27 | --batch_size 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --local_head_ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N1000_S20/run/FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction 0.5 24 | # test configuration 25 | # train configuration 26 | --frac_participate 1 27 | --batch_size 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --ft-ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N1000_S20/run/FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction .5 24 | # test configuration 25 | # train configuration 26 | --frac_participate 1 27 | --batch_size 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --local_head_ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N1000_S5/run/FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction .5 24 | # test configuration 25 | # train configuration 26 | --frac_participate 1 27 | --batch_size 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --local_head_ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N500_S5/run/FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction .5 24 | # test configuration 25 | # train configuration 26 | --frac_participate 1 27 | --batch_size 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --local_head_ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S5/run_DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | --epochs 400 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | # --disable-dp 15 | --epsilon 1 16 | --delta 1e-5 17 | --dp_clip 1 18 | # save/load configuration 19 | # backend configuration 20 | # --gpu 0-1-2-3 21 | # --use_ray 22 | # --ray_gpu_fraction 0.3 23 | # test configuration 24 | # train configuration 25 | --frac_participate 1 26 | --batch_size 4000 27 | --MAX_PHYSICAL_BATCH_SIZE 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --local_head_ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S5/run_DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | --epochs 400 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | # --disable-dp 15 | --epsilon 1 16 | --delta 1e-5 17 | --dp_clip 1 18 | # save/load configuration 19 | # backend configuration 20 | # --gpu 0-1-2-3 21 | # --use_ray 22 | # --ray_gpu_fraction 0.3 23 | # test configuration 24 | # train configuration 25 | --frac_participate 1 26 | --batch_size 4000 27 | --MAX_PHYSICAL_BATCH_SIZE 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --ft-ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=2 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S5/run_DP-FedRep.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | --epochs 400 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | # --disable-dp 15 | --epsilon 1 16 | --delta 1e-5 17 | --dp_clip 1 18 | # save/load configuration 19 | # backend configuration 20 | # --gpu 0-1-2-3 21 | # --use_ray 22 | # --ray_gpu_fraction 0.3 23 | # test configuration 24 | # train configuration 25 | --frac_participate .1 26 | --batch_size 4000 27 | --MAX_PHYSICAL_BATCH_SIZE 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --local_head_ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S5/run_DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | --epochs 400 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | # --disable-dp 15 | --epsilon 1 16 | --delta 1e-5 17 | --dp_clip 1 18 | # save/load configuration 19 | # backend configuration 20 | # --gpu 0-1-2-3 21 | # --use_ray 22 | # --ray_gpu_fraction 0.3 23 | # test configuration 24 | # train configuration 25 | --frac_participate 1 26 | --batch_size 4000 27 | --MAX_PHYSICAL_BATCH_SIZE 64 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-1 32 | --lr-head 1e-2 33 | --local_head_ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S20/run/DP-FedAvg.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 20 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | --epochs 200 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | # --disable-dp 15 | --epsilon 1 16 | --delta 1e-5 17 | --dp_clip .5 18 | # save/load configuration 19 | # backend configuration 20 | # --gpu 0-1-2-3 21 | --use_ray 22 | --ray_gpu_fraction 1 23 | # test configuration 24 | --print_freq 1 25 | # train configuration 26 | --frac_participate .1 27 | --batch_size 100 28 | --MAX_PHYSICAL_BATCH_SIZE 25 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --ft-ep 15 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=2,3 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N500_S20/run/FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 20 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 500 14 | # DP configuration 15 | --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | --use_ray 23 | --ray_gpu_fraction .25 24 | # test configuration 25 | --print_freq 2 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 3 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S2/run_DP-FedAvg.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | # --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction 0.5 24 | # test configuration 25 | # train configuration 26 | --frac_participate .1 27 | --batch_size 4000 28 | --MAX_PHYSICAL_BATCH_SIZE 64 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-1 33 | --lr-head 1e-2 34 | --ft-ep 15 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S20/run/DP-FedRep.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 20 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 1 11 | --epochs 200 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | # --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip .5 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction 1 23 | # test configuration 24 | --print_freq 5 25 | # train configuration 26 | --frac_participate .1 27 | --batch_size 100 28 | --MAX_PHYSICAL_BATCH_SIZE 25 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0,1 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S5/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 5 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | # --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip .5 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | --frac_participate 1 26 | --batch_size 100 27 | --MAX_PHYSICAL_BATCH_SIZE 25 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-2 32 | --lr-head 1e-2 33 | --ft-ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S2/run_DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | # --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction 0.5 24 | # test configuration 25 | # train configuration 26 | --frac_participate 1 27 | --batch_size 4000 28 | --MAX_PHYSICAL_BATCH_SIZE 64 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-1 33 | --lr-head 1e-2 34 | --ft-ep 15 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S20/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 20 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | --epochs 400 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | # --disable-dp 15 | --epsilon 1 16 | --delta 1e-5 17 | --dp_clip .1 18 | # save/load configuration 19 | # backend configuration 20 | --use_ray 21 | --ray_gpu_fraction .33 22 | # test configuration 23 | --print_freq 5 24 | # train configuration 25 | # --aggr trimmed_mean 26 | --frac_participate 1 27 | --batch_size 500 28 | --MAX_PHYSICAL_BATCH_SIZE 25 29 | --local_ep 4 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr .1 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S5/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 5 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 500 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | # --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip .5 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | --frac_participate 1 26 | --batch_size 100 27 | --MAX_PHYSICAL_BATCH_SIZE 25 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 0.005 32 | --lr-head 1e-2 33 | --local_head_ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N500_S2/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N500_S5/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S2/run_DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | # --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction 0.5 24 | # test configuration 25 | # train configuration 26 | --frac_participate 1 27 | --batch_size 4000 28 | --MAX_PHYSICAL_BATCH_SIZE 64 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-1 33 | --lr-head 1e-2 34 | --ft-ep 15 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Letters/N100_S10/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_l 6 | --shard_per_user 10 7 | --num_classes 20 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | # --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip .5 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | --frac_participate 1 26 | --batch_size 100 27 | --MAX_PHYSICAL_BATCH_SIZE 25 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-2 32 | --lr-head 1e-2 33 | --ft-ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N1000_S2/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N1000_S5/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Letters/N100_S10/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_l 6 | --shard_per_user 10 7 | --num_classes 20 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | # --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip .5 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | --frac_participate 1 26 | --batch_size 100 27 | --MAX_PHYSICAL_BATCH_SIZE 25 28 | --local_ep 1 29 | # --verbose 30 | # algorithm specific configuration 31 | --lr 1e-2 32 | --lr-head 1e-2 33 | --local_head_ep 15 34 | ) 35 | 36 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N1000_S20/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 20 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 1 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S5/run/DP-FedAvg-partial.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 5 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | # --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip .5 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | --frac_participate .1 26 | --batch_size 100 27 | --MAX_PHYSICAL_BATCH_SIZE 25 28 | --local_ep 1 29 | --global_lr 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --ft-ep 15 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S2/run_DP-FedRep.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | # --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | --ray_gpu_fraction .33 24 | # test configuration 25 | --print_freq 2 26 | # train configuration 27 | --frac_participate .1 28 | --batch_size 4000 29 | --MAX_PHYSICAL_BATCH_SIZE 64 30 | --local_ep 10 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-1 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S20/tune/FedAvg.sh: -------------------------------------------------------------------------------- 1 | args=( --alg DP_FedAvg_ft 2 | # FIXED CONFIGURATIONS 3 | # model configuration 4 | --model cnn 5 | # dataset configuration 6 | --dataset cifar100 7 | --shard_per_user 20 8 | --num_classes 100 9 | # experiment configuration 10 | # --data_augmentation 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | --disable-dp # DISABLE DP! 15 | # save/load configuration 16 | # backend configuration 17 | # test configuration 18 | # train configuration 19 | --frac_participate 1. 20 | # algorithm specific configuration 21 | --lr-head 1e-2 22 | --ft-ep 15 23 | ## RAY[TUNE] parameters 24 | --gpus_per_trial .33 25 | # PARAMETERS TO BE TUNED 26 | --lr 1e-1 27 | --epochs 100 28 | --local_ep 1 29 | --batch_size 4000 30 | --dp_clip 1 31 | ) 32 | 33 | python tune_DP_methods.py "${args[@]}" 34 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S5/run/DP-FedRep-partial.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 5 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 500 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | # --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 2 19 | # save/load configuration 20 | # backend configuration 21 | --use_ray 22 | --ray_gpu_fraction .25 23 | # test configuration 24 | # train configuration 25 | --frac_participate .1 26 | --batch_size 500 27 | --MAX_PHYSICAL_BATCH_SIZE 25 28 | --local_ep 1 29 | --global_lr 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 0.005 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S2/run_DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | --data_augmentation 10 | --data_augmentation_multiplicity 16 11 | --epochs 20 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | # --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip .2 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | --use_ray 23 | --ray_gpu_fraction .3 24 | # test configuration 25 | --print_freq 2 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 50 29 | --MAX_PHYSICAL_BATCH_SIZE 5 30 | --local_ep 5 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S20/tune/FedRep.sh: -------------------------------------------------------------------------------- 1 | args=( --alg DP_FedRep 2 | # FIXED CONFIGURATIONS 3 | # model configuration 4 | --model cnn 5 | # dataset configuration 6 | --dataset cifar100 7 | --shard_per_user 20 8 | --num_classes 100 9 | # experiment configuration 10 | # --data_augmentation 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | --disable-dp # DISABLE DP! 15 | # save/load configuration 16 | # backend configuration 17 | # test configuration 18 | # train configuration 19 | --frac_participate 1. 20 | # algorithm specific configuration 21 | --lr-head 1e-2 22 | --local_head_ep 15 23 | ## RAY[TUNE] parameters 24 | --gpus_per_trial .33 25 | # PARAMETERS TO BE TUNED 26 | --lr 1e-1 27 | --epochs 100 28 | --local_ep 1 29 | --batch_size 4000 30 | --dp_clip 1 31 | ) 32 | 33 | python tune_DP_methods.py "${args[@]}" 34 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S2/run_DP-FedAvg.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | # --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction 0.5 24 | # test configuration 25 | --print_freq 2 26 | # train configuration 27 | --frac_participate .1 28 | --batch_size 4000 29 | --MAX_PHYSICAL_BATCH_SIZE 64 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-1 34 | --lr-head 1e-2 35 | --ft-ep 15 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S2/run_DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | --data_augmentation 10 | --data_augmentation_multiplicity 16 11 | --epochs 20 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | # --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip .2 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | --use_ray 23 | --ray_gpu_fraction .3 24 | # test configuration 25 | --print_freq 2 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 50 29 | --MAX_PHYSICAL_BATCH_SIZE 5 30 | --local_ep 5 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S2/run_DP-FedRep.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 100 14 | # DP configuration 15 | # --disable-dp 16 | --epsilon 1 17 | --delta 1e-5 18 | --dp_clip 1 19 | # save/load configuration 20 | # backend configuration 21 | # --gpu 0-1-2-3 22 | # --use_ray 23 | # --ray_gpu_fraction .5 24 | # test configuration 25 | --test_freq 2 26 | # train configuration 27 | --frac_participate .1 28 | --batch_size 4000 29 | --MAX_PHYSICAL_BATCH_SIZE 64 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-1 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=1 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N1000_S2/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N1000_S5/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N500_S2/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N500_S5/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S2/run_PPSGD.sh: -------------------------------------------------------------------------------- 1 | args=(main.py 2 | # algorithm configuration 3 | --alg PPSGD 4 | # model configuration 5 | --model cnn 6 | # dataset configuration 7 | --dataset cifar10 8 | --shard_per_user 2 9 | --num_classes 10 10 | # experiment configuration 11 | # --data_augmentation 12 | --epochs 400 13 | --seed 1 14 | --num_users 100 15 | # DP configuration 16 | # --disable-dp 17 | --epsilon 1 18 | --delta 1e-5 19 | --dp_clip 1 20 | # save/load configuration 21 | # backend configuration 22 | --gpu 0-1-2-3 23 | --use_ray 24 | --ray_gpu_fraction 0.3 25 | # test configuration 26 | # train configuration 27 | --batch_size 4000 28 | --MAX_PHYSICAL_BATCH_SIZE 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-3 33 | --lr_l 1e-1 34 | ) 35 | 36 | python "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S5/run_PPSGD.sh: -------------------------------------------------------------------------------- 1 | args=(main.py 2 | # algorithm configuration 3 | --alg PPSGD 4 | # model configuration 5 | --model cnn 6 | # dataset configuration 7 | --dataset cifar10 8 | --shard_per_user 2 9 | --num_classes 10 10 | # experiment configuration 11 | # --data_augmentation 12 | --epochs 400 13 | --seed 1 14 | --num_users 100 15 | # DP configuration 16 | # --disable-dp 17 | --epsilon 1 18 | --delta 1e-5 19 | --dp_clip 1 20 | # save/load configuration 21 | # backend configuration 22 | --gpu 0-1-2-3 23 | --use_ray 24 | --ray_gpu_fraction 0.3 25 | # test configuration 26 | # train configuration 27 | --batch_size 4000 28 | --MAX_PHYSICAL_BATCH_SIZE 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-3 33 | --lr_l 1e-1 34 | ) 35 | 36 | python "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N1000_S20/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 20 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 1 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S2/run_PPSGD.sh: -------------------------------------------------------------------------------- 1 | args=(main.py 2 | # algorithm configuration 3 | --alg PPSGD 4 | # model configuration 5 | --model cnn 6 | # dataset configuration 7 | --dataset cifar10 8 | --shard_per_user 2 9 | --num_classes 10 10 | # experiment configuration 11 | # --data_augmentation 12 | --epochs 400 13 | --seed 1 14 | --num_users 100 15 | # DP configuration 16 | # --disable-dp 17 | --epsilon 1 18 | --delta 1e-5 19 | --dp_clip 1 20 | # save/load configuration 21 | # backend configuration 22 | --gpu 0-1-2-3 23 | --use_ray 24 | --ray_gpu_fraction 0.3 25 | # test configuration 26 | # train configuration 27 | --batch_size 4000 28 | --MAX_PHYSICAL_BATCH_SIZE 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-3 33 | --lr_l 1e-1 34 | ) 35 | 36 | python "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S5/run_PPSGD.sh: -------------------------------------------------------------------------------- 1 | args=(main.py 2 | # algorithm configuration 3 | --alg PPSGD 4 | # model configuration 5 | --model cnn 6 | # dataset configuration 7 | --dataset cifar10 8 | --shard_per_user 2 9 | --num_classes 10 10 | # experiment configuration 11 | # --data_augmentation 12 | --epochs 400 13 | --seed 1 14 | --num_users 100 15 | # DP configuration 16 | # --disable-dp 17 | --epsilon 1 18 | --delta 1e-5 19 | --dp_clip 1 20 | # save/load configuration 21 | # backend configuration 22 | --gpu 0-1-2-3 23 | --use_ray 24 | --ray_gpu_fraction 0.3 25 | # test configuration 26 | # train configuration 27 | --batch_size 4000 28 | --MAX_PHYSICAL_BATCH_SIZE 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-3 33 | --lr_l 1e-1 34 | ) 35 | 36 | python "${args[@]}" 37 | -------------------------------------------------------------------------------- /script/user-level-DP/snr/PMTL-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg PMTL 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 40 12 | --seed 1 13 | --num_users 2000 14 | --n_runs 1 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon .5 19 | --delta 1e-5 20 | --dp_clip .25 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction .25 25 | # test configuration 26 | --print_freq 2 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 2 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-2 36 | --local_head_ep 15 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/snr/PPSGD-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg PPSGD 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 40 12 | --seed 1 13 | --num_users 2000 14 | --n_runs 1 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon .5 19 | --delta 1e-5 20 | --dp_clip .25 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction .25 25 | # test configuration 26 | --print_freq 2 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 2 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-1 36 | --local_head_ep 1 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N1000_S5/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 5 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 100 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .02 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | --print_diff_norm 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | --global_lr 5 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/EMNIST-D/N1000_S5/run/PMTL-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg PMTL 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 40 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .25 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction .25 25 | # test configuration 26 | --print_freq 2 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 2 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-2 36 | --local_head_ep 15 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/EMNIST-D/N2000_S5/run/PMTL-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg PMTL 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 40 12 | --seed 1 13 | --num_users 2000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .25 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction .25 25 | # test configuration 26 | --print_freq 2 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 2 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-2 36 | --local_head_ep 15 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/snr/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 40 12 | --seed 1 13 | --num_users 2000 14 | --n_runs 1 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon .5 19 | --delta 1e-5 20 | --dp_clip .25 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction .25 25 | # test configuration 26 | --print_freq 2 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 2 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-2 36 | --local_head_ep 15 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/EMNIST-D/N1000_S5/run/PPSGD-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg PPSGD 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 40 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .25 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction .25 25 | # test configuration 26 | --print_freq 2 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 2 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-1 36 | --local_head_ep 1 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/EMNIST-D/N2000_S5/run/PPSGD-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg PPSGD 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 40 12 | --seed 1 13 | --num_users 2000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .25 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction .25 25 | # test configuration 26 | --print_freq 2 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 2 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-1 36 | --local_head_ep 1 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/arXiv/CIFAR10/N1000_S2/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 100 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .1 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | --print_freq 10 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 1 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-2 36 | --local_head_ep 15 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/arXiv/CIFAR10/N1000_S5/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 100 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .1 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | --print_freq 10 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 1 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-2 36 | --local_head_ep 15 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/arXiv/CIFAR10/N500_S2/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | --print_freq 10 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 1 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-2 36 | --local_head_ep 15 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/arXiv/CIFAR10/N500_S5/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | --print_freq 10 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 1 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-2 36 | --local_head_ep 15 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR10/N500_S5/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/user-level-DP/EMNIST-D/N1000_S5/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 40 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .25 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction .25 25 | # test configuration 26 | --print_freq 2 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 2 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-2 36 | --local_head_ep 15 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/EMNIST-D/N2000_S5/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 40 12 | --seed 1 13 | --num_users 2000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .25 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction .25 25 | # test configuration 26 | --print_freq 2 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 2 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-2 36 | --local_head_ep 15 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S2/run_tune_DP-FedRep.sh: -------------------------------------------------------------------------------- 1 | args=( --alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | --epochs 500 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | # --disable-dp 15 | --epsilon 1 16 | --delta 1e-5 17 | --dp_clip 1 18 | # save/load configuration 19 | # backend configuration 20 | --use_ray 21 | --ray_gpu_fraction 0.3 22 | # test configuration 23 | --print_freq 2 24 | # train configuration 25 | --batch_size 4000 26 | --MAX_PHYSICAL_BATCH_SIZE 100 27 | --local_ep 1 28 | # --verbose 29 | # algorithm specific configuration 30 | --lr-rep 1e-1 31 | --lr-head 1e-2 32 | --local_head_ep 15 33 | ) 34 | 35 | CUDA_VISIBLE_DEVICES=0 python tune_DP_methods.py "${args[@]}" 36 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S2/tune/DP-FedAvg.sh: -------------------------------------------------------------------------------- 1 | args=( --alg DP_FedAvg_ft 2 | # FIXED CONFIGURATIONS 3 | # model configuration 4 | --model cnn 5 | # dataset configuration 6 | --dataset cifar10 7 | --shard_per_user 2 8 | --num_classes 10 9 | # experiment configuration 10 | # --data_augmentation 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | --epsilon 1 15 | --delta 1e-5 16 | # save/load configuration 17 | # backend configuration 18 | --MAX_PHYSICAL_BATCH_SIZE 50 19 | # test configuration 20 | # train configuration 21 | --frac_participate 1. 22 | # algorithm specific configuration 23 | --lr-head 1e-2 24 | --ft-ep 15 25 | ## RAY[TUNE] parameters 26 | --gpus_per_trial .5 27 | # PARAMETERS TO BE TUNED 28 | --lr 1e-1 29 | --epochs 100 30 | --local_ep 1 31 | --batch_size 4000 32 | --dp_clip 1 33 | ) 34 | 35 | python tune_DP_methods.py "${args[@]}" 36 | 37 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S20/tune/DP-FedAvg.sh: -------------------------------------------------------------------------------- 1 | args=( --alg DP_FedAvg_ft 2 | # FIXED CONFIGURATIONS 3 | # model configuration 4 | --model cnn 5 | # dataset configuration 6 | --dataset cifar100 7 | --shard_per_user 20 8 | --num_classes 100 9 | # experiment configuration 10 | # --data_augmentation 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | --epsilon 1 15 | --delta 1e-5 16 | # save/load configuration 17 | # backend configuration 18 | --MAX_PHYSICAL_BATCH_SIZE 50 19 | # test configuration 20 | # train configuration 21 | --frac_participate 1. 22 | # algorithm specific configuration 23 | --lr-head 1e-2 24 | --ft-ep 15 25 | ## RAY[TUNE] parameters 26 | --gpus_per_trial .5 27 | # PARAMETERS TO BE TUNED 28 | --lr 1e-1 29 | --epochs 100 30 | --local_ep 1 31 | --batch_size 4000 32 | --dp_clip 1 33 | ) 34 | 35 | python tune_DP_methods.py "${args[@]}" 36 | 37 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S2/run_tune_DP-FedRep.sh: -------------------------------------------------------------------------------- 1 | args=( --alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | --epochs 500 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | # --disable-dp 15 | --epsilon 1 16 | --delta 1e-5 17 | --dp_clip 1 18 | # save/load configuration 19 | # backend configuration 20 | --use_ray 21 | --ray_gpu_fraction 0.3 22 | # test configuration 23 | --print_freq 2 24 | # train configuration 25 | --batch_size 4000 26 | --MAX_PHYSICAL_BATCH_SIZE 100 27 | --local_ep 1 28 | # --verbose 29 | # algorithm specific configuration 30 | --lr-rep 1e-1 31 | --lr-head 1e-2 32 | --local_head_ep 15 33 | ) 34 | 35 | CUDA_VISIBLE_DEVICES=0 python tune_DP_methods.py "${args[@]}" 36 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N500_S20/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 20 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 100 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .02 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | --print_freq 2 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 1 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-2 36 | --local_head_ep 15 37 | --global_lr 5 38 | ) 39 | 40 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 41 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N500_S5/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 5 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 100 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .02 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | --print_freq 2 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 1 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-2 36 | --local_head_ep 15 37 | --global_lr 5 38 | ) 39 | 40 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 41 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S20/tune/DP-FedRep.sh: -------------------------------------------------------------------------------- 1 | args=( --alg DP_FedRep 2 | # FIXED CONFIGURATIONS 3 | # model configuration 4 | --model cnn 5 | # dataset configuration 6 | --dataset cifar100 7 | --shard_per_user 20 8 | --num_classes 100 9 | # experiment configuration 10 | # --data_augmentation 11 | --seed 1 12 | --num_users 100 13 | # DP configuration 14 | --epsilon 1 15 | --delta 1e-5 16 | # save/load configuration 17 | # backend configuration 18 | --MAX_PHYSICAL_BATCH_SIZE 50 19 | # test configuration 20 | # train configuration 21 | --frac_participate 1. 22 | # algorithm specific configuration 23 | --lr-head 1e-2 24 | --local_head_ep 15 25 | ## RAY[TUNE] parameters 26 | --gpus_per_trial .5 27 | # PARAMETERS TO BE TUNED 28 | --lr 1e-1 29 | --epochs 100 30 | --local_ep 1 31 | --batch_size 4000 32 | --dp_clip 1 33 | ) 34 | 35 | python tune_DP_methods.py "${args[@]}" 36 | 37 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S5/tune/DP-FedAvg.sh: -------------------------------------------------------------------------------- 1 | args=(tune_DP_methods.py 2 | # algorithm configuration 3 | --alg DP_FedAvg_ft 4 | # model configuration 5 | --model cnn 6 | # dataset configuration 7 | --dataset cifar10 8 | --shard_per_user 2 9 | --num_classes 10 10 | # experiment configuration 11 | # --data_augmentation 12 | --epochs 500 13 | --seed 1 14 | --num_users 100 15 | # DP configuration 16 | # --disable-dp 17 | --epsilon 1 18 | --delta 1e-5 19 | --dp_clip 1 20 | # save/load configuration 21 | # backend configuration 22 | --gpu 0-1-2-3 23 | --use_ray 24 | --ray_gpu_fraction 0.3 25 | # test configuration 26 | # train configuration 27 | --batch_size 4000 28 | --MAX_PHYSICAL_BATCH_SIZE 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-1 33 | --lr-head 1e-2 34 | --ft-ep 15 35 | ) 36 | 37 | python "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N1000_S5/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 5 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 100 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .02 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 1 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-2 36 | --local_head_ep 15 37 | --global_lr 5 38 | ) 39 | 40 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 41 | -------------------------------------------------------------------------------- /script/user-level-DP/arXiv/CIFAR10/N500_S2/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | --print_freq 10 28 | --print_diff_norm 29 | # train configuration 30 | --frac_participate 1 31 | --batch_size 100 32 | --local_ep 1 33 | # --verbose 34 | # algorithm specific configuration 35 | --lr 1e-2 36 | --lr-head 1e-2 37 | --local_head_ep 15 38 | ) 39 | 40 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 41 | -------------------------------------------------------------------------------- /script/user-level-DP/arXiv/CIFAR10/N500_S5/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | --print_freq 10 28 | --print_diff_norm 29 | # train configuration 30 | --frac_participate 1 31 | --batch_size 100 32 | --local_ep 1 33 | # --verbose 34 | # algorithm specific configuration 35 | --lr 1e-2 36 | --lr-head 1e-2 37 | --local_head_ep 15 38 | ) 39 | 40 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 41 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR10/N500_S5/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | --data_augmentation 10 | --data_augmentation_multiplicity 1 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/snr/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 40 12 | --seed 1 13 | --num_users 2000 14 | --n_runs 1 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 20 18 | --dp_type user-level-DP 19 | --epsilon .5 20 | --delta 1e-5 21 | --dp_clip .25 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .25 26 | # test configuration 27 | --print_freq 2 28 | --print_diff_norm 29 | # train configuration 30 | --frac_participate 1 31 | --batch_size 100 32 | --local_ep 2 33 | # --verbose 34 | # algorithm specific configuration 35 | --lr 1e-2 36 | --lr-head 1e-2 37 | --local_head_ep 15 38 | ) 39 | 40 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 41 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S2/run_tune_DP-FedAvg.sh: -------------------------------------------------------------------------------- 1 | args=(tune_DP_methods.py 2 | # algorithm configuration 3 | --alg DP_FedAvg_ft 4 | # model configuration 5 | --model cnn 6 | # dataset configuration 7 | --dataset cifar10 8 | --shard_per_user 2 9 | --num_classes 10 10 | # experiment configuration 11 | # --data_augmentation 12 | --epochs 500 13 | --seed 1 14 | --num_users 100 15 | # DP configuration 16 | # --disable-dp 17 | --epsilon 1 18 | --delta 1e-5 19 | --dp_clip 1 20 | # save/load configuration 21 | # backend configuration 22 | --gpu 0-1-2-3 23 | --use_ray 24 | --ray_gpu_fraction 0.3 25 | # test configuration 26 | # train configuration 27 | --batch_size 4000 28 | --MAX_PHYSICAL_BATCH_SIZE 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-1 33 | --lr-head 1e-2 34 | --ft-ep 15 35 | ) 36 | 37 | python "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S5/run_tune_DP-FedAvg.sh: -------------------------------------------------------------------------------- 1 | args=(tune_DP_methods.py 2 | # algorithm configuration 3 | --alg DP_FedAvg_ft 4 | # model configuration 5 | --model cnn 6 | # dataset configuration 7 | --dataset cifar10 8 | --shard_per_user 5 9 | --num_classes 10 10 | # experiment configuration 11 | # --data_augmentation 12 | --epochs 500 13 | --seed 1 14 | --num_users 100 15 | # DP configuration 16 | # --disable-dp 17 | --epsilon 1 18 | --delta 1e-5 19 | --dp_clip 1 20 | # save/load configuration 21 | # backend configuration 22 | --gpu 0-1-2-3 23 | --use_ray 24 | --ray_gpu_fraction 0.3 25 | # test configuration 26 | # train configuration 27 | --batch_size 4000 28 | --MAX_PHYSICAL_BATCH_SIZE 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-1 33 | --lr-head 1e-2 34 | --ft-ep 15 35 | ) 36 | 37 | python "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/user-level-DP/ICLR_rebuttal/large-epsilon-dp/EMNIST-D/N1000_S5/run/PMTL-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg PMTL 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 100 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 50 19 | --delta 1e-5 20 | --dp_clip .5 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction .25 25 | # test configuration 26 | --print_freq 2 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 2 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-2 36 | --local_head_ep 15 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/ICLR_rebuttal/large-epsilon-dp/EMNIST-D/N1000_S5/run/PPSGD-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg PPSGD 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 100 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 50 19 | --delta 1e-5 20 | --dp_clip .5 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction .25 25 | # test configuration 26 | --print_freq 2 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 2 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-1 36 | --local_head_ep 1 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/arXiv/CIFAR10/N1000_S2/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | --print_freq 10 28 | --print_diff_norm 29 | # train configuration 30 | --frac_participate 1 31 | --batch_size 100 32 | --local_ep 1 33 | # --verbose 34 | # algorithm specific configuration 35 | --lr 1e-2 36 | --lr-head 1e-2 37 | --local_head_ep 15 38 | ) 39 | 40 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 41 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR100/N100_S5/tune/DP-FedRep.sh: -------------------------------------------------------------------------------- 1 | args=(tune_DP_methods.py 2 | # algorithm configuration 3 | --alg DP_FedRep 4 | # model configuration 5 | --model cnn 6 | # dataset configuration 7 | --dataset cifar10 8 | --shard_per_user 2 9 | --num_classes 10 10 | # experiment configuration 11 | # --data_augmentation 12 | --epochs 500 13 | --seed 1 14 | --num_users 100 15 | # DP configuration 16 | # --disable-dp 17 | --epsilon 1 18 | --delta 1e-5 19 | --dp_clip 1 20 | # save/load configuration 21 | # backend configuration 22 | --gpu 0-1-2-3 23 | --use_ray 24 | --ray_gpu_fraction 0.3 25 | # test configuration 26 | # train configuration 27 | --batch_size 4000 28 | --MAX_PHYSICAL_BATCH_SIZE 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr-rep 1e-1 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | ) 36 | 37 | python "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S2/run_tune_DP-FedAvg.sh: -------------------------------------------------------------------------------- 1 | args=(tune_DP_methods.py 2 | # algorithm configuration 3 | --alg DP_FedAvg_ft 4 | # model configuration 5 | --model cnn 6 | # dataset configuration 7 | --dataset cifar10 8 | --shard_per_user 2 9 | --num_classes 10 10 | # experiment configuration 11 | # --data_augmentation 12 | --epochs 500 13 | --seed 1 14 | --num_users 100 15 | # DP configuration 16 | # --disable-dp 17 | --epsilon 1 18 | --delta 1e-5 19 | --dp_clip 1 20 | # save/load configuration 21 | # backend configuration 22 | --gpu 0-1-2-3 23 | --use_ray 24 | --ray_gpu_fraction 0.3 25 | # test configuration 26 | # train configuration 27 | --batch_size 4000 28 | --MAX_PHYSICAL_BATCH_SIZE 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-1 33 | --lr-head 1e-2 34 | --ft-ep 15 35 | ) 36 | 37 | python "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S5/run_tune_DP-FedAvg.sh: -------------------------------------------------------------------------------- 1 | args=(tune_DP_methods.py 2 | # algorithm configuration 3 | --alg DP_FedAvg_ft 4 | # model configuration 5 | --model cnn 6 | # dataset configuration 7 | --dataset cifar10 8 | --shard_per_user 5 9 | --num_classes 10 10 | # experiment configuration 11 | # --data_augmentation 12 | --epochs 500 13 | --seed 1 14 | --num_users 100 15 | # DP configuration 16 | # --disable-dp 17 | --epsilon 1 18 | --delta 1e-5 19 | --dp_clip 1 20 | # save/load configuration 21 | # backend configuration 22 | --gpu 0-1-2-3 23 | --use_ray 24 | --ray_gpu_fraction 0.3 25 | # test configuration 26 | # train configuration 27 | --batch_size 4000 28 | --MAX_PHYSICAL_BATCH_SIZE 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-1 33 | --lr-head 1e-2 34 | --ft-ep 15 35 | ) 36 | 37 | python "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/local-level-DP/CIFAR10/N100_S5/run_tune_DP-FedRep.sh: -------------------------------------------------------------------------------- 1 | args=(tune_DP_methods.py 2 | # algorithm configuration 3 | --alg DP_FedRep 4 | # model configuration 5 | --model cnn 6 | # dataset configuration 7 | --dataset cifar10 8 | --shard_per_user 5 9 | --num_classes 10 10 | # experiment configuration 11 | # --data_augmentation 12 | --epochs 500 13 | --seed 1 14 | --num_users 100 15 | # DP configuration 16 | # --disable-dp 17 | --epsilon 1 18 | --delta 1e-5 19 | --dp_clip 1 20 | # save/load configuration 21 | # backend configuration 22 | --gpu 0-1-2-3 23 | --use_ray 24 | --ray_gpu_fraction 0.3 25 | # test configuration 26 | # train configuration 27 | --batch_size 4000 28 | --MAX_PHYSICAL_BATCH_SIZE 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr-rep 1e-1 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | ) 36 | 37 | python "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N500_S5/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 5 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 100 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .02 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | --print_freq 2 28 | --print_diff_norm 29 | # train configuration 30 | --frac_participate 1 31 | --batch_size 100 32 | --local_ep 1 33 | # --verbose 34 | # algorithm specific configuration 35 | --lr 1e-2 36 | --lr-head 1e-2 37 | --local_head_ep 15 38 | --global_lr 5 39 | ) 40 | 41 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" -------------------------------------------------------------------------------- /script/user-level-DP/EMNIST-D/N1000_S5/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 40 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 20 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .25 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .25 26 | # test configuration 27 | --print_freq 2 28 | --print_diff_norm 29 | # train configuration 30 | --frac_participate 1 31 | --batch_size 100 32 | --local_ep 2 33 | # --verbose 34 | # algorithm specific configuration 35 | --lr 1e-2 36 | --lr-head 1e-2 37 | --local_head_ep 15 38 | ) 39 | 40 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 41 | -------------------------------------------------------------------------------- /script/user-level-DP/EMNIST-D/N2000_S5/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 40 12 | --seed 1 13 | --num_users 2000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 20 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .25 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .25 26 | # test configuration 27 | --print_freq 2 28 | --print_diff_norm 29 | # train configuration 30 | --frac_participate 1 31 | --batch_size 100 32 | --local_ep 2 33 | # --verbose 34 | # algorithm specific configuration 35 | --lr 1e-2 36 | --lr-head 1e-2 37 | --local_head_ep 15 38 | ) 39 | 40 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 41 | -------------------------------------------------------------------------------- /script/user-level-DP/ICLR_rebuttal/large-epsilon-dp/EMNIST-D/N1000_S5/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 100 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 50 19 | --delta 1e-5 20 | --dp_clip .5 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction .25 25 | # test configuration 26 | --print_freq 2 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 2 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-2 36 | --local_head_ep 15 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/local-level-DP/EMNIST-Digits/N100_S5/run_tune_DP-FedRep.sh: -------------------------------------------------------------------------------- 1 | args=(tune_DP_methods.py 2 | # algorithm configuration 3 | --alg DP_FedRep 4 | # model configuration 5 | --model cnn 6 | # dataset configuration 7 | --dataset cifar10 8 | --shard_per_user 5 9 | --num_classes 10 10 | # experiment configuration 11 | # --data_augmentation 12 | --epochs 500 13 | --seed 1 14 | --num_users 100 15 | # DP configuration 16 | # --disable-dp 17 | --epsilon 1 18 | --delta 1e-5 19 | --dp_clip 1 20 | # save/load configuration 21 | # backend configuration 22 | --gpu 0-1-2-3 23 | --use_ray 24 | --ray_gpu_fraction 0.3 25 | # test configuration 26 | # train configuration 27 | --batch_size 4000 28 | --MAX_PHYSICAL_BATCH_SIZE 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr-rep 1e-1 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | ) 36 | 37 | python "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N500_S20/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 20 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 100 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .02 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | --print_freq 2 28 | --print_diff_norm 29 | # train configuration 30 | --frac_participate 1 31 | --batch_size 100 32 | --local_ep 1 33 | # --verbose 34 | # algorithm specific configuration 35 | --lr 1e-2 36 | --lr-head 1e-2 37 | --local_head_ep 15 38 | --global_lr 5 39 | ) 40 | 41 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 42 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR10/N1000_S2/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | --description ICLR2023_CR_Large_Epoch 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR10/N1000_S5/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | --description ICLR2023_CR_Large_Epoch 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR10/N500_S2/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | --description ICLR2023_CR_Large_Epoch 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR10/N1000_S2/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | --description ICLR2023_CR_Small_Epoch 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR10/N1000_S5/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | --description ICLR2023_CR_Small_Epoch 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR10/N500_S2/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | --description ICLR2023_CR_Small_Epoch 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR10/N500_S5/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | --description ICLR2023_CR_Small_Epoch 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N500_S2/run/PPSGD-full.sh: -------------------------------------------------------------------------------- 1 | args=(# algorithm configuration 2 | --alg PPSGD 3 | # model configuration 4 | --model cnn 5 | # dataset configuration 6 | --dataset cifar10 7 | --shard_per_user 2 8 | --num_classes 10 9 | # experiment configuration 10 | # --data_augmentation 11 | --epochs 200 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-1 34 | --local_head_ep 1 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N500_S5/run/PPSGD-full.sh: -------------------------------------------------------------------------------- 1 | args=(# algorithm configuration 2 | --alg PPSGD 3 | # model configuration 4 | --model cnn 5 | # dataset configuration 6 | --dataset cifar10 7 | --shard_per_user 5 8 | --num_classes 10 9 | # experiment configuration 10 | # --data_augmentation 11 | --epochs 200 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-1 34 | --local_head_ep 1 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/user-level-DP/ICLR_rebuttal/gradient-norm/EMNIST-D/N1000_S5/run/heterogeneous-DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 100 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 1 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 10 19 | --delta 1e-5 20 | --dp_clip .25 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction .25 25 | # test configuration 26 | --print_freq 2 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 2 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-2 36 | --local_head_ep 15 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/ICLR_rebuttal/gradient-norm/EMNIST-D/N1000_S5/run/homogeneous-DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 10 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 100 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 1 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 10 19 | --delta 1e-5 20 | --dp_clip .25 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction .25 25 | # test configuration 26 | --print_freq 2 27 | --print_diff_norm 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 2 32 | # --verbose 33 | # algorithm specific configuration 34 | --lr 1e-2 35 | --lr-head 1e-2 36 | --local_head_ep 15 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR100/N1000_S20/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 20 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 1 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | --description ICLR2023_CR_Large_Epoch 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR100/N1000_S20/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 20 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 1 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | --description ICLR2023_CR_Small_Epoch 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/utility-privacy-tradeoff/PMTL-full.sh: -------------------------------------------------------------------------------- 1 | for epsilon in .125 .25 .5 2 4 2 | do 3 | args=(--alg PMTL 4 | # model configuration 5 | --model mlp 6 | # dataset configuration 7 | --dataset emnist_d 8 | --shard_per_user 5 9 | --num_classes 10 10 | # experiment configuration 11 | # --data_augmentation 12 | # --data_augmentation_multiplicity 16 13 | --epochs 40 14 | --seed 1 15 | --num_users 2000 16 | --n_runs 3 17 | # DP configuration 18 | # --disable-dp 19 | --dp_type user-level-DP 20 | --epsilon $epsilon 21 | --delta 1e-5 22 | --dp_clip .25 23 | # save/load configuration 24 | # backend configuration 25 | --use_ray 26 | --ray_gpu_fraction .25 27 | # test configuration 28 | --print_freq 10 29 | --print_diff_norm 30 | # train configuration 31 | --frac_participate 1 32 | --batch_size 100 33 | --local_ep 2 34 | # --verbose 35 | # algorithm specific configuration 36 | --lr 1e-2 37 | --lr-head 1e-2 38 | --local_head_ep 15 39 | ) 40 | 41 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 42 | done -------------------------------------------------------------------------------- /script/user-level-DP/utility-privacy-tradeoff/PPSGD-full.sh: -------------------------------------------------------------------------------- 1 | for epsilon in .125 .25 .5 2 4 2 | do 3 | args=(--alg PPSGD 4 | # model configuration 5 | --model mlp 6 | # dataset configuration 7 | --dataset emnist_d 8 | --shard_per_user 5 9 | --num_classes 10 10 | # experiment configuration 11 | # --data_augmentation 12 | # --data_augmentation_multiplicity 16 13 | --epochs 40 14 | --seed 1 15 | --num_users 2000 16 | --n_runs 3 17 | # DP configuration 18 | # --disable-dp 19 | --dp_type user-level-DP 20 | --epsilon $epsilon 21 | --delta 1e-5 22 | --dp_clip .25 23 | # save/load configuration 24 | # backend configuration 25 | --use_ray 26 | --ray_gpu_fraction .25 27 | # test configuration 28 | --print_freq 10 29 | --print_diff_norm 30 | # train configuration 31 | --frac_participate 1 32 | --batch_size 100 33 | --local_ep 2 34 | # --verbose 35 | # algorithm specific configuration 36 | --lr 1e-2 37 | --lr-head 1e-1 38 | --local_head_ep 1 39 | ) 40 | 41 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 42 | done -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N1000_S2/run/PPSGD-full.sh: -------------------------------------------------------------------------------- 1 | args=(# algorithm configuration 2 | --alg PPSGD 3 | # model configuration 4 | --model cnn 5 | # dataset configuration 6 | --dataset cifar10 7 | --shard_per_user 2 8 | --num_classes 10 9 | # experiment configuration 10 | # --data_augmentation 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-1 34 | --local_head_ep 1 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N1000_S5/run/PPSGD-full.sh: -------------------------------------------------------------------------------- 1 | args=(# algorithm configuration 2 | --alg PPSGD 3 | # model configuration 4 | --model cnn 5 | # dataset configuration 6 | --dataset cifar10 7 | --shard_per_user 5 8 | --num_classes 10 9 | # experiment configuration 10 | # --data_augmentation 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-1 34 | --local_head_ep 1 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/user-level-DP/arXiv/CIFAR10/N1000_S5/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 150 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .05 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | --print_freq 10 28 | --print_diff_norm 29 | # train configuration 30 | --frac_participate 1 31 | --batch_size 100 32 | --local_ep 1 33 | # --verbose 34 | # algorithm specific configuration 35 | --weight-decay 1e-4 36 | --lr 1e-2 37 | --lr-head 1e-2 38 | --local_head_ep 15 39 | ) 40 | 41 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 42 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N1000_S20/run/PPSGD-full.sh: -------------------------------------------------------------------------------- 1 | args=(# algorithm configuration 2 | --alg PPSGD 3 | # model configuration 4 | --model cnn 5 | # dataset configuration 6 | --dataset cifar100 7 | --shard_per_user 20 8 | --num_classes 100 9 | # experiment configuration 10 | # --data_augmentation 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 1 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-1 34 | --local_head_ep 1 35 | ) 36 | 37 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 38 | -------------------------------------------------------------------------------- /script/user-level-DP/utility-privacy-tradeoff/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | for epsilon in .125 .25 .5 2 4 2 | do 3 | args=(--alg DP_FedAvg_ft 4 | # model configuration 5 | --model mlp 6 | # dataset configuration 7 | --dataset emnist_d 8 | --shard_per_user 5 9 | --num_classes 10 10 | # experiment configuration 11 | # --data_augmentation 12 | # --data_augmentation_multiplicity 16 13 | --epochs 40 14 | --seed 1 15 | --num_users 2000 16 | --n_runs 3 17 | # DP configuration 18 | # --disable-dp 19 | --dp_type user-level-DP 20 | --epsilon $epsilon 21 | --delta 1e-5 22 | --dp_clip .25 23 | # save/load configuration 24 | # backend configuration 25 | --use_ray 26 | --ray_gpu_fraction .25 27 | # test configuration 28 | --print_freq 10 29 | --print_diff_norm 30 | # train configuration 31 | --frac_participate 1 32 | --batch_size 100 33 | --local_ep 2 34 | # --verbose 35 | # algorithm specific configuration 36 | --lr 1e-2 37 | --lr-head 1e-2 38 | --local_head_ep 15 39 | ) 40 | 41 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 42 | done -------------------------------------------------------------------------------- /script/user-level-DP/ICLR_rebuttal/large-epsilon-dp/EMNIST-D/N1000_S5/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 100 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 20 18 | --dp_type user-level-DP 19 | --epsilon 50 20 | --delta 1e-5 21 | --dp_clip .25 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .25 26 | # test configuration 27 | --print_freq 2 28 | --print_diff_norm 29 | # train configuration 30 | --frac_participate 1 31 | --batch_size 100 32 | --local_ep 2 33 | # --verbose 34 | # algorithm specific configuration 35 | --lr 1e-2 36 | --lr-head 1e-2 37 | --local_head_ep 15 38 | ) 39 | 40 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 41 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR10/N1000_S2/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | --data_augmentation 10 | --data_augmentation_multiplicity 1 11 | --epochs 400 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | --description ICLR2023_CR_Large_Epoch 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR10/N1000_S5/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | --data_augmentation 10 | --data_augmentation_multiplicity 1 11 | --epochs 400 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | --description ICLR2023_CR_Large_Epoch 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR10/N500_S2/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | --data_augmentation 10 | --data_augmentation_multiplicity 1 11 | --epochs 400 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | --description ICLR2023_CR_Large_Epoch 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR10/N1000_S2/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | --data_augmentation 10 | --data_augmentation_multiplicity 1 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | --description ICLR2023_CR_Small_Epoch 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR10/N1000_S5/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | --data_augmentation 10 | --data_augmentation_multiplicity 1 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | --description ICLR2023_CR_Small_Epoch 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR10/N500_S2/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 2 7 | --num_classes 10 8 | # experiment configuration 9 | --data_augmentation 10 | --data_augmentation_multiplicity 1 11 | --epochs 200 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | --description ICLR2023_CR_Small_Epoch 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR10/N500_S5/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar10 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | --data_augmentation 10 | --data_augmentation_multiplicity 1 11 | --epochs 200 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | --description ICLR2023_CR_Small_Epoch 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR100/N1000_S20/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 20 7 | --num_classes 100 8 | # experiment configuration 9 | --data_augmentation 10 | --data_augmentation_multiplicity 1 11 | --epochs 400 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 1 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | --description ICLR2023_CR_Large_Epoch 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/large-epoch-data-augmentation-fine-tune/CIFAR100/N1000_S5/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 5 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 400 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .02 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | --print_diff_norm 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | --description ICLR2023_CR_Large_Epoch 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR100/N1000_S20/run/DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 20 7 | --num_classes 100 8 | # experiment configuration 9 | --data_augmentation 10 | --data_augmentation_multiplicity 1 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 1 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 1 18 | --dp_type user-level-DP 19 | --epsilon 1 20 | --delta 1e-5 21 | --dp_clip .01 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .33 26 | # test configuration 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | --description ICLR2023_CR_Small_Epoch 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/small-epoch-data-augmentation-fine-tune/CIFAR100/N1000_S5/run/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedAvg_ft 2 | # model configuration 3 | --model cnn 4 | # dataset configuration 5 | --dataset cifar100 6 | --shard_per_user 5 7 | --num_classes 100 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .02 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | --print_diff_norm 27 | # train configuration 28 | --frac_participate 1 29 | --batch_size 100 30 | --local_ep 1 31 | # --verbose 32 | # algorithm specific configuration 33 | --lr 1e-2 34 | --lr-head 1e-2 35 | --local_head_ep 15 36 | --description ICLR2023_CR_Small_Epoch 37 | ) 38 | 39 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 40 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N1000_S2/run/PMTL-full.sh: -------------------------------------------------------------------------------- 1 | args=(# algorithm configuration 2 | --alg PMTL 3 | # model configuration 4 | --model cnn 5 | # dataset configuration 6 | --dataset cifar10 7 | --shard_per_user 2 8 | --num_classes 10 9 | # experiment configuration 10 | # --data_augmentation 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 5 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | --PMTL_lambda 1 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N1000_S5/run/PMTL-full.sh: -------------------------------------------------------------------------------- 1 | args=(# algorithm configuration 2 | --alg PMTL 3 | # model configuration 4 | --model cnn 5 | # dataset configuration 6 | --dataset cifar10 7 | --shard_per_user 5 8 | --num_classes 10 9 | # experiment configuration 10 | # --data_augmentation 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 5 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | --PMTL_lambda 1 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N500_S2/run/PMTL-full.sh: -------------------------------------------------------------------------------- 1 | args=(# algorithm configuration 2 | --alg PMTL 3 | # model configuration 4 | --model cnn 5 | # dataset configuration 6 | --dataset cifar10 7 | --shard_per_user 2 8 | --num_classes 10 9 | # experiment configuration 10 | # --data_augmentation 11 | --epochs 200 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 5 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | --PMTL_lambda 1 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR10/N500_S5/run/PMTL-full.sh: -------------------------------------------------------------------------------- 1 | args=(# algorithm configuration 2 | --alg PMTL 3 | # model configuration 4 | --model cnn 5 | # dataset configuration 6 | --dataset cifar10 7 | --shard_per_user 5 8 | --num_classes 10 9 | # experiment configuration 10 | # --data_augmentation 11 | --epochs 200 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 5 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | --PMTL_lambda 1 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N500_S5/run/PPSGD-full.sh: -------------------------------------------------------------------------------- 1 | args=(# algorithm configuration 2 | --alg PPSGD 3 | # model configuration 4 | --model cnn 5 | # dataset configuration 6 | --dataset cifar100 7 | --shard_per_user 5 8 | --num_classes 100 9 | # experiment configuration 10 | # --data_augmentation 11 | --epochs 100 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .02 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-1 34 | --local_head_ep 1 35 | --global_lr 5 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/ICLR_rebuttal/gradient-norm/EMNIST-D/N1000_S5/run/heterogeneous-DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 5 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 100 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 1 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 20 18 | --dp_type user-level-DP 19 | --epsilon 10 20 | --delta 1e-5 21 | --dp_clip .25 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .25 26 | # test configuration 27 | --print_freq 2 28 | --print_diff_norm 29 | # train configuration 30 | --frac_participate 1 31 | --batch_size 100 32 | --local_ep 2 33 | # --verbose 34 | # algorithm specific configuration 35 | --lr 1e-2 36 | --lr-head 1e-2 37 | --local_head_ep 15 38 | ) 39 | 40 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 41 | -------------------------------------------------------------------------------- /script/user-level-DP/ICLR_rebuttal/gradient-norm/EMNIST-D/N1000_S5/run/homogeneous-DP-FedRep-full.sh: -------------------------------------------------------------------------------- 1 | args=(--alg DP_FedRep 2 | # model configuration 3 | --model mlp 4 | # dataset configuration 5 | --dataset emnist_d 6 | --shard_per_user 10 7 | --num_classes 10 8 | # experiment configuration 9 | # --data_augmentation 10 | # --data_augmentation_multiplicity 16 11 | --epochs 100 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 1 15 | # DP configuration 16 | # --disable-dp 17 | # --noise_multiplier 20 18 | --dp_type user-level-DP 19 | --epsilon 10 20 | --delta 1e-5 21 | --dp_clip .25 22 | # save/load configuration 23 | # backend configuration 24 | --use_ray 25 | --ray_gpu_fraction .25 26 | # test configuration 27 | --print_freq 2 28 | --print_diff_norm 29 | # train configuration 30 | --frac_participate 1 31 | --batch_size 100 32 | --local_ep 2 33 | # --verbose 34 | # algorithm specific configuration 35 | --lr 1e-2 36 | --lr-head 1e-2 37 | --local_head_ep 15 38 | ) 39 | 40 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 41 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N1000_S20/run/PMTL-full.sh: -------------------------------------------------------------------------------- 1 | args=(# algorithm configuration 2 | --alg PMTL 3 | # model configuration 4 | --model cnn 5 | # dataset configuration 6 | --dataset cifar100 7 | --shard_per_user 20 8 | --num_classes 100 9 | # experiment configuration 10 | # --data_augmentation 11 | --epochs 200 12 | --seed 1 13 | --num_users 1000 14 | --n_runs 1 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .01 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 5 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-2 34 | --local_head_ep 15 35 | --PMTL_lambda 1 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/CIFAR100/N500_S20/run/PPSGD-full.sh: -------------------------------------------------------------------------------- 1 | args=(# algorithm configuration 2 | --alg PPSGD 3 | # model configuration 4 | --model cnn 5 | # dataset configuration 6 | --dataset cifar100 7 | --shard_per_user 20 8 | --num_classes 100 9 | # experiment configuration 10 | # --data_augmentation 11 | --epochs 100 12 | --seed 1 13 | --num_users 500 14 | --n_runs 3 15 | # DP configuration 16 | # --disable-dp 17 | --dp_type user-level-DP 18 | --epsilon 1 19 | --delta 1e-5 20 | --dp_clip .02 21 | # save/load configuration 22 | # backend configuration 23 | --use_ray 24 | --ray_gpu_fraction 0.33 25 | # test configuration 26 | # train configuration 27 | --frac_participate 1 28 | --batch_size 100 29 | --local_ep 1 30 | # --verbose 31 | # algorithm specific configuration 32 | --lr 1e-2 33 | --lr-head 1e-1 34 | --local_head_ep 1 35 | --global_lr 5 36 | ) 37 | 38 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 39 | -------------------------------------------------------------------------------- /script/user-level-DP/camera-ready-ICLR2023/utility-privacy-tradeoff/DP-FedAvg-full.sh: -------------------------------------------------------------------------------- 1 | for eps in .25 .5 2 4 2 | do 3 | args=(--alg DP_FedAvg_ft 4 | # model configuration 5 | --model cnn 6 | # dataset configuration 7 | --dataset cifar10 8 | --shard_per_user 5 9 | --num_classes 10 10 | # experiment configuration 11 | # --data_augmentation 12 | # --data_augmentation_multiplicity 16 13 | --epochs 200 14 | --seed 1 15 | --num_users 500 16 | --n_runs 3 17 | # DP configuration 18 | # --disable-dp 19 | --dp_type user-level-DP 20 | --epsilon $eps 21 | --delta 1e-5 22 | --dp_clip .01 23 | # save/load configuration 24 | # backend configuration 25 | --use_ray 26 | --ray_gpu_fraction 0.33 27 | # test configuration 28 | # train configuration 29 | --frac_participate 1 30 | --batch_size 100 31 | --local_ep 1 32 | # --verbose 33 | --print_freq 20 34 | # algorithm specific configuration 35 | --lr 1e-2 36 | --lr-head 1e-2 37 | --local_head_ep 15 38 | --description ICLR2023_CR_Utility_Privacy_Tradeoff 39 | ) 40 | 41 | CUDA_VISIBLE_DEVICES=0,1,2,3 python main.py "${args[@]}" 42 | done --------------------------------------------------------------------------------