This repository is PyTorch implementation for the IJCAI-21 paper Federated Learning with Fair Averaging.
Our easyFL is a strong and reusable experimental platform for research on federated learning (FL) algorithm, which has provided a few easy-to-use modules to hold out for those who want to do various federated learning experiments. In short, it is easy for FL-researchers to
- quickly realize and compare popular centralized federated learning algorithms (Look Here)
- transform traditional machine learning tasks into federated tasks by following our paradigm of constructing data pipeline (Look Here)
- make interesting observations during training time to get a deeper insight of federated learning in a code-incremental manner without destorying the original realization (Look Here)
- efficiently manage and analyze the experiment records with
utils/result_analysis.py
The project is implemented using Python3 with dependencies below:
numpy>=1.17.2
pytorch>=1.3.1
torchvision>=0.4.2
matplotlib>=3.1.1
prettytable>=2.1.0
ujson>=4.0.2
pyyaml
Additional dependencies are only necessary for particular algorithms like fedmgda+ and clustered_sampling.
cvxopt>=1.2.0
scipy>=1.3.1
First, run the command below to get the splited dataset MNIST:
# generate the splited dataset
python generate_fedtask.py --benchmark mnist_classification --dist 0 --skew 0 --num_clients 100Second, run the command below to quickly get a result of the basic algorithm FedAvg on MNIST with a simple CNN:
python main.py --task mnist_classification_cnum100_dist0_skew0_seed0 --model cnn --algorithm fedavg --num_rounds 20 --num_epochs 5 --learning_rate 0.1 --proportion 0.1 --batch_size 10 --eval_interval 1
# if using gpu, add the id of the gpu device as '--gpu id' to the end of the command like this
python main.py --task mnist_classification_cnum100_dist0_skew0_seed0 --model cnn --algorithm fedavg --num_rounds 20 --num_epochs 5 --learning_rate 0.1 --proportion 0.1 --batch_size 10 --eval_interval 1 --gpu 0The result will be stored in ./fedtask/mnist_classification_cnum100_dist0_skew0_seed0/record/.
Third, run the command below to get a visualization of the result.
# change to the ./utils folder
cd ../utils
# visualize the results
python result_analysis.py| The rounds necessary for FedAVG to achieve 99% test accuracy on MNIST using CNN with E=5 (reported in [McMahan. et al. 2017] / ours) | ||||
| Proportion | iid | non-iid | ||
| B=FULL | B=10 | B=FULL | B=10 | |
| 0.0 | 387 / 325 | 50 / 91 | 1181 / 1021 | 956 / 771 |
| 0.1 | 339 / 203 | 18 / 18 | 1100 / 453 | 206 / 107 |
| 0.2 | 337 / 207 | 18 / 19 | 978 / 525 | 200 / 95 |
| 0.5 | 164 / 214 | 18 / 18 | 1067 / 606 | 261 / 105 |
| 1.0 | 246 / 267 | 16 / 18 | -- / 737 | 97 / 90 |
| Accelarating FL Process by Increasing Parallelism For FedAVG on MNIST using CNN (20/100 clients per round) | ||||||
| Num_threads | 1 | 2 | 5 | 10 | 15 | 20 |
| Mean of time cost per round(s/r) | 19.5434 | 13.5733 | 9.9935 | 9.3092 | 9.2885 | 8.3867 |
| Method | Reference | Publication |
|---|---|---|
| FedAvg | [McMahan et al., 2017] | AISTATS' 2017 |
| FedProx | [Li et al., 2020] | MLSys' 2020 |
| FedFV | [Wang et al., 2021] | IJCAI' 2021 |
| qFFL | [Li et al., 2019] | ICLR' 2020 |
| AFL | [Mohri et al., 2019] | ICML' 2019 |
| FedMGDA+ | [Hu et al., 2020] | pre-print |
| FedFA | [Huang et al., 2020] | pre-print |
| SCAFFOLD | [Karimireddy et al., 2020] | ICML' 2020 |
| FedDyn | [Acar et al., 2021] | ICLR' 2021 |
| ... |
For those who want to realize their own federaed algorithms or reproduce others, please see algorithms/readme.md, where we take two simple examples to show how to use easyFL for the popurse.
We also provide the visualization of dataset partitioned by labels. Here we take the partition of CIFAR100/MNIST/CIFAR10 as the examples. Across all the examples, each row in the figure corresponds to the local data of one client, and different colors represent different labels. The x axis is the number of samples in the local dataset.
Each local dataset is I.I.D. drawn from the global distribution. Here we allocate the data of CIFAR100 to 100 clients. The iid can also be gengerated by setting (dist=2, skew=0) or (dist=1, skew=0). We list the results of the three IID partition manners below (i.e. dist=0,1,2 from left to right).
Each local dataset is allocated K labels of data. The visualization of the partition is on MNIST. There are 10 clients in each picture.
Here the partitioned dataset obeys the dirichlet(alpha * p) distirbution. The dataset is allocated to 100 clients and each client has a similar amount data size (i.e. balance). The hyperparameters skewness controls the non-i.i.d. degree of the federated dataset, which increases from the left (skewness=0.0 => alpha=inf) to the right (skewness=1.0 => alpha=0).
In this case, the label distribution is the same as dist=2. However, there exist severe data imbalance, where the local data sizes vary across clients. The hyperparameter skewness also controls the non-i.i.d. degree of the partition.
To generate these fedtasks, run the command below
# I.I.D.
python generate_fedtask.py --dist 0 --skew 0 --num_clients 100 --benchmark cifar100_classification
# skew=0.39,0.69,0.79
python generate_fedtask.py --dist 1 --skew 0.39 --num_clients 10 --benchmark mnist_classification
# varying skew from 0.0 to 1.0
python generate_fedtask.py --dist 2 --skew 0.0 --num_clients 100 --benchmark cifar10_classification
# Imbalace & dirichlet, and the skew also varies from 0.2 to 1.0
python generate_fedtask.py --dist 4 --skew 0.0 --num_clients 100 --benchmark cifar10_classification
Basic options:
-
taskis to choose the task of splited dataset. Options: name of fedtask (e.g.mnist_classification_client100_dist0_beta0_noise0). -
algorithmis to choose the FL algorithm. Options:fedfv,fedavg,fedprox, … -
modelshould be the corresponding model of the dataset. Options:mlp,cnn,resnet18.
Server-side options:
-
sampledecides the way to sample clients in each round. Options:uniformmeans uniformly,mdmeans choosing with probability. -
aggregatedecides the way to aggregate clients' model. Options:uniform,weighted_scale,weighted_com -
num_roundsis the number of communication rounds. -
proportionis the proportion of clients to be selected in each round. -
lr_scheduleris the global learning rate scheduler. -
learning_rate_decayis the decay rate of the learning rate.
Client-side options:
-
num_epochsis the number of local training epochs. -
num_stepsis the number of local updating steps and the default value is -1. If this term is set larger than 0,num_epochsis not valid. -
learning_rateis the step size when locally training. -
batch_sizeis the size of one batch data during local training.batch_size = full_batchifbatch_size==-1andbatch_size=|Di|*batch_sizeif1>batch_size>0. -
optimizeris to choose the optimizer. Options:SGD,Adam. -
weight_decayis to set ratio for weight decay during the local training process. -
momentumis the ratio of the momentum item when the optimizer SGD taking each step.
Real Machine-Dependent options:
-
seedis the initial random seed. -
gpuis the id of the GPU device. (e.g. CPU is used without specifying this term.--gpu 0will use device GPU 0, and--gpu 0 1 2 3will use the specified 4 GPUs whennum_threads>0. -
server_with_cpuis set False as default value,.. -
test_batch_sizeis the batch_size used when evaluating models on validation datasets, which is limited by the free space of the used device. -
eval_intervalcontrols the interval between every two evaluations. -
num_threadsis the number of threads in the clients computing session that aims to accelarate the training process. -
num_workersis the number of workers of the torch.utils.data.Dataloader
Simulating systemic configuration: 1) network heterogeneity, 2) computing power heterogeneiry
-
network_configcontrols the network conditions of all the clients. Seeutils.systemic_simulatorfor more details. -
computing_configcontrols the computing resources of all the clients. Seeutils.systemic_simulatorfor more details.
Additional hyper-parameters for particular federated algorithms:
algo_parais used to receive the algorithm-dependent hyper-parameters from command lines. Usage: 1) The hyper-parameter will be set as the default value defined in Server.init() if not specifying this term, 2) For algorithms with one or more parameters, use--algo_para v1 v2 ...to specify the values for the parameters. The input order depends on the dictServer.algo_paradefined inServer.__init__().
Logger's setting
-
loggeris used to selected the logger that has the same name with this term. -
log_levelshares the same meaning with the LEVEL in the python's native module logging. -
log_filecontrols whether to store the running-time information into.loginfedtask/taskname/log/, default value is false. -
no_log_consolecontrols whether to show the running time information on the console, and default value is false.
We seperate the FL system into four parts: benchmark, fedtask, method and utils.
├─ benchmark
│ ├─ mnist_classification //classification on mnist dataset
│ │ ├─ model //the corresponding model
│ | └─ core.py //the core supporting for the dataset, and each contains three necessary classes(e.g. TaskGen, TaskReader, TaskCalculator)
│ ├─ ...
│ ├─ RAW_DATA // storing the downloaded raw dataset
│ └─ toolkits.py //the basic tools for generating federated dataset
├─ fedtask
│ ├─ mnist_client100_dist0_beta0_noise0//IID(beta=0) MNIST for 100 clients with not predefined noise
│ │ ├─ record //the directionary of the running result
│ | └─ data.json //the splitted federated dataset (fedtask)
| └─ ...
├─ method
│ ├─ fedavg.py //FL algorithm implementation inherit fedbase.py
│ ├─ fedbase.py //FL algorithm superclass(i.e.,fedavg)
│ ├─ fedfv.py //our FL algorithm
│ ├─ fedprox.py
| └─ ...
├─ utils
│ ├─ fflow.py //option to read, initialize,...
│ ├─ fmodule.py //model-level operators
│ ├─ systemic_simulator.py //simulating the network heterogeneity
│ └─ result_analysis.py //to generate the visualization of record
├─ generate_fedtask.py //generate fedtask
├─ requirements.txt
└─ main.py //run this file to start easyFL system
We define each task as a combination of the federated dataset of a particular distribution and the experimental results on it. The raw dataset is processed into .json file, following LEAF (https://github.com/TalwalkarLab/leaf). The architecture of the data.json file is described as below:
"""
# store the raw data
{
'store': 'XY'
'client_names': ['user0', ..., 'user99']
'user0': {
'dtrain': {'x': [...], 'y': [...]},
'dvalid': {'x': [...], 'y': [...]},
},...,
'user99': {
'dtrain': {'x': [...], 'y': [...]},
'dvalid': {'x': [...], 'y': [...]},
},
'dtest': {'x':[...], 'y':[...]}
}
# store the index of data in the original dataset
{
'store': 'IDX'
'datasrc':{
'class_path': 'torchvision.datasets',
'class_name': dataset_class_name,
'train_args': {
'root': "str(raw_data_path)",
...
},
'test_args': {
'root': "str(raw_data_path)",
...
}
}
'client_names': ['user0', ..., 'user99']
'user0': {
'dtrain': [...],
'dvalid': [...],
},...,
'dtest': [...]
}
"""Run the file ./generate_fedtask.py to get the splited dataset (.json file).
Since the task-specified models are usually orthogonal to the FL algorithms, we don't consider it an important part in this system. And the model and the basic loss function are defined in ./task/dataset_name/model_name.py. Further details are described in fedtask/README.md.
This module is the specific federated learning algorithm implementation. Each method contains two classes: the Server and the Client.
The whole FL system starts with the main.py, which runs server.run() after initialization. Then the server repeat the method iterate() for num_rounds times, which simulates the communication process in FL. In the iterate(), the BaseServer start with sampling clients by select(), and then exchanges model parameters with them by communicate(), and finally aggregate the different models into a new one with aggregate(). Therefore, anyone who wants to customize its own method that specifies some operations on the server-side should rewrite the method iterate() and particular methods mentioned above.
The clients reponse to the server after the server communicate_with() them, who first unpack() the received package and then train the model with their local dataset by train(). After training the model, the clients pack() send package (e.g. parameters, loss, gradient,... ) to the server through reply().
Further details of this module are described in algorithm/README.md.
Utils is composed of commonly used operations: model-level operation (we convert model layers and parameters to dictionary type and apply it in the whole FL system), the flow controlling of the framework in and the supporting visualization templates to the result. To visualize the results, please run ./utils/result_analysis.py. Further details are described in utils/README.md.
- Since we've made great changes on the latest version, to fully reproduce the reported results in our paper Federated Learning with Fair Averaging, please use another branch
easyFL v1.0of this project.
- A realization of federated learning algorithm on Road Markings Extraction from Mobile LiDAR Point Clouds (FedRME, https://fanxlxmu.github.io/publication/paper/CSCWD22-FedRME.pdf) was accepted by 2022 IEEE 25th International Conference on Computer Supported Cooperative Work in Design (IEEE CSCWD 2022). The source code for FedRME will be release as soon as possible.
Please cite our paper in your publications if this code helps your research.
@article{wang2021federated,
title={Federated Learning with Fair Averaging},
author={Wang, Zheng and Fan, Xiaoliang and Qi, Jianzhong and Wen, Chenglu and Wang, Cheng and Yu, Rongshan},
journal={arXiv preprint arXiv:2104.14937},
year={2021}
}te
Zheng Wang, zwang@stu.xmu.edu.cn
Xiaoliang Fan, fanxiaoliang@xmu.edu.cn, https://fanxlxmu.github.io
[Wang et al., 2021] Zheng Wang, Xiaoliang Fan, Jianzhong Qi, Chenglu Wen, Cheng Wang and Rongshan Yu. Federated Learning with Fair Averaging. arXiv e-prints, page arXiv:2104.14937, 2021.
[Li et al., 2019] Tian Li, Maziar Sanjabi, and Virginia Smith. Fair resource allocation in federated learning. CoRR, abs/1905.10497, 2019.
[Mohri et al., 2019] Mehryar Mohri, Gary Sivek, and Ananda Theertha Suresh. Agnostic federated learning. CoRR, abs/1902.00146, 2019.
[Huang et al., 2020] Wei Huang, Tianrui Li, Dexian Wang, Shengdong Du, and Junbo Zhang. Fairness and accuracy in federated learning. arXiv e-prints, page arXiv:2012.10069, 2020.



















