一個(gè)完整的醫(yī)療影像推理流程一般包含數(shù)據(jù)的前處理、AI 推理以及數(shù)據(jù)后處理這幾部分。通常情況下,我們可以通過 TensorRT, TensorFlow 或者 PyTorch 這些框架來實(shí)現(xiàn) GPU 加速的 AI 推理部分,然而數(shù)據(jù)前后處理部分往往是放在 CPU 上執(zhí)行的。對(duì)于一些比較大的數(shù)據(jù),比如 CT 或者 MR 這種 3D 圖像,CPU 上的數(shù)據(jù)前后處理會(huì)成為整個(gè)推理流程的瓶頸,導(dǎo)致推理的時(shí)延變長(zhǎng),GPU 使用效率不高。醫(yī)療影像推理的另一個(gè)需要考慮的問題是如何實(shí)現(xiàn)高效的部署。我們往往需要部署多個(gè)醫(yī)療影像 AI 應(yīng)用,那么如何去調(diào)度多個(gè)模型,如何并發(fā)處理多個(gè)請(qǐng)求,并充分利用 GPU 資源成為挑戰(zhàn)。
什么是 MONAI
MONAI 是一個(gè)專門針對(duì)醫(yī)療圖像的深度學(xué)習(xí)開源框架。MONAI 致力于:
-
發(fā)展一個(gè)學(xué)術(shù)界、工業(yè)界和臨床研究人員共同合作的社區(qū);
-
為醫(yī)療圖像創(chuàng)建最先進(jìn)的端到端工作流;
-
為研究人員提供創(chuàng)建和評(píng)估深度學(xué)習(xí)模型的優(yōu)化和標(biāo)準(zhǔn)化的方法。
MONAI 中包含一系列的 transforms 對(duì)醫(yī)療圖像數(shù)據(jù)進(jìn)行前后處理。在 MONAI 0.7 中,我們?cè)?transforms 中引入基于 PyTorch Tensor 的計(jì)算,許多 transforms 既支持 NumPy array,也支持 PyTorch Tensor 作為輸入類型和計(jì)算后端。當(dāng)以 PyTorch Tensor 作為輸入數(shù)據(jù)時(shí),我們可以使用 GPU 來加速數(shù)據(jù)前后處理的計(jì)算。
什么是 NVIDIA Triton 推理服務(wù)器
Triton 推理服務(wù)器是一個(gè)開源的 AI 模型部署軟件,可以簡(jiǎn)化深度學(xué)習(xí)推理的大規(guī)模部署。它能夠?qū)Χ喾N框架(TensorFlow、TensorRT、PyTorch、ONNX Runtime 或自定義框架),在任何基于 GPU 或 CPU 的環(huán)境上(云、數(shù)據(jù)中心、邊緣)大規(guī)模部署經(jīng)過訓(xùn)練的 AI 模型。Triton 可提供高吞吐量推理,以實(shí)現(xiàn) GPU 使用率的最大化。
在較新的版本中,Triton 增加了 Python backend 這一新特性,Python backend 的目標(biāo)是讓使用者可以更加容易的部署 Python 寫的模型,無需再去編寫任何 C++ 代碼。在一些場(chǎng)景下,我們的推理流程中可能會(huì)出現(xiàn)循環(huán)、條件判斷、依賴于運(yùn)行時(shí)數(shù)據(jù)的控制流和其他自定義邏輯與模型混合執(zhí)行。使用 Triton Python backend,開發(fā)人員可以更加容易地在自己的推理流程中實(shí)現(xiàn)這些控制流,并且在 Python 模型中調(diào)用 Triton 部署的其他模型。
使用 MONAI 和 Triton 高效搭建和部署 GPU 加速的醫(yī)療影像推理流程
在本文介紹的例子中,我們將使用 MONAI 中 GPU 加速的數(shù)據(jù)處理以及 Triton 的 Python backend 來構(gòu)建一個(gè) GPU 加速的醫(yī)療影像推理流程。通過這個(gè)例子,讀者可以了解到,在 GPU 上進(jìn)行數(shù)據(jù)處理所帶來的性能增益,以及如何使用 Triton 進(jìn)行高效的推理部署。
整個(gè)推理流程如下圖所示,包含數(shù)據(jù)預(yù)處理,AI 模型推理,和數(shù)據(jù)后處理三部分。
通過 EnsureType 這個(gè) transform,我們將輸入數(shù)據(jù)轉(zhuǎn)換成 PyTorch Tensor 并放到 GPU 上,這樣之后的數(shù)據(jù)預(yù)處理操作都會(huì)在 GPU 上進(jìn)行。我們使用 Triton 的 Torch backend 來作為 3DUnet 的推理后端,輸出的結(jié)果為 GPU 上的 Torch Tensor,并作為后處理模塊的輸入,在 GPU 上進(jìn)行后處理計(jì)算。
使用 Triton 的 Python backend,我們可以非常容易的將整個(gè)流程串聯(lián)起來,即:按照 Triton Python backend 要求的模型結(jié)構(gòu)構(gòu)建前后處理的 Python 代碼,并在其中調(diào)用 3DUnet 的推理。以下是我們例子中的代碼片段。完整的代碼及復(fù)現(xiàn)步驟請(qǐng)見 Github:
https://github.com/Project-MONAI/tutorials/tree/master/full_gpu_inference_pipeline
class TritonPythonModel:
"""
Your Python model must use the same class name. Every Python model
that is created must have "TritonPythonModel" as the class name.
"""
def initialize(self, args):
"""
`initialize` is called only once when the model is being loaded.
Implementing `initialize` function is optional. This function allows
the model to intialize any state associated with this model.
"""
self.inference_device_id = args.get("model_instance_device_id", "0")
infer_transforms = []
infer_transforms.append(EnsureType(device=torch.device(f"cuda:{self.inference_device_id}")))
infer_transforms.append(AddChannel())
infer_transforms.append(ScaleIntensityRange(a_min=-57, a_max=164, b_min=0.0, b_max=1.0, clip=True))
infer_transforms.append(CropForeground())
infer_transforms.append(Resize(spatial_size=(224, 224, 224)))
self.pre_transforms = Compose(infer_transforms)
def execute(self, requests):
"""
`execute` must be implemented in every Python model. `execute`
function receives a list of pb_utils.InferenceRequest as the only
argument. This function is called when an inference is requested
for this model. Depending on the batching configuration (e.g. Dynamic
Batching) used, `requests` may contain multiple requests. Every
Python model, must create one pb_utils.InferenceResponse for every
pb_utils.InferenceRequest in `requests`. If there is an error, you can
set the error argument when creating a pb_utils.InferenceResponse.
"""
responses = []
for request in requests:
# get the input by name (as configured in config.pbtxt)
input_triton_tensor = pb_utils.get_input_tensor_by_name(request, "INPUT0")
# convert the triton tensor to torch tensor
input_torch_tensor = from_dlpack(input_triton_tensor.to_dlpack())
transform_output = self.pre_transforms(input_torch_tensor[0])
transform_output_batched = transform_output.unsqueeze(0)
# convert the torch tensor to triton tensor
transform_tensor = pb_utils.Tensor.from_dlpack("INPUT__0", to_dlpack(transform_output_batched))
# send inference request to 3DUnet served by Triton. The name of the model is "segmentation_3d"
inference_request = pb_utils.InferenceRequest(
model_name="3dunet", requested_output_names=["OUTPUT__0"], inputs=[transform_tensor]
)
infer_response = inference_request.exec()
output1 = pb_utils.get_output_tensor_by_name(infer_response, "OUTPUT__0")
# convert the triton tensor to torch tensor
output_tensor = from_dlpack(output1.to_dlpack())
# do the post process
argmax = AsDiscrete(argmax=True)(output_tensor[0])
largest = KeepLargestConnectedComponent(applied_labels=1)(argmax)
contour = LabelToContour()(largest)
out_tensor_0 = pb_utils.Tensor.from_dlpack("MASK", to_dlpack(largest.unsqueeze(0)))
out_tensor_1 = pb_utils.Tensor.from_dlpack("CONTOUR", to_dlpack(contour.unsqueeze(0)))
inference_response = pb_utils.InferenceResponse(output_tensors=[out_tensor_0, out_tensor_1])
responses.append(inference_response)
return responses
def finalize(self):
"""
`finalize` is called only once when the model is being unloaded.
Implementing `finalize` function is optional. This function allows
the model to perform any necessary clean ups before exit.
"""
pass
以 MSD Spleen 3D 數(shù)據(jù)作為輸入,經(jīng)過整個(gè)推理流程,將得到分割后的脾臟區(qū)域以及其輪廓。
性能測(cè)試
我們?cè)?RTX 8000 上對(duì)整個(gè)推理流程進(jìn)行了性能測(cè)試,以了解 Triton 及 MONAI 不同特性對(duì)性能的影響。
HTTP vs. gRPC vs. shared memory
目前 Triton 支持 HTTP, gRPC 和共享內(nèi)存等方式進(jìn)行數(shù)據(jù)通信。由于三維醫(yī)學(xué)圖像通常很大,通信帶來的開銷不容忽視。對(duì)于許多常見的醫(yī)學(xué)圖像人工智能應(yīng)用,客戶端與服務(wù)器位于同一臺(tái)機(jī)器上,因此使用共享內(nèi)存是減少發(fā)送/接收開銷的一種可行方法。在測(cè)試中,我們比較了客戶端和服務(wù)器之間使用不同通信方式對(duì)性能的影響。所有過程(前/后處理和AI推理)都在 GPU 上。我們可以得出結(jié)論,當(dāng)數(shù)據(jù)傳輸量很大時(shí),使用共享內(nèi)存將大大減少延遲。
Pre/Post-processing on GPU vs. CPU
接著我們測(cè)試了分別在 GPU 和 CPU 進(jìn)行前后數(shù)據(jù)處理時(shí),整個(gè)推理流程的速度。可以看到,當(dāng)使用 GPU 進(jìn)行數(shù)據(jù)處理時(shí),可以實(shí)現(xiàn) 12 倍的加速。
原文標(biāo)題:使用 MONAI 和 Triton 高效構(gòu)建和部署 GPU 加速的醫(yī)療影像推理流程
文章出處:【微信公眾號(hào):NVIDIA英偉達(dá)】歡迎添加關(guān)注!文章轉(zhuǎn)載請(qǐng)注明出處。
-
gpu
+關(guān)注
關(guān)注
28文章
4673瀏覽量
128592 -
AI
+關(guān)注
關(guān)注
87文章
29806瀏覽量
268103 -
Triton
+關(guān)注
關(guān)注
0文章
16瀏覽量
7017
原文標(biāo)題:使用 MONAI 和 Triton 高效構(gòu)建和部署 GPU 加速的醫(yī)療影像推理流程
文章出處:【微信號(hào):NVIDIA_China,微信公眾號(hào):NVIDIA英偉達(dá)】歡迎添加關(guān)注!文章轉(zhuǎn)載請(qǐng)注明出處。
發(fā)布評(píng)論請(qǐng)先 登錄
相關(guān)推薦
評(píng)論