jasonlin316 / ARGO

Official implementation of ARGO, an auto-tuning runtime system for GNN training on CPU.
3 stars 1 forks source link

ARGO: An Auto-Tuning Runtime System for Scalable GNN Training on Multi-Core Processor

DOI

Official implementation of "ARGO: An Auto-Tuning Runtime System for Scalable GNN Training on Multi-Core Processor," from IEEE International Parallel and Distributed Processing Symposium (IPDPS), 2024.

Overview

Graph Neural Network (GNN) training suffer from low scalability on multi-core processors. ARGO is a runtime system that can be seamlessly integrated into DGL or PyG, and offers scalable performance. Shown in the figure below, both PyG and DGL cannot achieve higher performance after applying more than 16 cores. However, with ARGO enabled, both libraries are able to scale over 64 cores, allowing ARGO to speedup GNN training (in terms of epoch time) by up to 4.30x and 5.06x on DGL and PyG, resepectively. ARGO

This README includes how to:

  1. Set up the environment
  2. Run the example code
  3. Modify your own GNN program to enable ARGO.

Here we use the Deep Graph Library (DGL) as an example (also available on the offical DGL repo) ARGO is also compatible with PyTorch-Geometric (PyG); please see the PyG folder for details.

1. Setting up the environment

Preliminary: Have PyTorch and DGL installed.

  1. Clone this repository:

    git clone https://github.com/jasonlin316/ARGO.git
  2. ARGO utilizes the scikit-optimize library for auto-tuning. Please install scikit-optimize to run ARGO:

    conda install -c conda-forge "scikit-optimize>=0.9.0"

    or

    pip install scikit-optimize>=0.9
  3. Download the OGB datasets (optional if you are not running any)

    python ogb_example.py --dataset <ogb_dataset>

2. Running the example GNN program

Usage

python main.py --dataset ogbn-products --sampler shadow --model sage

Important Arguments:

3. Enabling ARGO on your own GNN program

In this section, we provide a step-by-step tutorial on how to enable ARGO on a DGL program. We use the ogb_example.py file in this repo as an example.

Note: we also provide the complete example file ogb_example_ARGO.py which followed the steps below to enable ARGO on ogb_example.py.

  1. First, include all necessary packages on top of the file. Please place your file and argo.py in the same directory.

    import os
    import torch.distributed as dist
    from torch.nn.parallel import DistributedDataParallel
    import torch.multiprocessing as mp
    from argo import ARGO
  2. Setup PyTorch Distributed Data Parallel (DDP).

    1. Add the initialization function on top of the training program, and wrap the model with the DDP wrapper
    def train(...):
     dist.init_process_group('gloo', rank=rank, world_size=world_size) # newly added
     model = SAGE(...) # original code
     model = DistributedDataParallel(model) # newly added
     ...
    1. In the main program, add the following before launching the training function
    os.environ['MASTER_ADDR'] = '127.0.0.1'
    os.environ['MASTER_PORT'] = '29501'
    mp.set_start_method('fork', force=True)
    train(args, device, data) # original code for launching the training function
  3. Enable ARGO by initializing the runtime system, and wrapping the training function

    runtime = ARGO(n_search = 15, epoch = args.num_epochs, batch_size = args.batch_size) #initialization
    runtime.run(train, args=(args, device, data)) # wrap the training function

    ARGO takes three input paramters: number of searches n_search, number of epochs, and the mini-batch size. Increasing n_search potentially leads to a better configuration with less epoch time; however, searching itself also causes extra overhead. We recommend setting n_search from 15 to 45 for an optimal overall performance. Details of n_search can be found in the paper.

  4. Modify the input of the training function, by directly adding ARGO parameters after the original inputs. This is the original function:

    def train(args, device, data):

    Add rank, world_size, comp_core, load_core, counter, b_size, ep like this:

    def train(args, device, data, rank, world_size, comp_core, load_core, counter, b_size, ep):
  5. Modify the dataloader function in the training function

    dataloader = dgl.dataloading.DataLoader(
           g,
           train_nid,
           sampler,
           batch_size=b_size, # modified
           shuffle=True,
           drop_last=False,
           num_workers=len(load_core), # modified
           use_ddp = True) # newly added
  6. Enable core-binding by adding enable_cpu_affinity() before the training for-loop, and also change the number of epochs into the variable ep:

    with dataloader.enable_cpu_affinity(loader_cores=load_core, compute_cores=comp_core):
     for epoch in range(ep): # change num_epochs to ep
  7. Last step! Load the model before training and save it afterward. Original Program:

    with dataloader.enable_cpu_affinity(loader_cores=load_core, compute_cores=comp_core):
     for epoch in range(ep):
       ... # training operations

    Modified:

    PATH = "model.pt"
    if counter[0] != 0:
     checkpoint = th.load(PATH)
     model.load_state_dict(checkpoint['model_state_dict'])
     optimizer.load_state_dict(checkpoint['optimizer_state_dict'])
     epoch = checkpoint['epoch']
     loss = checkpoint['loss']
    
    with dataloader.enable_cpu_affinity(loader_cores=load_core, compute_cores=comp_core):
     for epoch in range(ep):
       ... # training operations
    
    dist.barrier()
    if rank == 0:
     th.save({'epoch': counter[0],
                 'model_state_dict': model.state_dict(),
                 'optimizer_state_dict': optimizer.state_dict(),
                 'loss': loss,
                 }, PATH)
    
  8. Done! You can now run your GNN program with ARGO enabled.

    python <your_code>.py

Citation & Acknowledgement

This work has been supported by the U.S. National Science Foundation (NSF) under grants CCF-1919289/SPX-2333009, CNS-2009057 and OAC-2209563, and the Semiconductor Research Corporation (SRC).

@INPROCEEDINGS{argo-ipdps24,
  author={Yi-Chien Lin and Yuyang Chen and Sameh Gobriel and Nilesh Jain and Gopi Krishna Jhaand and Viktor Prasanna},
  booktitle={IEEE International Parallel and Distributed Processing Symposium (IPDPS)},
  title={ARGO: An Auto-Tuning Runtime System for Scalable GNN Training on Multi-Core Processor},
  year={2024}}