Tutel Moe:最適化された混合物の実装、また、「無閉塞視点/スパース/容量/..動的行動を持つ最新のトレーニングと推論のための「切り替え」を提案する最初の並列ソリューション」。
>> Example :
python3 - m torch . distributed . run - - nproc_per_node = 8 - m tutel . examples . bandwidth_test - - size_mb = 256 >> Example for using tensorcore :
python3 - m tutel . examples . helloworld - - dtype = float32
python3 - m tutel . examples . helloworld - - dtype = float32 - - use_tensorcore
python3 - m tutel . examples . helloworld - - dtype = float16
python3 - m tutel . examples . helloworld - - dtype = float16 - - use_tensorcore
>> Example for custom experts :
python3 - m tutel . examples . helloworld_custom_expert - - batch_size = 16
>> Example for NCCL timeout settings :
TUTEL_GLOBAL_TIMEOUT_SEC = 60 python3 - m torch . distributed . run - - nproc_per_node = 8 - m tutel . examples . helloworld - - use_tensorcore >> Example :
# All_to_All_v:
python3 - m torch . distributed . run - - nproc_per_node = 2 - - master_port = 7340 - m tutel . examples . nccl_all_to_all_v
# All_Gather_v:
python3 - m torch . distributed . run - - nproc_per_node = 2 - - master_port = 7340 - m tutel . examples . nccl_all_gather_v
>> How to :
net . batch_all_to_all_v ([ t_x_cuda , t_y_cuda , ..], common_send_counts )
net . batch_all_gather_v ([ t_x_cuda , t_y_cuda , ..]) >> Example ( capacity_factor = 0 for dropless - MoE ):
# Using BatchMatmul:
python3 - m tutel . examples . helloworld - - megablocks_size = 0 - - batch_size = 1 - - num_tokens = 32 - - top = 1 - - eval - - num_local_experts = 128 - - capacity_factor = 0
# Using Megablocks with block_size = 1:
python3 - m tutel . examples . helloworld - - megablocks_size = 1 - - batch_size = 1 - - num_tokens = 32 - - top = 1 - - eval - - num_local_experts = 128 - - capacity_factor = 0
# Using Megablocks with block_size = 2:
python3 - m tutel . examples . helloworld - - megablocks_size = 2 - - batch_size = 1 - - num_tokens = 32 - - top = 1 - - eval - - num_local_experts = 128 - - capacity_factor = 0
>> How to :
self . _moe_layer . forward ( x , .., megablocks_size = 1 ) # Control the switch of megablocks_size (0 for disabled) >> Example :
python3 - m torch . distributed . run - - nproc_per_node = 8 - m tutel . examples . helloworld_switch - - batch_size = 16
>> How to :
self . _moe_layer . forward ( x , .., a2a_ffn_overlap_degree = 2 ) # Control the switch of overlap granularity (1 for no overlapping)
self . _moe_layer . forward ( x , .., adaptive_r = 1 ) # Control the switch of parallelism (0 for DP, 1 for DP + EP, W / E for MP + EP, else for DP + MP + EP)
self . _moe_layer . forward ( x , .., capacity_factor = 1 ) # Control the switch of capacity_volume (positive for padding, negative for no-padding, 0 for dropless)
self . _moe_layer . forward ( x , .., top_k = 1 ) # Control the switch of top_k sparsity >> Example ( suggest enabling 2 DH only at scale , note that the value of - - nproc_per_node MUST equal to total physical GPU counts per node , e . g . 8 for A100x8 ):
python3 - m torch . distributed . run - - nproc_per_node = 8 - m tutel . examples . helloworld - - batch_size = 16 - - use_2dh * Prepare Recommended Pytorch >= 2.0.0 (minimal version == 1.8.0):
# Windows/Linux Pytorch for NVIDIA CUDA >= 11.7:
python3 -m pip install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/cu118
# Linux Pytorch for AMD ROCm == 5.4.2:
python3 -m pip install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/rocm5.4.2
# Windows/Linux Pytorch for CPU:
python3 -m pip install torch torchvision torchaudio --index-url https://download.pytorch.org/whl/cpu
* Install Tutel Online:
$ python3 -m pip uninstall tutel -y
$ python3 -m pip install setuptools wheel
$ python3 -m pip install -v -U --no-build-isolation git+https://github.com/microsoft/tutel@main
* Build Tutel from Source:
$ git clone https://github.com/microsoft/tutel --branch main
$ python3 -m pip uninstall tutel -y
$ python3 ./tutel/setup.py install --user
* Quick Test on Single-GPU:
$ python3 -m tutel.examples.helloworld --batch_size=16 # Test Tutel-optimized MoE + manual distribution
$ python3 -m tutel.examples.helloworld_ddp --batch_size=16 # Test Tutel-optimized MoE + Pytorch DDP distribution (requires: Pytorch >= 1.8.0)
$ python3 -m tutel.examples.helloworld_ddp_tutel --batch_size=16 # Test Tutel-optimized MoE + Tutel DDP distribution (ZeRO on optimizors)
$ python3 -m tutel.examples.helloworld_amp --batch_size=16 # Test Tutel-optimized MoE with AMP data type + manual distribution
$ python3 -m tutel.examples.helloworld_custom_expert --batch_size=16 # Test Tutel-optimized MoE + custom defined expert layer
$ python3 -m tutel.examples.helloworld_from_scratch # Test Custom MoE implementation from scratch
$ python3 -m tutel.examples.moe_mnist # Test MoE layer in end-to-end MNIST dataset
$ python3 -m tutel.examples.moe_cifar10 # Test MoE layer in end-to-end CIFAR10 dataset
(If building from source, the following method also works:)
$ python3 ./tutel/examples/helloworld.py --batch_size=16
..
* Run Tutel MoE in Distributed Mode:
(Method A - Torch launcher for `Multi-Node x Multi-GPU`:)
$ ssh <node-ip-0> python3 -m torch.distributed.run --nproc_per_node=8 --nnodes=2 --node_rank=0 --master_addr=<node-ip-0> -m tutel.examples.helloworld --batch_size=16
$ ssh <node-ip-1> python3 -m torch.distributed.run --nproc_per_node=8 --nnodes=2 --node_rank=1 --master_addr=<node-ip-0> -m tutel.examples.helloworld --batch_size=16
(Method B - Tutel launcher for `Multi-Node x Multi-GPU`, requiring package `openmpi-bin`:)
# << Single Node >>
$ mpiexec -bind-to none -host localhost -x LOCAL_SIZE=8 python3 -m tutel.launcher.run -m tutel.examples.helloworld_ddp_tutel --batch_size=16
$ mpiexec -bind-to none -host localhost -x LOCAL_SIZE=8 python3 -m tutel.launcher.run -m tutel.examples.moe_mnist
$ mpiexec -bind-to none -host localhost -x LOCAL_SIZE=8 python3 -m tutel.launcher.run -m tutel.examples.moe_cifar10
...
# << Cross Nodes >>
$ mpiexec -bind-to none -host <node-ip-0>,<node-ip-1>,.. -x MASTER_ADDR=<node-ip-0> -x LOCAL_SIZE=8 python3 -m tutel.launcher.run -m tutel.examples.helloworld --batch_size=16
# << For CPU-based Launch>>
$ mpiexec -bind-to none -host localhost -x LOCAL_SIZE=1 -x OMP_NUM_THREADS=1024 python3 -m tutel.launcher.run -m tutel.examples.helloworld --batch_size=16 --device cpu
ドキュメントはここに移動されました。
# Input Example:
import torch
x = torch.ones([6, 1024], device='cuda:0')
# Create MoE:
from tutel import moe as tutel_moe
moe_layer = tutel_moe.moe_layer(
gate_type={'type': 'top', 'k': 2},
model_dim=x.shape[-1],
experts={
'count_per_node': 2,
'type': 'ffn', 'hidden_size_per_expert': 2048, 'activation_fn': lambda x: torch.nn.functional.relu(x)
},
scan_expert_func = lambda name, param: setattr(param, 'skip_allreduce', True),
)
# Cast to GPU
moe_layer = moe_layer.to('cuda:0')
# In distributed model, you need further skip doing allreduce on global parameters that have `skip_allreduce` mask,
# e.g.
# for p in moe_layer.parameters():
# if hasattr(p, 'skip_allreduce'):
# continue
# dist.all_reduce(p.grad)
# Forward MoE:
y = moe_layer(x)
print(y)
* Usage of MOELayer Args:
gate_type : dict-type gate description, e.g. {'type': 'top', 'k': 2, 'capacity_factor': -1.5, ..},
or a list of dict-type gate descriptions, e.g. [{'type': 'top', 'k', 2}, {'type': 'top', 'k', 2}],
the value of k in top-gating can be also negative, like -2, which indicates one GPU will hold 1/(-k) parameters of an expert
capacity_factor X can be positive (factor = X), zero (factor = max(needed_volumes)) or negative (factor = min(-X, max(needed_volumes))).
model_dim : the number of channels for MOE's input tensor
experts : a dict-type config for builtin expert network
scan_expert_func : allow users to specify a lambda function to iterate each experts param, e.g. `scan_expert_func = lambda name, param: setattr(param, 'expert', True)`
result_func : allow users to specify a lambda function to format the MoE output and aux_loss, e.g. `result_func = lambda output: (output, output.l_aux)`
group : specify the explicit communication group of all_to_all
seeds : a tuple containing a tripple of int to specify manual seed of (shared params, local params, others params after MoE's)
a2a_ffn_overlap_degree : the value to control a2a overlap depth, 1 by default for no overlap, 2 for overlap a2a with half gemm, ..
parallel_type : the parallel method to compute MoE, valid types: 'auto', 'data', 'model'
pad_samples : whether do auto padding on newly-coming input data to maximum data size in history
* Usage of dict-type Experts Config:
count_per_node : the number of local experts per device (by default, the value is 1 if not specified)
type : available built-in experts implementation, e.g: ffn
hidden_size_per_expert : the hidden size between two linear layers for each expert (used for type == 'ffn' only)
activation_fn : the custom-defined activation function between two linear layers (used for type == 'ffn' only)
has_fc1_bias : If set to False, the expert bias parameters `batched_fc1_bias` is disabled. Default: True
has_fc2_bias : If set to False, the expert bias parameters `batched_fc2_bias` is disabled. Default: True
以下のこの論文を参照して、Tutelのより多くの技術的な詳細を知ることができます。
@article {tutel,
author = {Changho Hwang and Wei Cui and Yifan Xiong and Ziyue Yang and Ze Liu and Han Hu and Zilong Wang and Rafael Salas and Jithin Jose and Prabhat Ram and Joe Chau and Peng Cheng and Fan Yang and Mao Yang and Yongqiang Xiong},
title = {Tutel: Adaptive Mixture-of-Experts at Scale},
year = {2022},
month = jun,
journal = {CoRR},
volume= {abs/2206.03382},
url = {https://arxiv.org/pdf/2206.03382.pdf},
}
このプロジェクトは、貢献と提案を歓迎します。ほとんどの貢献では、貢献者ライセンス契約(CLA)に同意する必要があります。詳細については、https://cla.opensource.microsoft.comをご覧ください。
プルリクエストを送信すると、CLAボットはCLAを提供し、PRを適切に飾る必要があるかどうかを自動的に決定します(たとえば、ステータスチェック、コメント)。ボットが提供する指示に従うだけです。 CLAを使用して、すべてのレポでこれを1回だけ行う必要があります。
このプロジェクトは、Microsoftのオープンソース行動規範を採用しています。詳細については、FAQのコードを参照するか、追加の質問やコメントについては[email protected]にお問い合わせください。
このプロジェクトには、プロジェクト、製品、またはサービスの商標またはロゴが含まれる場合があります。 Microsoftの商標またはロゴの承認された使用は、Microsoftの商標およびブランドガイドラインに従うものであり、従わなければなりません。このプロジェクトの変更されたバージョンでのMicrosoft商標またはロゴの使用は、混乱を引き起こしたり、Microsoftのスポンサーシップを暗示したりしてはなりません。サードパーティの商標またはロゴの使用は、これらのサードパーティのポリシーの対象となります。