共计 6438 个字符,预计需要花费 17 分钟才能阅读完成。
一、技术介绍
NVIDIA Triton Inference Server 是一个针对 CPU 和 GPU 进行优化的云端和推理的解决方案。
反对的模型类型包含 TensorRT、TensorFlow、PyTorch(meta-llama/Llama-2-7b)、Python(chatglm)、ONNX Runtime 和 OpenVino。
NVIDIA Triton Server 是一个高性能的推断服务器,具备以下特点:
1. 高性能:Triton Server 为应用 GPU 进行推断的工作负载提供了高性能和低提早。它可能在高吞吐量和低提早的状况下同时服务多个模型。
2. 内存治理:大模型通常须要大量的显存来进行推断。Triton Server 具备灵便的内存管理机制,能够无效地治理和调配显存,确保大模型的推断能够高效地进行。
3. 可扩展性:Triton Server 通过并行处理和异步推断反对高度并发的推断申请。它能够依据负载的须要主动扩大和膨胀。
4. 多模型反对:Triton Server 可能同时部署和治理多个模型。这容许您共享服务器资源并以统一的形式部署和治理不同的模型。
5. 灵活性:Triton Server 反对多种模型格局和推断框架,包含 TensorFlow、PyTorch、ONNX 等。您能够应用您喜爱的模型和工具进行模型开发和训练,并将其轻松部署到 Triton Server 上。
6. 高级个性:Triton Server 提供了许多高级个性,例如模型版本治理、申请并发管制、动静批处理大小优化、申请工夫跟踪等。这些个性加强了模型的部署和治理能力。
二、实际
Serve a Model in 3 (N) Easy Steps 官网文档
https://github.com/triton-inference-server/server
Serve a Model in n Easy Steps
Step 1: 拉取 triton-server 代码
git clone -b r23.08 https://github.com/triton-inference-server/server.git #
Step 2: 应用 tritonserver:22.12-py3 镜像构建 triton-server 容器
docker run –gpus all –shm-size=1g –ulimit memlock=-1 -p 8000:8000 -p 8001:8001 -p 8002:8002 –ulimit stack=67108864 -ti nvcr.io/nvidia/tritonserver:22.12-py3
- p 端口映射要留神, 前期要改很麻烦.
tritonserver 版本和 python_backend 后端版本肯定要对应.
比方都用 22.12
Step 3: 下载 python 推理后端 python_backend
文档: https:/ https://github.com/triton-inference-server/python_backend
下载 python 后端代码:
git clone https://github.com/triton-inference-server/python_backend -b r22.12
容器内操作: 如果中途退出容器, 应用命令 docker exec -it 容器名 /bin/bash 进入容器
如下载不下来能够拷贝到容器内:docker cp python\_backend busy\_galileo:/opt
Step 4: 创立模型目录
cd python_backend
1) 创立模型目录: mkdir -p models/chatglm2-6b/1/
2) 宿主机拷贝 chatglm2 到容器内模型目录: docker cp chatglm2-6b 容器名:/ 容器内门路 /models/chatglm2-6b
3) 创立模型配置文件 : vi models/chatglm2-6b/config.pbtxt 蕴含各种参数,input,output 参数, 模型门路等.
name: "chatglm2-6b" | |
backend: "python" | |
max_batch_size: 1 | |
input [ | |
{ | |
name: "QUERY" | |
data_type: TYPE_STRING | |
dims: [-1] | |
}, | |
{ | |
name: "max_new_tokens" | |
data_type: TYPE_UINT32 | |
dims: [-1] | |
}, | |
{ | |
name: "top_k" | |
data_type: TYPE_UINT32 | |
dims: [1] | |
optional: true | |
}, | |
{ | |
name: "top_p" | |
data_type: TYPE_FP32 | |
dims: [1] | |
optional: true | |
}, | |
{ | |
name: "temperature" | |
data_type: TYPE_FP32 | |
dims: [1] | |
optional: true | |
}, | |
{ | |
name: "length_penalty" | |
data_type: TYPE_FP32 | |
dims: [1] | |
optional: true | |
}, | |
{ | |
name: "repetition_penalty" | |
data_type: TYPE_FP32 | |
dims: [1] | |
optional: true | |
}, | |
{ | |
name: "bos_token_id" | |
data_type: TYPE_UINT32 | |
dims: [1] | |
optional: true | |
}, | |
{ | |
name: "eos_token_id" | |
data_type: TYPE_UINT32 | |
dims: [1] | |
optional: true | |
}, | |
{ | |
name: "do_sample" | |
data_type: TYPE_BOOL | |
dims: [1] | |
optional: true | |
}, | |
{ | |
name: "num_beams" | |
data_type: TYPE_UINT32 | |
dims: [1] | |
optional: true | |
} | |
] | |
output [ | |
{ | |
name: "OUTPUT" | |
data_type: TYPE_STRING | |
dims: [-1, -1] | |
} | |
] | |
instance_group [ | |
{kind: KIND_GPU} | |
] | |
parameters { | |
key: "model_path" | |
value: {string_value: "/opt/tritonserver/python_backend/models/chatglm2-6b"} | |
} |
创立 model.py 自定义 Python 代码实现的模型推理逻辑 vi models/chatglm2-6b/1/model.py
模型的输出, 输入和参数能够在这里应用 python 脚本进行加工解决
import triton_python_backend_utils as pb_utils | |
class TritonPythonModel: | |
@staticmethod | |
def auto_complete_config(auto_complete_model_config): | |
"""`auto_complete_config` is called only once when loading the model | |
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 initialize any state associated with this model. | |
Parameters | |
---------- | |
args : dict | |
Both keys and values are strings. The dictionary keys and values are: | |
* model_config: A JSON string containing the model configuration | |
* model_instance_kind: A string containing model instance kind | |
* model_instance_device_id: A string containing model instance device | |
ID | |
* model_repository: Model repository path | |
* model_version: Model version | |
* model_name: Model name | |
"""print('Initialized...') | |
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. | |
Parameters | |
---------- | |
requests : list | |
A list of pb_utils.InferenceRequest | |
Returns | |
------- | |
list | |
A list of pb_utils.InferenceResponse. The length of this list must | |
be the same as `requests` | |
""" | |
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. | |
"""print('Cleaning up...') |
Step 5: 装置推理环境和各种软件
cuda 版本和显卡驱动必须对应,cuda toolkit 与驱动版本
对应关系见官网: https://docs.nvidia.com/cuda/cuda-toolkit-release-notes/index.html#cuda-major-component-versions
1) torch 介绍和装置:
torch 科学计算框架,旨在为机器学习和其余科学计算工作提供高效的矩阵运算和主动微分性能。
提供了丰盛的预训练模型和算法库,使用户可能疾速构建和训练各种机器学习工作。
pip install ./torch-1.12.1+cu116-cp38-cp38-linux\_x86\_64.whl
2) 显卡驱动:
sh ./NVIDIA-Linux-x86_64-460.106.00.run
3) cudnn 介绍和装置:
CUDA Deep Neural Network library 是由 NVIDIA 提供的 GPU 减速的深度神经网络(DNN)库。它旨在优化和减速深度学习工作中的神经网络模型训练和推理。
cuDNN 提供了一组用于卷积神经网络(Convolutional Neural Networks, CNN)和循环神经网络(Recurrent Neural Networks, RNN)等常见深度学习工作的外围算法和函数。这些算法和函数针对 GPU 架构进行了高度优化,以提供最佳的性能和效率。
wget https://developer.download.nvidia.cn/compute/cuda/repos/ubunt…\_64/libcudnn8\_8.1.1.33-1+cuda11.2_amd64.deb
dpkg -i libcudnn8\_8.1.1.33-1+cuda11.2\_amd64.deb
4) cuda:
Compute Unified Device Architecture 库是由 NVIDIA 开发的用于 GPU 编程的并行计算平台和 API。
通过 CUDA 库,能够在 GPU 上同步或异步地进行模型推理,同时反对批处理和多张卡并行计算,以晋升模型推理的速度和效率
wget https://developer.download.nvidia.com/compute/cuda/11.2.0/local\_installers/cuda\_11.2.0\_460.27.04\_linux.run
sudo sh cuda\_11.2.0\_460.27.04_linux.run
5) 各种软件
nohup apt-get update
nohup apt-get install -y autoconf autogen clangd gdb git-lfs libb64-dev libz-dev locales-all mosh openssh-server python3-dev rapidjson-dev sudo tmux unzip zstd zip zsh
Step 6: 启动 triton-server
CUDA\_VISIBLE\_DEVICES=0 setsid tritonserver –model-repository=/opt/tritonserver/python\_backend/models –backend-config=python,shm-region-prefix-name=prefix1\_ –http-port 8000 –grpc-port 8001 –metrics-port 8002 –log-verbose 1 –log-file /opt/tritonserver/logs/triton\_server\_gpu0.log
启动胜利 http 端口 8000 grpc 端口 8001 测量端口 8002
三、测试
简略的调用 python 代码 调用 http 接口
import requests | |
# 定义模型的输出数据 | |
data = { | |
"inputs": [ | |
{ | |
"name": "QUERY", | |
"shape": [1,1], | |
"datatype": "BYTES", | |
"data": ["川普是不是四川人"] | |
}, | |
{ | |
"name": "max_new_tokens", | |
"shape" : [1,1], | |
"datatype": "UINT32", | |
"data": [15000] | |
}, | |
] | |
} | |
headers = {'Content-Type': 'application/json',} | |
# 发送 POST 申请 | |
response = requests.post('http://localhost:8000/v2/models/chatglm2-6b/infer', headers=headers, json=data) | |
result = response.json() | |
print(result) | |
响应:
{ | |
"model_name": "chatglm2-6b", | |
"model_version": "1", | |
"outputs": [ | |
{ | |
"data": ["\n\n 川普不是四川人,他出生于美国宾夕法尼亚州,是一个美国政治家、企业家和电视名人。"], | |
"datatype": "BYTES", | |
"name": "OUTPUT", | |
"shape": []} | |
] | |
} |
四、技术方向
CI(Continuous Integration,继续集成)/CD(Continuous Delivery,继续交付 /Continuous Deployment,继续部署)
将来可实现:
1. 应用 k8s 主动操作容器部署 – 相似行云
2. 保留一个大模型运行环境的残缺 docker 镜像, 只需下载模型文件到对应目录即可启动提供服务..
3. 单机部署多种开源模型, 提供不同模型的应答接口 , 可比照应答成果
4. 创立 dockerFile 主动构建根底容器
k8s 文档
https://kubernetes.io/zh-cn/docs/tasks/tools/
在所有节点上装置 Docker 和 kubeadm,kubenet
部署 Kubernetes Master
部署容器网络插件 kubectl
部署 Kubernetes Node,将节点退出 Kubernetes 集群中
作者:京东科技 杨建
起源:京东云开发者社区 转载请注明起源