diff --git a/404.html b/404.html index 3630f36f3f..53f0a0eadb 100644 --- a/404.html +++ b/404.html @@ -444,6 +444,10 @@ + + + + diff --git a/baize/best-practice/add-scheduler.html b/baize/best-practice/add-scheduler.html new file mode 100644 index 0000000000..73b58eb456 --- /dev/null +++ b/baize/best-practice/add-scheduler.html @@ -0,0 +1,970 @@ + + + + + + + + + + + + + + +训练任务增加调度器选项 - Sophongo Enterprise + + + + + + + + + + + + +
+ + Skip to content + +
+
+
+
+ + +
+
+
+
+
+
+
+ +
+
+
+ +
+
+

增加任务调度器

+

5.0 AI Lab 提供了任务调度器,可以帮助您更好地管理任务,除了提供基础的调度器之外,目前也支持用户自定义调度器。

+

任务调度器介绍

+

在 Kubernetes 中,任务调度器负责决定将 Pod 分配到哪个节点上运行。它考虑多种因素,如资源需求、硬件/软件约束、亲和性/反亲和性规则、数据局部性等。

+

默认调度器是 Kubernetes 集群中的一个核心组件,负责决定将 Pod 分配到哪个节点上运行。让我们深入了解它的工作原理、特性和配置方法。

+

调度器的工作流程

+

默认调度器的工作流程可以分为两个主要阶段:过滤(Filtering)和评分(Scoring)。

+

过滤阶段

+

调度器会遍历所有节点,排除不满足 Pod 要求的节点,考虑的因素包括:

+
    +
  • 资源需求
  • +
  • 节点选择器
  • +
  • 节点亲和性
  • +
  • 污点和容忍
  • +
+

以上参数,我们可以通过创建任务时的高级配置来设置,如下图所示:

+

scheduler01

+

评分阶段

+

对通过过滤的节点进行打分,选择得分最高的节点来运行 Pod,考虑因素包括:

+
    +
  • 资源使用率
  • +
  • Pod 亲和性/反亲和性
  • +
  • 节点亲和性等。
  • +
+

调度器插件

+

除了基础的一些任务调度能力之外,我们还支持使用 Scheduler Plugins:Kubernetes SIG Scheduling +维护的一组调度器插件,包括 Coscheduling (Gang Scheduling) 等功能。

+

部署调度器插件

+

在工作集群中部署第二调度器插件,请参考部署第二调度器插件

+

在 AI Lab 中启用调度器插件

+
+

Danger

+

增加调度器插件若操作不当,可能会影响到整个集群的稳定性,建议在测试环境中进行测试;或者联系我们的技术支持团队。

+
+

注意,如果希望在训练任务中使用更多的调度器插件,需要事先手工在工作集群中成功安装,然后在集群中部署 baize-agent 时,增加对应的调度器插件配置。

+

通过容器管理提供的界面 Helm 应用 管理能力,可以方便地在集群中部署调度器插件,如下图所示:

+

scheduler03

+

然后,在右上角点击 安装 ,(若已部署了 baize-agent,可以到 Helm 应用列表去更新),根据如下图所示的配置,增加调度器。

+

scheduler02

+

注意调度器的参数层级,添加完成后,点击 确定 即可。

+
+

注意以后在更新 baize-agent 时,不要遗漏这个配置。

+
+

在创建任务时指定调度器

+

当您在集群中成功部署了对应的调度器插件,并且在 baize-agent 也正确增加了对应的调度器配置后,可以在创建任务时,指定调度器。

+

一切正常的情况下,您可以在调度器下拉框中看到您部署的调度器插件。

+

scheduler04

+

以上,就是我们在 AI Lab 中,为任务增加调度器选项的配置使用说明。

+
+
+ +
+ +
+ +
+
+
+
+ + + + + \ No newline at end of file diff --git a/baize/best-practice/change-notebook-image.html b/baize/best-practice/change-notebook-image.html new file mode 100644 index 0000000000..62778da7b6 --- /dev/null +++ b/baize/best-practice/change-notebook-image.html @@ -0,0 +1,1100 @@ + + + + + + + + + + + + + + +更新 Notebook 内置镜像 - Sophongo Enterprise + + + + + + + + + + + + +
+ + Skip to content + +
+
+
+
+ + +
+
+
+
+
+
+
+ +
+
+
+ +
+
+

更新 Notebook 内置镜像

+

在 Notebook 中,默认提供了多个可用的基础镜像,供开发者选择;大部分情况下,这会满足开发者的使用。

+

创建 notebook 界面

+

DaoCloud 提供了一个默认的 Notebook 镜像,包含了所需的任何开发工具和资料。

+
baize/baize-notebook
+
+

这个 Notebook 里面包含了基础的开发工具,以 baize-notebook:v0.5.0 (2024 年 5 月 30 日)为例,相关依赖及版本如下:

+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
依赖版本编号介绍
Ubuntu22.04.3默认 OS
Python3.11.6默认 Python 版本
pip23.3.1
conda(mamba)23.3.1
jupyterlab3.6.6JupyterLab 镜像,提供完整的 Notebook 开发体验
codeserverv4.89.1主流 Code 开发工具,方便用户使用熟悉的工具进行开发体验
*baizectlv0.5.0DaoCloud 内置 CLI 任务管理工具
*SSH-支持本地 SSH 直接访问到 Notebook 容器内
*kubectlv1.27Kubernetes CLI,可以使用 kubectl 在 Notebook 内 管理容器资源
+

但有时用户可能需要自定义镜像,本文介绍了如何更新镜像,并增加到 Notebook 创建界面中进行选择。

+

构建自定义镜像(仅供参考)

+
+

Note

+

注意,构建新镜像 需要以 baize-notebook 作为基础镜像,以保证 Notebook 的正常运行。

+
+

在构建自定义镜像时,建议先了解 baize-notebook 镜像的 Dockerfile,以便更好地理解如何构建自定义镜像。

+

baize-noteboook 的 Dockerfile

+
ARG BASE_IMG=docker.m.daocloud.io/kubeflownotebookswg/jupyter:v1.8.0
+
+FROM $BASE_IMG
+
+USER root
+
+# install - useful linux packages
+RUN export DEBIAN_FRONTEND=noninteractive \
+ && apt-get -yq update \
+ && apt-get -yq install --no-install-recommends \
+    openssh-server git git-lfs bash-completion \
+ && apt-get clean \
+ && rm -rf /var/lib/apt/lists/*
+
+# remove default s6 jupyterlab run script
+RUN rm -rf /etc/services.d/jupyterlab
+
+# install - useful jupyter plugins
+RUN mamba install -n base -y jupyterlab-language-pack-zh-cn \
+  && mamba clean --all -y
+
+ARG CODESERVER_VERSION=4.89.1
+ARG TARGETARCH
+
+RUN curl -fsSL "https://github.com/coder/code-server/releases/download/v$CODESERVER_VERSION/code-server_${CODESERVER_VERSION}_$TARGETARCH.deb" -o /tmp/code-server.deb \
+  && dpkg -i /tmp/code-server.deb \
+  && rm -f /tmp/code-server.deb
+
+ARG CODESERVER_PYTHON_VERSION=2024.4.1
+ARG CODESERVER_JUPYTER_VERSION=2024.3.1
+ARG CODESERVER_LANGUAGE_PACK_ZH_CN=1.89.0
+ARG CODESERVER_YAML=1.14.0
+ARG CODESERVER_DOTENV=1.0.1
+ARG CODESERVER_EDITORCONFIG=0.16.6
+ARG CODESERVER_TOML=0.19.1
+ARG CODESERVER_GITLENS=15.0.4
+
+# configure for code-server extensions
+# # https://github.com/kubeflow/kubeflow/blob/709254159986d2cc99e675d0fad5a128ddeb0917/components/example-notebook-servers/codeserver-python/Dockerfile
+# # and
+# # https://github.com/kubeflow/kubeflow/blob/709254159986d2cc99e675d0fad5a128ddeb0917/components/example-notebook-servers/codeserver/Dockerfile
+RUN code-server --list-extensions --show-versions \
+  && code-server --list-extensions --show-versions \
+  && code-server \
+    --install-extension MS-CEINTL.vscode-language-pack-zh-hans@$CODESERVER_LANGUAGE_PACK_ZH_CN \
+    --install-extension ms-python.python@$CODESERVER_PYTHON_VERSION \
+    --install-extension ms-toolsai.jupyter@$CODESERVER_JUPYTER_VERSION \
+    --install-extension redhat.vscode-yaml@$CODESERVER_YAML \
+    --install-extension mikestead.dotenv@$CODESERVER_DOTENV \
+    --install-extension EditorConfig.EditorConfig@$CODESERVER_EDITORCONFIG \
+    --install-extension tamasfe.even-better-toml@$CODESERVER_TOML \
+    --install-extension eamodio.gitlens@$CODESERVER_GITLENS \
+    --install-extension catppuccin.catppuccin-vsc-pack \
+    --force \
+  && code-server --list-extensions --show-versions
+
+# configure for code-server
+RUN mkdir -p /home/${NB_USER}/.local/share/code-server/User \
+  && chown -R ${NB_USER}:users /home/${NB_USER} \
+  && cat <<EOF > /home/${NB_USER}/.local/share/code-server/User/settings.json
+{
+  "gitlens.showWelcomeOnInstall": false,
+  "workbench.colorTheme": "Catppuccin Mocha",
+}
+EOF
+
+RUN mkdir -p /tmp_home/${NB_USER}/.local/share \
+  && mv /home/${NB_USER}/.local/share/code-server /tmp_home/${NB_USER}/.local/share
+
+# set ssh configuration
+RUN mkdir -p /run/sshd \
+ && chown -R ${NB_USER}:users /etc/ssh \
+ && chown -R ${NB_USER}:users /run/sshd \
+ && sed -i "/#\?Port/s/^.*$/Port 2222/g" /etc/ssh/sshd_config \
+ && sed -i "/#\?PasswordAuthentication/s/^.*$/PasswordAuthentication no/g" /etc/ssh/sshd_config \
+ && sed -i "/#\?PubkeyAuthentication/s/^.*$/PubkeyAuthentication yes/g" /etc/ssh/sshd_config \
+ && rclone_version=v1.65.0 && \
+       arch=$(uname -m | sed -E 's/x86_64/amd64/g;s/aarch64/arm64/g') && \
+       filename=rclone-${rclone_version}-linux-${arch} && \
+       curl -fsSL https://github.com/rclone/rclone/releases/download/${rclone_version}/${filename}.zip -o ${filename}.zip && \
+       unzip ${filename}.zip && mv ${filename}/rclone /usr/local/bin && rm -rf ${filename} ${filename}.zip
+
+# Init mamba
+RUN mamba init --system
+
+# init baize-base environment for essential python packages
+RUN mamba create -n baize-base -y python \
+  && /opt/conda/envs/baize-base/bin/pip install tensorboard \
+  && mamba clean --all -y \
+  && ln -s /opt/conda/envs/baize-base/bin/tensorboard /usr/local/bin/tensorboard
+
+# prepare baize-runtime-env directory
+RUN mkdir -p /opt/baize-runtime-env \
+  && chown -R ${NB_USER}:users /opt/baize-runtime-env
+
+ARG APP
+ARG PROD_NAME
+ARG TARGETOS
+
+COPY out/$TARGETOS/$TARGETARCH/data-loader /usr/local/bin/
+COPY out/$TARGETOS/$TARGETARCH/baizectl /usr/local/bin/
+
+RUN chmod +x /usr/local/bin/baizectl /usr/local/bin/data-loader && \
+    echo "source /etc/bash_completion" >> /opt/conda/etc/profile.d/conda.sh && \
+    echo "source <(baizectl completion bash)" >> /opt/conda/etc/profile.d/conda.sh && \
+    echo "source <(kubectl completion bash)" >> /opt/conda/etc/profile.d/conda.sh && \
+    echo '[ -f /run/baize-env ] && export $(cat /run/baize-env | xargs)' >> /opt/conda/etc/profile.d/conda.sh && \
+    echo 'alias conda="mamba"' >> /opt/conda/etc/profile.d/conda.sh
+
+USER ${NB_UID}
+
+

构建你的镜像

+
ARG BASE_IMG=release.daocloud.io/baize/baize-notebook:v0.5.0
+
+FROM $BASE_IMG
+USER root
+
+# Do Customization
+RUN mamba install -n baize-base -y pytorch torchvision torchaudio cpuonly -c pytorch \
+ && mamba install -n baize-base -y tensorflow \
+ && mamba clean --all -y
+
+USER ${NB_UID}
+
+

增加到 Notebook 镜像列表(Helm)

+
+

Warning

+

注意,必须由平台管理员操作,谨慎变更。

+
+

目前,镜像选择器需要通过更新 baizeHelm 参数来修改,具体步骤如下:

+

在 kpanda-global-cluster 全局服务集群的 Helm 应用列表,找到 baize,进入更新页面,在 YAML 参数中修改 Notebook 镜像:

+

Update Baize

+

注意参数修改的路径如下 global.config.notebook_images

+
...
+global:
+  ...
+  config:
+    notebook_images:
+      ...
+      names: release.daocloud.io/baize/baize-notebook:v0.5.0
+      # 在这里增加你的镜像信息
+
+

更新完成之后,待 Helm 应用重启成功之后,可以在 Notebook 创建界面中的选择镜像看到新的镜像。

+
+
+ +
+ +
+ +
+
+
+
+ + + + + \ No newline at end of file diff --git a/baize/best-practice/checkpoint.html b/baize/best-practice/checkpoint.html new file mode 100644 index 0000000000..99ab9b3f20 --- /dev/null +++ b/baize/best-practice/checkpoint.html @@ -0,0 +1,1159 @@ + + + + + + + + + + + + + + +Checkpoint 机制及使用介绍 - Sophongo Enterprise + + + + + + + + + + + + +
+ + Skip to content + +
+
+
+
+ + +
+
+
+
+
+
+
+ +
+
+
+ +
+
+

Checkpoint 机制及使用介绍

+

在深度学习的实际场景中,模型训练一般都会持续一段时间,这对分布式训练任务的稳定性和效率提出了更高的要求。 +而且,在实际训练的过程中,异常中断会导致训练过程中的模型状态丢失,需要重新开始训练, +这不仅浪费了时间和资源,这在 LLM 训练中尤为明显,而且也会影响模型的训练效果。

+

能够在训练过程中保存模型的状态,以便在训练过程中出现异常时能够恢复模型状态,变得至关重要。 +Checkpoint 就是目前主流的解决方案,本文将介绍 Checkpoint 机制的基本概念和在 PyTorch 和 TensorFlow 中的使用方法。

+

什么是 Checkpoint?

+

Checkpoint 是在模型训练过程中保存模型状态的机制。通过定期保存 Checkpoint,可以在以下情况下恢复模型:

+
    +
  • 训练过程中断(如系统崩溃或手动中断)
  • +
  • 需要在某个训练阶段进行评估
  • +
  • 希望在不同的实验中复用模型
  • +
+

PyTorch

+

在 PyTorch 中,torch.savetorch.load 是用于保存和加载模型的基本函数。

+

PyTorch 保存 Checkpoint

+

在 PyTorch 中,通常使用 state_dict 保存模型的参数。以下是一个简单的示例:

+
import torch
+import torch.nn as nn
+
+# 假设我们有一个简单的神经网络
+class SimpleModel(nn.Module):
+    def __init__(self):
+        super(SimpleModel, self).__init__()
+        self.fc = nn.Linear(10, 2)
+
+    def forward(self, x):
+        return self.fc(x)
+
+# 初始化模型和优化器
+model = SimpleModel()
+optimizer = torch.optim.Adam(model.parameters(), lr=0.001)
+
+# 训练模型...
+# 保存 Checkpoint
+checkpoint_path = 'model_checkpoint.pth'
+torch.save({
+    'epoch': 10,
+    'model_state_dict': model.state_dict(),
+    'optimizer_state_dict': optimizer.state_dict(),
+    'loss': 0.02,
+}, checkpoint_path)
+
+

PyTorch 恢复 Checkpoint

+

加载模型时,需要恢复模型参数和优化器状态,并继续训练或推理:

+
# 恢复 Checkpoint
+checkpoint = torch.load('model_checkpoint.pth')
+model.load_state_dict(checkpoint['model_state_dict'])
+optimizer.load_state_dict(checkpoint['optimizer_state_dict'])
+epoch = checkpoint['epoch']
+loss = checkpoint['loss']
+
+# 继续训练或推理...
+
+
    +
  • model_state_dict: 模型参数
  • +
  • optimizer_state_dict: 优化器状态
  • +
  • epoch: 当前训练轮数
  • +
  • loss: 损失值
  • +
  • learning_rate: 学习率
  • +
  • best_accuracy: 最佳准确率
  • +
+

TensorFlow

+

TensorFlow 提供了 tf.train.Checkpoint 类来管理模型和优化器的保存和恢复。

+

TensorFlow 保存 Checkpoint

+

以下是一个在 TensorFlow 中保存 Checkpoint 的示例:

+
import tensorflow as tf
+
+# 假设我们有一个简单的模型
+model = tf.keras.Sequential([
+    tf.keras.layers.Dense(2, input_shape=(10,))
+])
+optimizer = tf.keras.optimizers.Adam(learning_rate=0.001)
+
+# 定义 Checkpoint
+checkpoint = tf.train.Checkpoint(optimizer=optimizer, model=model)
+checkpoint_dir = './checkpoints'
+checkpoint_prefix = f'{checkpoint_dir}/ckpt'
+
+# 训练模型...
+# 保存 Checkpoint
+checkpoint.save(file_prefix=checkpoint_prefix)
+
+
+

Note

+

使用 AI Lab 的用户,可以直接将高性能存储挂载为 Checkpoint 目录,以提高 Checkpoint 保存和恢复的速度。

+
+

TensorFlow 恢复 Checkpoint

+

加载 Checkpoint 并恢复模型和优化器状态:

+
# 恢复 Checkpoint
+latest_checkpoint = tf.train.latest_checkpoint(checkpoint_dir)
+checkpoint.restore(latest_checkpoint)
+
+# 继续训练或推理...
+
+

TensorFlow 在分布式训练的 Checkpoint 管理

+

TensorFlow 在分布式训练中管理 Checkpoint 的主要方法如下:

+
    +
  • +

    使用 tf.train.Checkpointtf.train.CheckpointManager

    +
    checkpoint = tf.train.Checkpoint(model=model, optimizer=optimizer)
    +manager = tf.train.CheckpointManager(checkpoint, directory='/tmp/model', max_to_keep=3)
    +
    +
  • +
  • +

    在分布式策略中保存 Checkpoint

    +
    strategy = tf.distribute.MirroredStrategy()
    +with strategy.scope():
    +    checkpoint = tf.train.Checkpoint(model=model, optimizer=optimizer)
    +    manager = tf.train.CheckpointManager(checkpoint, directory='/tmp/model', max_to_keep=3)
    +
    +
  • +
  • +

    只在主节点 (chief worker) 保存 Checkpoint

    +
    if strategy.cluster_resolver.task_type == 'chief':
    +    manager.save()
    +
    +
  • +
  • +

    使用 MultiWorkerMirroredStrategy 时的特殊处理

    +
    strategy = tf.distribute.MultiWorkerMirroredStrategy()
    +with strategy.scope():
    +    # 模型定义
    +    ...
    +    checkpoint = tf.train.Checkpoint(model=model, optimizer=optimizer)
    +    manager = tf.train.CheckpointManager(checkpoint, '/tmp/model', max_to_keep=3)
    +
    +def _chief_worker(task_type, task_id):
    +    return task_type is None or task_type == 'chief' or (task_type == 'worker' and task_id == 0)
    +
    +if _chief_worker(strategy.cluster_resolver.task_type, strategy.cluster_resolver.task_id):
    +    manager.save()
    +
    +
  • +
  • +

    使用分布式文件系统

    +

    确保所有工作节点都能访问到同一个 Checkpoint 目录,通常使用分布式文件系统如 HDFS 或 GCS。

    +
  • +
  • +

    异步保存

    +

    使用 tf.keras.callbacks.ModelCheckpoint 并设置 save_freq 参数可以在训练过程中异步保存 Checkpoint。

    +
  • +
  • +

    Checkpoint 恢复

    +
    status = checkpoint.restore(manager.latest_checkpoint)
    +status.assert_consumed()  # (1)!
    +
    +
      +
    1. 确保所有变量都被恢复
    2. +
    +
  • +
  • +

    性能优化

    +
      +
    • 使用 tf.train.experimental.enable_mixed_precision_graph_rewrite() 启用混合精度训练
    • +
    • 调整保存频率,避免过于频繁的 I/O 操作
    • +
    • 考虑使用 tf.saved_model.save() 保存整个模型,而不仅仅是权重
    • +
    +
  • +
+

注意事项

+
    +
  1. +

    定期保存:根据训练时间和资源消耗,决定合适的保存频率。如每个 epoch 或每隔一定的训练步数。

    +
  2. +
  3. +

    保存多个 Checkpoint:保留最新的几个 Checkpoint 以防止文件损坏或不适用的情况。

    +
  4. +
  5. +

    记录元数据:在 Checkpoint 中保存额外的信息,如 epoch 数、损失值等,以便更好地恢复训练状态。

    +
  6. +
  7. +

    使用版本控制:保存不同实验的 Checkpoint,便于对比和复用。

    +
  8. +
  9. +

    验证和测试:在训练的不同阶段使用 Checkpoint 进行验证和测试,确保模型性能和稳定性。

    +
  10. +
+

结论

+

Checkpoint 机制在深度学习训练中起到了关键作用。通过合理使用 PyTorch 和 TensorFlow 中的 Checkpoint 功能, +可以有效提高训练的可靠性和效率。希望本文所述的方法和最佳实践能帮助你更好地管理深度学习模型的训练过程。

+
+
+ +
+ +
+ +
+
+
+
+ + + + + \ No newline at end of file diff --git a/baize/best-practice/deploy-nfs-in-worker.html b/baize/best-practice/deploy-nfs-in-worker.html new file mode 100644 index 0000000000..fde00e0c70 --- /dev/null +++ b/baize/best-practice/deploy-nfs-in-worker.html @@ -0,0 +1,1133 @@ + + + + + + + + + + + + + + +部署 NFS 做数据集预热 - Sophongo Enterprise + + + + + + + + + + + + +
+ + Skip to content + +
+
+
+
+ + +
+
+
+
+
+
+
+ +
+
+
+ +
+
+

部署 NFS 做数据集预热

+

网络文件系统 (NFS) 允许远程主机通过网络挂载文件,并像本地文件系统一样进行交互。 +这使系统管理员能够将资源集中到网络服务器上进行管理。

+

数据集 是 AI Lab 中的核心数据管理功能,将 MLOps 生命周期中对于数据的依赖统一抽象为数据集; +支持用户将各类数据纳管到数据集内,以便训练任务可以直接使用数据集中的数据。

+

当远端数据不在工作集群内时,数据集提供了自动进行预热的能力,支持 GitS3HTTP 等数据提前预热到集群本地。

+

数据集需要一个支持 ReadWriteMany 模式的存储服务对远端数据进行预热,推荐在集群内部署 NFS。

+

本文主要介绍了如何快速部署一个 NFS 服务,并将其添加为集群的存储类

+

准备工作

+
    +
  • NFS 默认使用节点的存储作为数据缓存点,因此需要确认磁盘本身有足够的磁盘空间。
  • +
  • 安装方式使用 HelmKubectl,请确保已经安装好。
  • +
+

部署过程

+

一共需要安装几个组件:

+
    +
  • NFS Server
  • +
  • csi-driver-nfs
  • +
  • StorageClass
  • +
+

初始化命名空间

+

所有系统组件会安装到 nfs 命名空间内,因此需要先创建此命名空间。

+
kubectl create namespace nfs
+
+

安装 NFS Server

+

这里是一个简单的 YAML 部署文件,可以直接使用。

+
+

Note

+

注意检查 image:,根据集群所在位置情况,可能需要修改为国内镜像。

+
+
nfs-server.yaml
kind: Service
+apiVersion: v1
+metadata:
+  name: nfs-server
+  namespace: nfs
+  labels:
+    app: nfs-server
+spec:
+  type: ClusterIP
+  selector:
+    app: nfs-server
+  ports:
+    - name: tcp-2049
+      port: 2049
+      protocol: TCP
+    - name: udp-111
+      port: 111
+      protocol: UDP
+---
+kind: Deployment
+apiVersion: apps/v1
+metadata:
+  name: nfs-server
+  namespace: nfs
+spec:
+  replicas: 1
+  selector:
+    matchLabels:
+      app: nfs-server
+  template:
+    metadata:
+      name: nfs-server
+      labels:
+        app: nfs-server
+    spec:
+      nodeSelector:
+        "kubernetes.io/os": linux
+      containers:
+        - name: nfs-server
+          image: itsthenetwork/nfs-server-alpine:latest
+          env:
+            - name: SHARED_DIRECTORY
+              value: "/exports"
+          volumeMounts:
+            - mountPath: /exports
+              name: nfs-vol
+          securityContext:
+            privileged: true
+          ports:
+            - name: tcp-2049
+              containerPort: 2049
+              protocol: TCP
+            - name: udp-111
+              containerPort: 111
+              protocol: UDP
+      volumes:
+        - name: nfs-vol
+          hostPath:
+            path: /nfsdata  # (1)!
+            type: DirectoryOrCreate
+
+
    +
  1. 修改此处以指定另一个路径来存储 NFS 共享数据
  2. +
+

将上述 YAML 保存为 nfs-server.yaml,然后执行以下命令进行部署:

+
kubectl -n nfs apply -f nfs-server.yaml
+
+# 检查部署结果
+kubectl -n nfs get pod,svc
+
+

安装 csi-driver-nfs

+

安装 csi-driver-nfs 需要使用 Helm,请注意提前安装。

+
# 添加 Helm 仓库
+helm repo add csi-driver-nfs https://mirror.ghproxy.com/https://raw.githubusercontent.com/kubernetes-csi/csi-driver-nfs/master/charts
+helm repo update csi-driver-nfs
+
+# 部署 csi-driver-nfs
+# 这里参数主要优化了镜像地址,加速国内下载
+helm upgrade --install csi-driver-nfs csi-driver-nfs/csi-driver-nfs \
+    --set image.nfs.repository=k8s.m.daocloud.io/sig-storage/nfsplugin \
+    --set image.csiProvisioner.repository=k8s.m.daocloud.io/sig-storage/csi-provisioner \
+    --set image.livenessProbe.repository=k8s.m.daocloud.io/sig-storage/livenessprobe \
+    --set image.nodeDriverRegistrar.repository=k8s.m.daocloud.io/sig-storage/csi-node-driver-registrar \
+    --namespace nfs \
+    --version v4.5.0
+
+
+

Warning

+

csi-nfs-controller 的镜像并未全部支持 helm 参数,需要手工修改 deploymentimage 字段。 +将 image: registry.k8s.io 改为 image: k8s.dockerproxy.com 以加速国内下载。

+
+

创建 StorageClass

+

将以下 YAML 保存为 nfs-sc.yaml

+
nfs-sc.yaml
apiVersion: storage.k8s.io/v1
+kind: StorageClass
+metadata:
+  name: nfs-csi
+provisioner: nfs.csi.k8s.io
+parameters:
+  server: nfs-server.nfs.svc.cluster.local
+  share: /
+  # csi.storage.k8s.io/provisioner-secret is only needed for providing mountOptions in DeleteVolume
+  # csi.storage.k8s.io/provisioner-secret-name: "mount-options"
+  # csi.storage.k8s.io/provisioner-secret-namespace: "default"
+reclaimPolicy: Retain
+volumeBindingMode: Immediate
+mountOptions:
+  - nfsvers=4.1
+
+

然后执行以下命令进行部署:

+
kubectl apply -f nfs-sc.yaml
+
+

测试

+

创建数据集,并将数据集的 关联存储类预热方式 设置为 NFS,即可将远端数据预热到集群内。

+

数据集创建成功后,可以看到数据集的状态为 预热中,等待预热完成后即可使用。

+

常见问题

+

缺少必要的 NFS 客户端软件 /sbin/mount

+
bad option; for several filesystems (e.g. nfs, cifs) you might need a /sbin/mount.<type> helper program.
+
+

在运行 Kubernetes 的节点机器上,确保已安装 NFS 客户端:

+
+
+
+

运行以下命令安装 NFS 客户端:

+
sudo apt-get update
+sudo apt-get install nfs-common
+
+
+
+

运行以下命令安装 NFS 客户端:

+
sudo yum install nfs-utils
+
+
+
+
+

检查 NFS 服务器配置,确保 NFS 服务器正在运行且配置正确。你可以尝试运行以下命令手动挂载来测试:

+
sudo mkdir -p /mnt/test
+sudo mount -t nfs <nfs-server>:/nfsdata /mnt/test
+
+
+
+ +
+ +
+ +
+
+
+
+ + + + + \ No newline at end of file diff --git a/baize/best-practice/finetunel-llm.html b/baize/best-practice/finetunel-llm.html new file mode 100644 index 0000000000..22ea3746f7 --- /dev/null +++ b/baize/best-practice/finetunel-llm.html @@ -0,0 +1,1336 @@ + + + + + + + + + + + + + + +使用 Baize 微调 ChatGLM3 - Sophongo Enterprise + + + + + + + + + + + + +
+ + Skip to content + +
+
+
+
+ + +
+
+
+
+
+
+
+ +
+
+
+ +
+
+

使用 AI Lab 微调 ChatGLM3 模型

+

本文以 ChatGLM3 模型为例,演示如何在 AI Lab 中使用 LoRA(Low-Rank Adaptation,低秩自适应)微调 ChatGLM3 模型。 +Demo 程序来自 ChatGLM3 官方案例。

+

微调的大致流程为:

+

流程

+

环境依赖

+
    +
  • GPU 显存至少 20GB,推荐使用 RTX4090、NVIDIA A/H 系列显卡
  • +
  • 可用磁盘空间至少 200GB
  • +
  • CPU 至少 8 核,推荐 16 核
  • +
  • 内存 64GB,推荐 128GB
  • +
+
+

Info

+

在开始体验之前,请检查 AI 算力平台以及 AI Lab 部署正确,GPU 队列资源初始化成功,且算力资源充足。

+
+

数据准备

+

利用 AI Lab 提供的数据集管理功能,快速将微调大模型所需的数据进行预热及持久化,减少因为准备数据导致的 GPU 资源占用,提高资源利用效率。

+

数据集列表

+

在数据集列表页面,创建需要的数据资源,这些资源包含了 ChatGLM3 代码,也可以是数据文件,所有这些数据都可以通过数据集列表来统一管理。

+

代码及模型文件

+

ChatGLM3智谱 AI 和清华大学 KEG 实验室联合发布的对话预训练模型。

+

先拉取 ChatGLM3 代码仓库,下载预训练模型,用于后续的微调任务。

+

image

+

AI Lab 会在后台进行全自动数据预热,以便后续的任务能够快速访问数据。

+

AdvertiseGen 数据集

+

国内数据可以从 Tsinghua Cloud 直接获取,这里使用 HTTP 的数据源方式。

+

注意创建完成后,需要等待数据集预热完成,一般很快,根据您的网络情况而定。

+

微调输出数据

+

同时,您需要准备一个空的数据集,用于存放微调任务完成后输出的模型文件,这里创建一个空的数据集,以 PVC 为例。

+
+

Warning

+

注意需要使用支持 ReadWriteMany 的存储类型,以便后续的任务能够快速访问数据。

+
+

环境准备

+

对于模型开发者来说,准备模型开发需要的 Python 环境依赖是非常重要的,传统做法将环境依赖直接打包到开发工具的镜像中, +或者直接在本地环境中安装,但是这样做会导致环境依赖的不一致,而且不利于环境的管理和依赖更新及同步。

+

AI Lab 提供了环境管理的能力,将 Python 环境依赖包管理和开发工具、任务镜像等进行解耦,解决了依赖管理混乱,环境不一致等问题。

+

这里使用 AI Lab 提供的环境管理功能,创建 ChatGLM3 微调所需的环境,以备后续使用。

+
+

Warning

+
    +
  1. ChatGLM 仓库内有 requirements.txt 文件,里面包含了 ChatGLM3 微调所需的环境依赖
  2. +
  3. 本次微调没有用到 deepspeedmpi4py 包,建议从 requirements.txt 文件中将其注释掉,否则可能出现包编译不通过的情况
  4. +
+
+

创建环境

+

在环境管理列表,您可以快速创建一个 Python 环境,并通过简单的表单配置来完成环境的创建;这里需要一个 Python 3.11.x 环境,

+

环境配置

+

因为本实验需要使用 CUDA,所以在这里需要配置 GPU 资源,用于预热需要资源的依赖库。

+

创建环境,需要去下载一系列的 Python 依赖,根据您的实际位置不同,可能会有不同的下载速度,这里使用了国内的镜像加速,可以加快下载速度。

+

使用 Notebook 作为 IDE

+

AI Lab 提供了 Notebook 作为 IDE 的功能,可以让用户在浏览器中直接编写代码,运行代码,查看代码运行结果,非常适合于数据分析、机器学习、深度学习等领域的开发。

+

您可以使用 AI Lab 提供的 JupyterLab Notebook 来进行 ChatGLM3 的微调任务。

+

创建 JupyterLab Notebook

+

创建 Notebook

+

在 Notebook 列表中,可以根据页面操作指引,创建一个 Notebook。注意您需要根据前文提到的资源要求来配置对应的 Notebook 资源参数, +避免后续因为资源问题,影响微调过程。

+

资源配置

+
+

Note

+

在创建 Notebook 时,可以将之前预加载的模型代码数据集和环境,直接挂载到 Notebook 中,极大节省了数据准备的时间。

+
+

挂载数据集和代码

+

注意:ChatGLM3 的代码文件挂载到了 /home/jovyan/ChatGLM3 目录下,同时您也需要将 AdvertiseGen 数据集挂载到 +/home/jovyan/ChatGLM3/finetune_demo/data/AdvertiseGen 目录下,以便后续的微调任务能够访问数据。

+

挂载代码文件

+

挂载 PVC 到模型输出文件夹

+

本次使用的模型输出位置在 /home/jovyan/ChatGLM3/finetune_demo/output 目录下,可以将之前创建的 PVC 数据集挂载到这个目录下, +这样训练输出的模型就可以保存到数据集中,后续模型推理等任务可以直接访问。

+

创建完成后,可以看到 Notebook 的界面,您可以直接在 Notebook 中编写代码,运行代码,查看代码运行结果。

+

挂载 PVC 到模型输出

+

微调 ChatGLM3

+

当您进入到 Notebook 中后,可以在 Notebook 侧边栏会发现有一个 File Browser 的选项,可以看到之前挂载的数据集和代码,在这里找到 ChatGLM3 的文件夹。

+

您可以看到 ChatGLM3 的微调代码在 finetune_demo 文件夹中,这里可以直接打开 lora_finetune.ipynb 文件,这是 ChatGLM3 的微调代码。

+

文件夹

+

首先,根据 README.md 的说明,您可以了解到整个微调的过程,建议先阅读一遍,确保基础的环境依赖和数据准备工作都已经完成。

+

readme

+

打开终端,并使用 conda 切换到您提前预热的环境中,此环境与 JupyterLab Kernel 保持一致,以便后续的代码运行。

+

打开终端切换环境

+

数据预处理

+

首先,您需要将 AdvertiseGen 数据集进行预处理,对数据进行标准化处理,使其符合 Lora 预训练的标准格式要求; +这里将处理后的数据保存到 AdvertiseGen_fix 文件夹中。

+
import json
+from typing import Union
+from pathlib import Path
+
+def _resolve_path(path: Union[str, Path]) -> Path:
+    return Path(path).expanduser().resolve()
+
+def _mkdir(dir_name: Union[str, Path]):
+    dir_name = _resolve_path(dir_name)
+    if not dir_name.is_dir():
+        dir_name.mkdir(parents=True, exist_ok=False)
+
+def convert_adgen(data_dir: Union[str, Path], save_dir: Union[str, Path]):
+    def _convert(in_file: Path, out_file: Path):
+        _mkdir(out_file.parent)
+        with open(in_file, encoding='utf-8') as fin:
+            with open(out_file, 'wt', encoding='utf-8') as fout:
+                for line in fin:
+                    dct = json.loads(line)
+                    sample = {'conversations': [{'role': 'user', 'content': dct['content']},
+                                                {'role': 'assistant', 'content': dct['summary']}]}
+                    fout.write(json.dumps(sample, ensure_ascii=False) + '\n')
+
+    data_dir = _resolve_path(data_dir)
+    save_dir = _resolve_path(save_dir)
+
+    train_file = data_dir / 'train.json'
+    if train_file.is_file():
+        out_file = save_dir / train_file.relative_to(data_dir)
+        _convert(train_file, out_file)
+
+    dev_file = data_dir / 'dev.json'
+    if dev_file.is_file():
+        out_file = save_dir / dev_file.relative_to(data_dir)
+        _convert(dev_file, out_file)
+
+convert_adgen('data/AdvertiseGen', 'data/AdvertiseGen_fix')
+
+

为了节省调试的时间,您可以将 /home/jovyan/ChatGLM3/finetune_demo/data/AdvertiseGen_fix/dev.json +中的数据量缩减到 50 条,这里的数据是 JSON 格式,处理起来也是比较方便的。

+

代码和数据

+

本地 LoRA 微调测试

+

完成数据的预处理之后,基本上您就可以直接微调测试了,可以在 +/home/jovyan/ChatGLM3/finetune_demo/configs/lora.yaml 文件中配置微调的参数,一般需要关注的参数基本如下:

+

要关注的参数

+

新开一个终端窗口,使用如下命令即可进行本地微调测试,请确保参数配置和路径正确:

+
!CUDA_VISIBLE_DEVICES=0 NCCL_P2P_DISABLE="1" NCCL_IB_DISABLE="1" python finetune_hf.py  data/AdvertiseGen_fix  ./chatglm3-6b  configs/lora.yaml
+
+

在这条命令中,

+
    +
  • finetune_hf.py 是 ChatGLM3 代码中的微调脚本
  • +
  • data/AdvertiseGen_fix 是您预处理后的数据集
  • +
  • ./chatglm3-6b 是您预训练模型的路径
  • +
  • configs/lora.yaml 是微调的配置文件
  • +
+

运行命令

+

微调过程中可以使用 nvidia-smi 命令查看 GPU 显存使用情况:

+

查看显存使用情况

+

在微调完成后,在 finetune_demo 目录下会生成一个 output 目录,里面包含了微调的模型文件, +这样微调的模型文件就直接保存到您之前创建的 PVC 数据集中了。

+

微调任务提交

+

在本地微调测试完成后,确保您的代码和数据没有问题,接下来可以将微调任务提交到AI Lab 中,进行大规模的训练和微调任务。

+
+

这也是推荐的模型开发和微调流程,先在本地进行微调测试,确保代码和数据没有问题。

+
+

使用界面提交微调任务

+

任务列表

+

这里使用 Pytorch 来创建微调任务,根据您的实际情况,选择需要使用哪个集群的资源,注意需要满足前面资源准备中提及的资源要求。

+

任务资源配置

+
    +
  • 镜像:可直接使用 baizectl 提供的模型镜像
  • +
  • +

    启动命令,根据您在 Notebook 中使用 LoRA 微调的经验,代码文件和数据在 /home/jovyan/ChatGLM3/finetune_demo 目录下,所以您可以直接使用这个路径:

    +
    bash -c "cd /home/jovyan/ChatGLM3/finetune_demo && CUDA_VISIBLE_DEVICES=0 NCCL_P2P_DISABLE="1" NCCL_IB_DISABLE="1" python finetune_hf.py  data/AdvertiseGen_fix  ./chatglm3-6b  configs/lora.yaml"
    +
    +
  • +
  • +

    挂载环境,这样之前预加载的环境依赖不仅可以在 Notebook 中使用,同时也可以在任务中使用

    +
  • +
  • 数据集:直接使用之前预热的数据集
      +
    • 将模型输出路径设置为之前创建的 PVC 数据集
    • +
    • AdvertiseGen 数据集挂载到 /home/jovyan/ChatGLM3/finetune_demo/data/AdvertiseGen 目录下
    • +
    +
  • +
  • 配置足够的 GPU 资源,确保微调任务能够正常运行
  • +
+

提交微调任务

+

查看任务状态

+

任务成功提交后,您可以在任务列表中实时查看任务的训练进展,这里您可以看到任务的状态、资源使用情况、日志等信息。

+
+

查看任务日志

+
+

任务日志

+

任务运行完成后,您可以在数据输出的数据集中查看微调的模型文件,这样就可以使用这个模型文件进行后续的推理任务。

+

使用 baizectl 提交任务

+

AI Lab 的 Notebook 支持免认证直接使用 baizectl 命令行工具, +如果您喜欢使用 CLI,那么可以直接使用 baizectl 提供的命令行工具,提交任务。

+
baizectl job submit --name finetunel-chatglm3 -t PYTORCH \
+    --image release.daocloud.io/baize/baize-notebook:v0.5.0 \
+    --priority baize-high-priority \
+    --resources cpu=8,memory=16Gi,nvidia.com/gpu=1 \
+    --workers 1 \
+    --queue default \
+    --working-dir /home/jovyan/ChatGLM3 \
+    --datasets AdvertiseGen:/home/jovyan/ChatGLM3/finetune_demo/data/AdvertiseGen  \
+    --datasets output:/home/jovyan/ChatGLM3/finetune_demo/output  \
+    --labels job_type=pytorch \
+    --restart-policy on-failure \
+    -- bash -c "cd /home/jovyan/ChatGLM3/finetune_demo && CUDA_VISIBLE_DEVICES=0 NCCL_P2P_DISABLE="1" NCCL_IB_DISABLE="1" python finetune_hf.py  data/AdvertiseGen_fix  ./chatglm3-6b  configs/lora.yaml"
+
+

如果希望了解更多 baizectl 的使用说明,可以查看 baizectl 使用文档

+

模型推理

+

在微调任务完成后,您可以使用微调的模型进行推理任务,这里您可以使用AI Lab 提供的推理服务,将输出后的模型创建为推理服务。

+

推理任务

+

在推理服务列表中,您可以创建一个新的推理服务,在选择模型的位置,选择之前推理输出的数据集,并配置模型路径。

+

创建推理服务

+

有关模型资源要求、推理服务的 GPU 资源要求,需要根据模型的大小和推理的并发量来配置,这里您可以根据之前微调任务的资源配置来配置。

+

配置模型运行时

+

配置模型的运行时尤为重要,目前 AI Lab 已经支持 vLLM 作为模型推理服务的运行时,可以直接选择 vLLM

+
+

vLLM 支持非常丰富的大语言模型,建议访问 vLLM 了解更多信息,这些模型都可以很方便地在 AI Lab 中使用。

+
+

模型配置

+

创建完成后,您可以在推理服务列表中看到您创建的推理服务,在模型服务列表,您可以直接获取模型的访问地址

+

使用模型服务测试

+

简单在终端中尝试,使用 curl 命令来测试模型服务,这里您可以看到返回的结果,这样就可以使用模型服务进行推理任务了。

+
curl -X POST http://10.20.100.210:31118/v2/models/chatglm3-6b/generate \
+  -d '{"text_input": "hello", "stream": false, "sampling_parameters": "{\"temperature\": 0.7, \"top_p\": 0.95, \'max_tokens\": 1024"}'
+
+

curl 命令结果

+

结语

+

本文以 ChatGLM3 为例,带您快速了解和上手 AI Lab 的模型微调,使用 LoRA 微调了 ChatGLM3 模型。

+

AI Lab 提供了非常丰富的功能,可以帮助模型开发者快速进行模型开发、微调、推理等任务,同时也提供了丰富的 OpenAPI 接口,可以方便地与第三方应用生态进行结合。

+
+
+ +
+ +
+ +
+
+
+
+ + + + + \ No newline at end of file diff --git a/baize/best-practice/images/fine-tunel-chatglm3-01.png b/baize/best-practice/images/fine-tunel-chatglm3-01.png new file mode 100644 index 0000000000..34b514b25b Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-01.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-02.png b/baize/best-practice/images/fine-tunel-chatglm3-02.png new file mode 100644 index 0000000000..d88f583381 Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-02.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-03.png b/baize/best-practice/images/fine-tunel-chatglm3-03.png new file mode 100644 index 0000000000..d2c3784d83 Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-03.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-04.png b/baize/best-practice/images/fine-tunel-chatglm3-04.png new file mode 100644 index 0000000000..6e94bcf688 Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-04.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-05.png b/baize/best-practice/images/fine-tunel-chatglm3-05.png new file mode 100644 index 0000000000..80241ae864 Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-05.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-06.png b/baize/best-practice/images/fine-tunel-chatglm3-06.png new file mode 100644 index 0000000000..1506e23154 Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-06.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-07.png b/baize/best-practice/images/fine-tunel-chatglm3-07.png new file mode 100644 index 0000000000..415ea9e770 Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-07.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-08.png b/baize/best-practice/images/fine-tunel-chatglm3-08.png new file mode 100644 index 0000000000..ef0f37040d Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-08.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-09.png b/baize/best-practice/images/fine-tunel-chatglm3-09.png new file mode 100644 index 0000000000..67240eb10c Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-09.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-10.png b/baize/best-practice/images/fine-tunel-chatglm3-10.png new file mode 100644 index 0000000000..99a11a1d8a Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-10.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-11.png b/baize/best-practice/images/fine-tunel-chatglm3-11.png new file mode 100644 index 0000000000..779a58d2be Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-11.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-12.png b/baize/best-practice/images/fine-tunel-chatglm3-12.png new file mode 100644 index 0000000000..c63b78b3a1 Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-12.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-13.png b/baize/best-practice/images/fine-tunel-chatglm3-13.png new file mode 100644 index 0000000000..bb514c6e98 Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-13.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-14.png b/baize/best-practice/images/fine-tunel-chatglm3-14.png new file mode 100644 index 0000000000..27c71f025b Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-14.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-15.png b/baize/best-practice/images/fine-tunel-chatglm3-15.png new file mode 100644 index 0000000000..e4cfa9b648 Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-15.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-16.png b/baize/best-practice/images/fine-tunel-chatglm3-16.png new file mode 100644 index 0000000000..172eda6f83 Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-16.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-17.png b/baize/best-practice/images/fine-tunel-chatglm3-17.png new file mode 100644 index 0000000000..1df3b1f384 Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-17.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-18.png b/baize/best-practice/images/fine-tunel-chatglm3-18.png new file mode 100644 index 0000000000..b1b28a2965 Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-18.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-19.png b/baize/best-practice/images/fine-tunel-chatglm3-19.png new file mode 100644 index 0000000000..9c49893181 Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-19.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-20.png b/baize/best-practice/images/fine-tunel-chatglm3-20.png new file mode 100644 index 0000000000..9c49893181 Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-20.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-21.png b/baize/best-practice/images/fine-tunel-chatglm3-21.png new file mode 100644 index 0000000000..69cc577083 Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-21.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-22.png b/baize/best-practice/images/fine-tunel-chatglm3-22.png new file mode 100644 index 0000000000..3491bc7bb5 Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-22.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-23.png b/baize/best-practice/images/fine-tunel-chatglm3-23.png new file mode 100644 index 0000000000..eb7028341c Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-23.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-24.png b/baize/best-practice/images/fine-tunel-chatglm3-24.png new file mode 100644 index 0000000000..2829c5daae Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-24.png differ diff --git a/baize/best-practice/images/fine-tunel-chatglm3-25.png b/baize/best-practice/images/fine-tunel-chatglm3-25.png new file mode 100644 index 0000000000..1be2c97ea8 Binary files /dev/null and b/baize/best-practice/images/fine-tunel-chatglm3-25.png differ diff --git a/baize/best-practice/images/lbs01.png b/baize/best-practice/images/lbs01.png new file mode 100644 index 0000000000..33c285b85a Binary files /dev/null and b/baize/best-practice/images/lbs01.png differ diff --git a/baize/best-practice/images/lbs02.png b/baize/best-practice/images/lbs02.png new file mode 100644 index 0000000000..21f5b3068f Binary files /dev/null and b/baize/best-practice/images/lbs02.png differ diff --git a/baize/best-practice/images/lbs03.png b/baize/best-practice/images/lbs03.png new file mode 100644 index 0000000000..68d0ef40bd Binary files /dev/null and b/baize/best-practice/images/lbs03.png differ diff --git a/baize/best-practice/images/lbs04.png b/baize/best-practice/images/lbs04.png new file mode 100644 index 0000000000..34fa4e30b6 Binary files /dev/null and b/baize/best-practice/images/lbs04.png differ diff --git a/baize/best-practice/images/lbs05.png b/baize/best-practice/images/lbs05.png new file mode 100644 index 0000000000..6c1ab7c44e Binary files /dev/null and b/baize/best-practice/images/lbs05.png differ diff --git a/baize/best-practice/images/scheduler01.png b/baize/best-practice/images/scheduler01.png new file mode 100644 index 0000000000..90e97f5a8c Binary files /dev/null and b/baize/best-practice/images/scheduler01.png differ diff --git a/baize/best-practice/images/scheduler02.png b/baize/best-practice/images/scheduler02.png new file mode 100644 index 0000000000..e9b482f8d9 Binary files /dev/null and b/baize/best-practice/images/scheduler02.png differ diff --git a/baize/best-practice/images/scheduler03.png b/baize/best-practice/images/scheduler03.png new file mode 100644 index 0000000000..12353b7c0e Binary files /dev/null and b/baize/best-practice/images/scheduler03.png differ diff --git a/baize/best-practice/images/scheduler04.png b/baize/best-practice/images/scheduler04.png new file mode 100644 index 0000000000..1d1f3eb3ed Binary files /dev/null and b/baize/best-practice/images/scheduler04.png differ diff --git a/baize/best-practice/label-studio.html b/baize/best-practice/label-studio.html new file mode 100644 index 0000000000..050426a19b --- /dev/null +++ b/baize/best-practice/label-studio.html @@ -0,0 +1,1076 @@ + + + + + + + + + + + + + + +部署 Label Studio - Sophongo Enterprise + + + + + + + + + + + + +
+ + Skip to content + +
+
+
+
+ + +
+
+
+
+
+
+
+ +
+
+
+ +
+
+

部署 Label Studio

+
+

Note

+

参阅视频教程:数据标注和数据集使用说明

+
+

Label Studio 是一个开源的数据标注工具,用于各种机器学习和人工智能任务。 +以下是 Label Studio 的简要介绍:

+
    +
  • 支持图像、音频、视频、文本等多种数据类型的标注
  • +
  • 可用于目标检测、图像分类、语音转录、命名实体识别等多种任务
  • +
  • 提供可定制的标注界面
  • +
  • 支持多种标注格式和导出选项
  • +
+

Label Studio 通过其灵活性和功能丰富性,为数据科学家和机器学习工程师提供了强大的数据标注解决方案。

+

部署到 AI 算力平台

+

要想在 AI Lab 中使用 Label Studio,需将其部署到全局服务集群, +你可以通过 Helm 的方式快速部署。

+
+

Note

+

更多部署详情,请参阅 Deploy Label Studio on Kubernetes

+
+
    +
  1. +

    打开全局服务集群界面,从左侧导航栏找到 Helm 应用 -> Helm 仓库 ,选择 创建仓库 按钮,填写如下参数:

    +

    创建按钮

    +
  2. +
  3. +

    添加成功后,点击列表右侧的 ,选择 同步仓库 ,稍等片刻后完成同步。(后续更新 Label Studio 也会用到这个同步操作)。

    +

    同步仓库

    +
  4. +
  5. +

    然后跳转到 Helm 模板 页面,你可以搜索找到 label-studio,点击卡片。

    +

    点击卡片安装

    +
  6. +
  7. +

    选择最新的版本,如下图配置安装参数,名称为 label-stuio,建议创建新的命令空间,配置参数切换到 YAML ,根据说明修改其中配置。

    +
    global:
    +  image:
    +    repository: heartexlabs/label-studio   # 如果无法访问 docker.io,在此处配置代理地址
    +  extraEnvironmentVars:
    +    LABEL_STUDIO_HOST: https://{访问地址}/label-studio    # 使用的登录地址,请参阅当前网页 URL
    +    LABEL_STUDIO_USERNAME: {用户邮箱}    # 必须是邮箱,替换为自己的
    +    LABEL_STUDIO_PASSWORD: {用户密码}    
    +app:
    +  nginx:
    +    livenessProbe:
    +      path: /label-studio/nginx_health
    +    readinessProbe:
    +      path: /label-studio/version
    +
    +

    yaml 配置示例

    +
  8. +
+

至此,完成了 Label studio 的安装。

+
+

Warning

+

默认会安装 PostgreSQL 作为数据服务中间件,如果镜像拉取失败,可能是 docker.io 无法访问,注意切换到可用代理即可。

+
+
+

如果你有自己的 PostgreSQL 数据服务中间件,可以使用如下参数配置:

+
+
global:
+  image:
+    repository: heartexlabs/label-studio   # 如果无法访问 docker.io,在此处配置代理地址
+  extraEnvironmentVars:
+    LABEL_STUDIO_HOST: https://{访问地址}/label-studio    # 使用的登录地址,参阅当前网页 URL
+    LABEL_STUDIO_USERNAME: {用户邮箱}    # 必须是邮箱,替换为自己的
+    LABEL_STUDIO_PASSWORD: {用户密码}    
+app:
+  nginx:
+    livenessProbe:
+      path: /label-studio/nginx_health
+    readinessProbe:
+      path: /label-studio/version
+postgresql:
+  enabled: false  # 禁用内置的 PostgreSQL
+externalPostgresql:
+  host: "postgres-postgresql"  # PostgreSQL 地址
+  port: 5432
+  username: "label_studio"  # PostgreSQL 用户名
+  password: "your_label_studio_password"  # PostgreSQL 密码
+  database: "label_studio"  # PostgreSQL 数据库名
+
+

添加 GProduct 到导航栏

+

如果要添加 Label Studio 到导航栏,可以参考全局管理 OEM IN 的方式。 +以下案例是增加到 AI Lab 二级导航的添加方式。

+

添加代理访问

+
apiVersion: ghippo.io/v1alpha1
+kind: GProductProxy
+metadata:
+  name: label-studio
+spec:
+  gproduct: label-studio
+  proxies:
+  - authnCheck: false
+    destination:
+      host: label-studio-ls-app.label-studio.svc.cluster.local
+      port: 80
+    match:
+      uri:
+        prefix: /label-studio
+
+

添加到 AI Lab

+

修改 CRD 为 GProductNavigator 的 CR baize ,然后在现有配置中进行如下变更:

+
apiVersion: ghippo.io/v1alpha1
+kind: GProductNavigator
+metadata:
+  annotations:
+    meta.helm.sh/release-name: baize
+    meta.helm.sh/release-namespace: baize-system
+  labels:
+    app.kubernetes.io/managed-by: Helm
+    gProductName: baize
+  name: baize
+spec:
+  category: cloudnativeai
+  gproduct: baize
+  iconUrl: ./ui/baize/logo.svg
+  isCustom: false
+  localizedName:
+    en-US: AI Lab
+    zh-CN: AI Lab
+  menus:
+    - iconUrl: ''
+      isCustom: false
+      localizedName:
+        en-US: AI Lab
+        zh-CN: AI Lab
+      name: workspace-view
+      order: 1
+      url: ./baize
+      visible: true
+    - iconUrl: ''
+      isCustom: false
+      localizedName:
+        en-US: Operator
+        zh-CN: 运维管理
+      name: admin-view
+      order: 1
+      url: ./baize/admin
+      visible: true
+    # 添加开始
+    - iconUrl: ''
+      localizedName:
+        en-US: Data Annotation
+        zh-CN: 数据标注
+      name: label-studio
+      order: 1
+      target: blank    # 控制新开页
+      url: https://{访问地址}/label-studio    # 访问地址
+      visible: true
+    # 添加结束
+  name: AI Lab
+  order: 10
+  url: ./baize
+  visible: true
+
+

添加效果

+

oem 效果

+

结语

+

以上,就是如何添加 Label Studio 并将其作为 AI Lab 的标注组件,通过将标注后的数据添加到 AI Lab 的数据集中, +联动算法开发,完善算法开发流程,后续如何使用请关注其他文档参考。

+
+
+ +
+ +
+ +
+
+
+
+ + + + + \ No newline at end of file diff --git a/baize/best-practice/train-with-deepspeed.html b/baize/best-practice/train-with-deepspeed.html new file mode 100644 index 0000000000..4a7c9bb5b3 --- /dev/null +++ b/baize/best-practice/train-with-deepspeed.html @@ -0,0 +1,869 @@ + + + + + + + + + + + + + + +提交 DeepSpeed 训练任务 - Sophongo Enterprise + + + + + + + + + + + + +
+ + Skip to content + +
+
+
+
+ + +
+
+
+
+
+
+
+ +
+
+
+ +
+
+

如何提交 DeepSpeed 训练任务

+

根据 DeepSpeed 官方文档,我们推荐使用修改代码的方式实现。

+

即使用 deepspeed.init_distributed() 代替 torch.distributed.init_process_group(...)。 +然后运行命令使用 torchrun,提交为 Pytorch 分布式任务,既可运行 DeepSpeed 任务。

+

是的,你可以使用 torchrun 运行你的 DeepSpeed 训练脚本。 +torchrun 是 PyTorch 提供的一个实用工具,用于分布式训练。你可以结合 torchrun 和 DeepSpeed API 来启动你的训练任务。

+

以下是一个使用 torchrun 运行 DeepSpeed 训练脚本的示例:

+
    +
  1. +

    编写训练脚本:

    +
    train.py
    import torch
    +import deepspeed
    +from torch.utils.data import DataLoader
    +
    +# 模型和数据加载
    +model = YourModel()
    +train_dataset = YourDataset()
    +train_dataloader = DataLoader(train_dataset, batch_size=32)
    +
    +# 配置文件路径
    +deepspeed_config = "deepspeed_config.json"
    +
    +# 创建 DeepSpeed 训练引擎
    +model_engine, optimizer, _, _ = deepspeed.initialize(
    +    model=model,
    +    model_parameters=model.parameters(),
    +    config_params=deepspeed_config
    +)
    +
    +# 训练循环
    +for batch in train_dataloader:
    +    loss = model_engine(batch)
    +    model_engine.backward(loss)
    +    model_engine.step()
    +
    +
  2. +
  3. +

    创建 DeepSpeed 配置文件:

    +
    deepspeed_config.json
    {
    +  "train_batch_size": 32,
    +  "gradient_accumulation_steps": 1,
    +  "fp16": {
    +    "enabled": true,
    +    "loss_scale": 0
    +  },
    +  "optimizer": {
    +    "type": "Adam",
    +    "params": {
    +      "lr": 0.00015,
    +      "betas": [0.9, 0.999],
    +      "eps": 1e-08,
    +      "weight_decay": 0
    +    }
    +  }
    +}
    +
    +
  4. +
  5. +

    使用 torchrun 或者 baizectl 运行训练脚本:

    +
    torchrun train.py
    +
    +

    通过这种方式,你可以结合 PyTorch 的分布式训练功能和 DeepSpeed 的优化技术,从而实现更高效的训练。 +您可以在 Notebook 中,使用 baizectl 提交命令:

    +
    baizectl job submit --pytorch --workers 2 -- torchrun train.py
    +
    +
  6. +
+
+
+ +
+ +
+ +
+
+
+
+ + + + + \ No newline at end of file diff --git a/baize/developer/dataset/create-use-delete.html b/baize/developer/dataset/create-use-delete.html index 02ec1be784..876488a1de 100644 --- a/baize/developer/dataset/create-use-delete.html +++ b/baize/developer/dataset/create-use-delete.html @@ -255,164 +255,86 @@ -
  • - +
  • + -
  • -
  • - - - @@ -613,7 +576,7 @@
    -

    模型支持情况

    +

    了解模型支持情况

    随着 AI Lab 的快速迭代,我们已经支持了多种模型的推理服务,您可以在这里看到所支持的模型信息。

    diff --git a/baize/developer/inference/triton-inference.html b/baize/developer/inference/triton-inference.html index 2b74bd9636..684b560da9 100644 --- a/baize/developer/inference/triton-inference.html +++ b/baize/developer/inference/triton-inference.html @@ -255,150 +255,72 @@
  • -
  • - +
  • + -
  • -
  • - - -
  • diff --git a/ghippo/user-guide/audit/gproduct-audit/kpanda.html b/ghippo/user-guide/audit/gproduct-audit/kpanda.html index 2bd41c91e6..6bcab8be50 100644 --- a/ghippo/user-guide/audit/gproduct-audit/kpanda.html +++ b/ghippo/user-guide/audit/gproduct-audit/kpanda.html @@ -553,6 +553,151 @@ +
  • + + + +
  • +
  • + + + +
  • diff --git a/ghippo/user-guide/audit/gproduct-audit/virtnest.html b/ghippo/user-guide/audit/gproduct-audit/virtnest.html index 41a71b14d6..97a8e6b045 100644 --- a/ghippo/user-guide/audit/gproduct-audit/virtnest.html +++ b/ghippo/user-guide/audit/gproduct-audit/virtnest.html @@ -553,6 +553,151 @@ +
  • + + + +
  • +
  • + + + +
  • diff --git a/ghippo/user-guide/audit/open-audit.html b/ghippo/user-guide/audit/open-audit.html index e652dcc05e..9de0d7b0dd 100644 --- a/ghippo/user-guide/audit/open-audit.html +++ b/ghippo/user-guide/audit/open-audit.html @@ -601,6 +601,151 @@ +
  • + + + +
  • +
  • + + + +
  • diff --git a/ghippo/user-guide/audit/open-k8s-audit.html b/ghippo/user-guide/audit/open-k8s-audit.html index 7d9374e171..5b05db47df 100644 --- a/ghippo/user-guide/audit/open-k8s-audit.html +++ b/ghippo/user-guide/audit/open-k8s-audit.html @@ -558,6 +558,151 @@ +
  • + + + +
  • +
  • + + + +
  • diff --git a/ghippo/user-guide/audit/source-ip.html b/ghippo/user-guide/audit/source-ip.html index ca0b915016..f7ea5bf762 100644 --- a/ghippo/user-guide/audit/source-ip.html +++ b/ghippo/user-guide/audit/source-ip.html @@ -558,6 +558,151 @@ +
  • + + + +
  • +
  • + + + +
  • diff --git a/ghippo/user-guide/password.html b/ghippo/user-guide/password.html index 18fa59e905..fcf1c09548 100644 --- a/ghippo/user-guide/password.html +++ b/ghippo/user-guide/password.html @@ -550,6 +550,151 @@ +
  • + + + +
  • +
  • + + + +
  • diff --git a/ghippo/user-guide/personal-center/accesstoken.html b/ghippo/user-guide/personal-center/accesstoken.html index 9015def98e..14e571148c 100644 --- a/ghippo/user-guide/personal-center/accesstoken.html +++ b/ghippo/user-guide/personal-center/accesstoken.html @@ -255,30 +255,28 @@ +
  • + + + +
  • +
  • + + + +
  • @@ -588,7 +733,7 @@

    邮件服务器

  • diff --git a/ghippo/user-guide/platform-setting/security.html b/ghippo/user-guide/platform-setting/security.html index f581fd34ca..66ede2abaf 100644 --- a/ghippo/user-guide/platform-setting/security.html +++ b/ghippo/user-guide/platform-setting/security.html @@ -522,6 +522,151 @@
  • +
  • + + + +
  • +
  • + + + +
  • diff --git a/ghippo/user-guide/report-billing/billing.html b/ghippo/user-guide/report-billing/billing.html index 9356c0dba8..a892f02fee 100644 --- a/ghippo/user-guide/report-billing/billing.html +++ b/ghippo/user-guide/report-billing/billing.html @@ -554,6 +554,151 @@ +
  • + + + +
  • +
  • + + + +
  • @@ -641,7 +786,7 @@

    报表维度

    操作步骤

    1. -

      使用具有 admin 角色的用户登录 算丰 AI 算力平台。点击左侧导航栏底部的 全局管理 -> 运营管理

      +

      使用具有 admin 角色的用户登录 AI AI 算力平台。点击左侧导航栏底部的 全局管理 -> 运营管理

      报表管理

    2. diff --git a/ghippo/user-guide/report-billing/gmagpie-offline-install.html b/ghippo/user-guide/report-billing/gmagpie-offline-install.html index bbf6f129ef..4d2ca71990 100644 --- a/ghippo/user-guide/report-billing/gmagpie-offline-install.html +++ b/ghippo/user-guide/report-billing/gmagpie-offline-install.html @@ -558,6 +558,151 @@
    3. +
    4. + + + +
    5. +
    6. + + + +
    7. diff --git a/ghippo/user-guide/report-billing/index.html b/ghippo/user-guide/report-billing/index.html index 1585c5e312..eeb38723c0 100644 --- a/ghippo/user-guide/report-billing/index.html +++ b/ghippo/user-guide/report-billing/index.html @@ -511,6 +511,151 @@ +
    8. + + + +
    9. +
    10. + + + +
    11. diff --git a/ghippo/user-guide/report-billing/report.html b/ghippo/user-guide/report-billing/report.html index fb47231773..17ddc13978 100644 --- a/ghippo/user-guide/report-billing/report.html +++ b/ghippo/user-guide/report-billing/report.html @@ -547,6 +547,151 @@ +
    12. + + + +
    13. +
    14. + + + +
    15. @@ -627,7 +772,7 @@

      报表维度

      操作步骤

      1. -

        使用具有 Admin 角色的用户登录 算丰 AI 算力平台。点击左侧导航栏底部的 全局管理 -> 运营管理

        +

        使用具有 Admin 角色的用户登录 AI AI 算力平台。点击左侧导航栏底部的 全局管理 -> 运营管理

        报表管理

      2. diff --git a/ghippo/user-guide/workspace/folder-permission.html b/ghippo/user-guide/workspace/folder-permission.html index 81b47d79ae..64a283bbc7 100644 --- a/ghippo/user-guide/workspace/folder-permission.html +++ b/ghippo/user-guide/workspace/folder-permission.html @@ -564,6 +564,151 @@
      3. +
      4. + + + +
      5. +
      6. + + + +
      7. diff --git a/ghippo/user-guide/workspace/folders.html b/ghippo/user-guide/workspace/folders.html index 6538b89fed..f97b3258a4 100644 --- a/ghippo/user-guide/workspace/folders.html +++ b/ghippo/user-guide/workspace/folders.html @@ -543,6 +543,151 @@ +
      8. + + + +
      9. +
      10. + + + +
      11. @@ -574,7 +719,7 @@

        创建/删除文件夹

      12. diff --git a/ghippo/user-guide/workspace/quota.html b/ghippo/user-guide/workspace/quota.html index 7d5de6d495..8bce927420 100644 --- a/ghippo/user-guide/workspace/quota.html +++ b/ghippo/user-guide/workspace/quota.html @@ -585,6 +585,151 @@
      13. +
      14. + + + +
      15. +
      16. + + + +
      17. diff --git a/ghippo/user-guide/workspace/res-gp-and-shared-res.html b/ghippo/user-guide/workspace/res-gp-and-shared-res.html index 45fb229415..8263816836 100644 --- a/ghippo/user-guide/workspace/res-gp-and-shared-res.html +++ b/ghippo/user-guide/workspace/res-gp-and-shared-res.html @@ -585,6 +585,151 @@ +
      18. + + + +
      19. +
      20. + + + +
      21. diff --git a/ghippo/user-guide/workspace/workspace.html b/ghippo/user-guide/workspace/workspace.html index 9189106c3a..18cddfc105 100644 --- a/ghippo/user-guide/workspace/workspace.html +++ b/ghippo/user-guide/workspace/workspace.html @@ -543,6 +543,151 @@ +
      22. + + + +
      23. +
      24. + + + +
      25. @@ -576,7 +721,7 @@

        创建/删除工作空间

      26. diff --git a/ghippo/user-guide/workspace/ws-folder.html b/ghippo/user-guide/workspace/ws-folder.html index 791c411b64..2616dcd090 100644 --- a/ghippo/user-guide/workspace/ws-folder.html +++ b/ghippo/user-guide/workspace/ws-folder.html @@ -571,6 +571,151 @@
      27. +
      28. + + + +
      29. +
      30. + + + +
      31. diff --git a/ghippo/user-guide/workspace/ws-permission.html b/ghippo/user-guide/workspace/ws-permission.html index 29fcb20d79..c143a170bc 100644 --- a/ghippo/user-guide/workspace/ws-permission.html +++ b/ghippo/user-guide/workspace/ws-permission.html @@ -571,6 +571,151 @@ +
      32. + + + +
      33. +
      34. + + + +
      35. diff --git a/ghippo/user-guide/workspace/wsbind-permission.html b/ghippo/user-guide/workspace/wsbind-permission.html index f821134362..cb4eef897e 100644 --- a/ghippo/user-guide/workspace/wsbind-permission.html +++ b/ghippo/user-guide/workspace/wsbind-permission.html @@ -571,6 +571,151 @@ +
      36. + + + +
      37. +
      38. + + + +
      39. @@ -637,7 +782,7 @@

        给小明授权绑定到工作空间

        -

        使用小明的账号登录 算丰 AI 算力平台,在 容器管理 -> 集群列表 页面,通过 绑定工作空间 功能, +

        使用小明的账号登录 AI AI 算力平台,在 容器管理 -> 集群列表 页面,通过 绑定工作空间 功能, 小明可以将指定集群绑定到自己的工作空间中。

        Note

        diff --git a/index.html b/index.html index b2acfb3a84..e5c4670052 100644 --- a/index.html +++ b/index.html @@ -254,30 +254,28 @@ diff --git a/insight/user-guide/alert-center/alert-template.html b/insight/user-guide/alert-center/alert-template.html index 5ae0379cad..64578fbe91 100644 --- a/insight/user-guide/alert-center/alert-template.html +++ b/insight/user-guide/alert-center/alert-template.html @@ -575,6 +575,151 @@ +
      40. + + + +
      41. +
      42. + + + +
      43. diff --git a/insight/user-guide/alert-center/index.html b/insight/user-guide/alert-center/index.html index 5759272d64..5cc64121dc 100644 --- a/insight/user-guide/alert-center/index.html +++ b/insight/user-guide/alert-center/index.html @@ -539,6 +539,151 @@ +
      44. + + + +
      45. +
      46. + + + +
      47. @@ -566,10 +711,10 @@

        告警中心

        -

        告警中心是 DCE 5.0 提供的一个重要功能,它让用户可以通过图形界面方便地按照集群和命名空间查看所有活动和历史告警, +

        告警中心是 AI 算力平台 提供的一个重要功能,它让用户可以通过图形界面方便地按照集群和命名空间查看所有活动和历史告警, 并根据告警级别(紧急、警告、提示)来搜索告警。

        alert list

        -

        所有告警都是基于预设的告警规则设定的阈值条件触发的。在 DCE 5.0 中,内置了一些全局告警策略,同时您也可以随时创建、删除告警策略,对以下指标进行设置:

        +

        所有告警都是基于预设的告警规则设定的阈值条件触发的。在 AI 算力平台中,内置了一些全局告警策略,同时您也可以随时创建、删除告警策略,对以下指标进行设置:

        diff --git a/insight/user-guide/alert-center/inhibition.html b/insight/user-guide/alert-center/inhibition.html index 883431d5a0..6b8314b181 100644 --- a/insight/user-guide/alert-center/inhibition.html +++ b/insight/user-guide/alert-center/inhibition.html @@ -593,6 +593,151 @@ +
      48. + + + +
      49. +
      50. + + + +
      51. diff --git a/insight/user-guide/alert-center/message.html b/insight/user-guide/alert-center/message.html index 2e79d42173..d3fde9dc56 100644 --- a/insight/user-guide/alert-center/message.html +++ b/insight/user-guide/alert-center/message.html @@ -603,6 +603,151 @@ +
      52. + + + +
      53. +
      54. + + + +
      55. diff --git a/insight/user-guide/alert-center/msg-template.html b/insight/user-guide/alert-center/msg-template.html index ba1c94aaf3..23a3f8345f 100644 --- a/insight/user-guide/alert-center/msg-template.html +++ b/insight/user-guide/alert-center/msg-template.html @@ -575,6 +575,151 @@ +
      56. + + + +
      57. +
      58. + + + +
      59. diff --git a/insight/user-guide/alert-center/silent.html b/insight/user-guide/alert-center/silent.html index aebfc40e81..198dc4bda9 100644 --- a/insight/user-guide/alert-center/silent.html +++ b/insight/user-guide/alert-center/silent.html @@ -561,6 +561,151 @@ +
      60. + + + +
      61. +
      62. + + + +
      63. diff --git a/insight/user-guide/alert-center/sms-provider.html b/insight/user-guide/alert-center/sms-provider.html index 6c327319ec..627ab894f7 100644 --- a/insight/user-guide/alert-center/sms-provider.html +++ b/insight/user-guide/alert-center/sms-provider.html @@ -561,6 +561,151 @@ +
      64. + + + +
      65. +
      66. + + + +
      67. diff --git a/insight/user-guide/collection-manag/agent-status.html b/insight/user-guide/collection-manag/agent-status.html index b5684c68b1..59d091a344 100644 --- a/insight/user-guide/collection-manag/agent-status.html +++ b/insight/user-guide/collection-manag/agent-status.html @@ -536,6 +536,151 @@ +
      68. + + + +
      69. +
      70. + + + +
      71. @@ -583,7 +728,7 @@

        insight-agent 组件状态说明

        -

        在 DCE 5.0 中可观测性 Insight 作为多集群观测产品,为了实现多集群观测数据的统一采集,需要用户安装 Helm 应用 insight-agent +

        在 AI 算力平台中可观测性 Insight 作为多集群观测产品,为了实现多集群观测数据的统一采集,需要用户安装 Helm 应用 insight-agent (默认安装在 insight-system 命名空间)。参阅如何安装 insight-agent

        状态说明

        可观测性 -> 采集管理 部分可查看各集群安装 insight-agent 的情况。

        diff --git a/insight/user-guide/collection-manag/collection-manag.html b/insight/user-guide/collection-manag/collection-manag.html index 4679524438..a2c6920387 100644 --- a/insight/user-guide/collection-manag/collection-manag.html +++ b/insight/user-guide/collection-manag/collection-manag.html @@ -508,6 +508,151 @@ +
      72. + + + +
      73. +
      74. + + + +
      75. diff --git a/insight/user-guide/collection-manag/service-monitor.html b/insight/user-guide/collection-manag/service-monitor.html index e9df0d9852..b98b579c72 100644 --- a/insight/user-guide/collection-manag/service-monitor.html +++ b/insight/user-guide/collection-manag/service-monitor.html @@ -536,6 +536,151 @@ +
      76. + + + +
      77. +
      78. + + + +
      79. diff --git a/insight/user-guide/dashboard/dashboard.html b/insight/user-guide/dashboard/dashboard.html index 4705d9ad60..9e57060aee 100644 --- a/insight/user-guide/dashboard/dashboard.html +++ b/insight/user-guide/dashboard/dashboard.html @@ -536,6 +536,151 @@ +
      80. + + + +
      81. +
      82. + + + +
      83. diff --git a/insight/user-guide/dashboard/import-dashboard.html b/insight/user-guide/dashboard/import-dashboard.html index ee9119b396..c6254d1e82 100644 --- a/insight/user-guide/dashboard/import-dashboard.html +++ b/insight/user-guide/dashboard/import-dashboard.html @@ -536,6 +536,151 @@ +
      84. + + + +
      85. +
      86. + + + +
      87. @@ -580,7 +725,7 @@

        导入自定义仪表盘操作步骤

        1. -

          登录 DCE 5.0 平台,进入 容器管理 ,在集群列表中选择 kpanda-global-cluster

          +

          登录 AI 算力平台 平台,进入 容器管理 ,在集群列表中选择 kpanda-global-cluster

        2. 选择左侧导航栏的 自定义资源 ,在列表中查找 grafanadashboards.integreatly.org 文件,进入详情。

          diff --git a/insight/user-guide/dashboard/login-grafana.html b/insight/user-guide/dashboard/login-grafana.html index eecf5085da..bc09788b5f 100644 --- a/insight/user-guide/dashboard/login-grafana.html +++ b/insight/user-guide/dashboard/login-grafana.html @@ -536,6 +536,151 @@
        3. +
        4. + + + +
        5. +
        6. + + + +
        7. diff --git a/insight/user-guide/dashboard/overview.html b/insight/user-guide/dashboard/overview.html index 58514af4dc..6287deccaf 100644 --- a/insight/user-guide/dashboard/overview.html +++ b/insight/user-guide/dashboard/overview.html @@ -536,6 +536,151 @@ +
        8. + + + +
        9. +
        10. + + + +
        11. diff --git a/insight/user-guide/data-query/log.html b/insight/user-guide/data-query/log.html index 37a6df3e07..f3e402b009 100644 --- a/insight/user-guide/data-query/log.html +++ b/insight/user-guide/data-query/log.html @@ -510,6 +510,151 @@ +
        12. + + + +
        13. +
        14. + + + +
        15. diff --git a/insight/user-guide/data-query/metric.html b/insight/user-guide/data-query/metric.html index 2e538e4674..1f7061bba0 100644 --- a/insight/user-guide/data-query/metric.html +++ b/insight/user-guide/data-query/metric.html @@ -506,6 +506,151 @@ +
        16. + + + +
        17. +
        18. + + + +
        19. diff --git a/insight/user-guide/infra/cluster.html b/insight/user-guide/infra/cluster.html index 6714892fa1..fb7aef78d1 100644 --- a/insight/user-guide/infra/cluster.html +++ b/insight/user-guide/infra/cluster.html @@ -564,6 +564,151 @@ +
        20. + + + +
        21. +
        22. + + + +
        23. diff --git a/insight/user-guide/infra/container.html b/insight/user-guide/infra/container.html index a9039813c7..025fbf278f 100644 --- a/insight/user-guide/infra/container.html +++ b/insight/user-guide/infra/container.html @@ -564,6 +564,151 @@ +
        24. + + + +
        25. +
        26. + + + +
        27. diff --git a/insight/user-guide/infra/event.html b/insight/user-guide/infra/event.html index 57686a883e..a609b141e1 100644 --- a/insight/user-guide/infra/event.html +++ b/insight/user-guide/infra/event.html @@ -589,6 +589,151 @@ +
        28. + + + +
        29. +
        30. + + + +
        31. @@ -668,7 +813,7 @@

          事件查询

          -

          DCE 5.0 Insight 支持按集群、命名空间查询事件,并提供了事件状态分布图,对重要事件进行统计。

          +

          AI 算力平台 Insight 支持按集群、命名空间查询事件,并提供了事件状态分布图,对重要事件进行统计。

          操作步骤

          1. 点击一级导航栏进入 可观测性
          2. diff --git a/insight/user-guide/infra/namespace.html b/insight/user-guide/infra/namespace.html index c6a8b36379..46dbbb3738 100644 --- a/insight/user-guide/infra/namespace.html +++ b/insight/user-guide/infra/namespace.html @@ -568,6 +568,151 @@ +
          3. + + + +
          4. +
          5. + + + +
          6. diff --git a/insight/user-guide/infra/node.html b/insight/user-guide/infra/node.html index 762714b859..40818908ec 100644 --- a/insight/user-guide/infra/node.html +++ b/insight/user-guide/infra/node.html @@ -557,6 +557,151 @@ +
          7. + + + +
          8. +
          9. + + + +
          10. diff --git a/insight/user-guide/infra/probe.html b/insight/user-guide/infra/probe.html index 2dba9720fe..625d25697a 100644 --- a/insight/user-guide/infra/probe.html +++ b/insight/user-guide/infra/probe.html @@ -585,6 +585,151 @@ +
          11. + + + +
          12. +
          13. + + + +
          14. diff --git a/insight/user-guide/system-config/modify-config.html b/insight/user-guide/system-config/modify-config.html index 2e2fe92cdd..3be3900237 100644 --- a/insight/user-guide/system-config/modify-config.html +++ b/insight/user-guide/system-config/modify-config.html @@ -9,7 +9,7 @@ - + 修改配置 - Sophongo Enterprise @@ -579,6 +579,151 @@ +
          15. + + + +
          16. +
          17. + + + +
          18. diff --git a/insight/user-guide/system-config/system-component.html b/insight/user-guide/system-config/system-component.html index f0295aabd0..cda0f7f0b1 100644 --- a/insight/user-guide/system-config/system-component.html +++ b/insight/user-guide/system-config/system-component.html @@ -529,6 +529,151 @@ +
          19. + + + +
          20. +
          21. + + + +
          22. diff --git a/insight/user-guide/system-config/system-config.html b/insight/user-guide/system-config/system-config.html index ecdabc01f2..04d050f390 100644 --- a/insight/user-guide/system-config/system-config.html +++ b/insight/user-guide/system-config/system-config.html @@ -508,6 +508,151 @@ +
          23. + + + +
          24. +
          25. + + + +
          26. diff --git a/insight/user-guide/trace/service.html b/insight/user-guide/trace/service.html index 9073e8d35a..b1172d8daa 100644 --- a/insight/user-guide/trace/service.html +++ b/insight/user-guide/trace/service.html @@ -547,6 +547,151 @@ +
          27. + + + +
          28. +
          29. + + + +
          30. diff --git a/insight/user-guide/trace/topology.html b/insight/user-guide/trace/topology.html index bb86886fc5..5d960396c8 100644 --- a/insight/user-guide/trace/topology.html +++ b/insight/user-guide/trace/topology.html @@ -547,6 +547,151 @@ +
          31. + + + +
          32. +
          33. + + + +
          34. diff --git a/insight/user-guide/trace/trace.html b/insight/user-guide/trace/trace.html index f9f562a9a8..c1ac88e7b0 100644 --- a/insight/user-guide/trace/trace.html +++ b/insight/user-guide/trace/trace.html @@ -561,6 +561,151 @@ +
          35. + + + +
          36. +
          37. + + + +
          38. diff --git a/kpanda/user-guide/clusterops/cluster-oversold.html b/kpanda/user-guide/clusterops/cluster-oversold.html index 47e7be337f..d81cc61d30 100644 --- a/kpanda/user-guide/clusterops/cluster-oversold.html +++ b/kpanda/user-guide/clusterops/cluster-oversold.html @@ -550,6 +550,151 @@ +
          39. + + + +
          40. +
          41. + + + +
          42. diff --git a/kpanda/user-guide/clusterops/cluster-settings.html b/kpanda/user-guide/clusterops/cluster-settings.html index fde0b8ae65..2d046468ff 100644 --- a/kpanda/user-guide/clusterops/cluster-settings.html +++ b/kpanda/user-guide/clusterops/cluster-settings.html @@ -515,6 +515,151 @@ +
          43. + + + +
          44. +
          45. + + + +
          46. diff --git a/kpanda/user-guide/clusterops/latest-operations.html b/kpanda/user-guide/clusterops/latest-operations.html index 780c3b9db9..9d4393f2db 100644 --- a/kpanda/user-guide/clusterops/latest-operations.html +++ b/kpanda/user-guide/clusterops/latest-operations.html @@ -515,6 +515,151 @@ +
          47. + + + +
          48. +
          49. + + + +
          50. diff --git a/kpanda/user-guide/clusters/access-cluster.html b/kpanda/user-guide/clusters/access-cluster.html index 680d537e39..ea3d5e7665 100644 --- a/kpanda/user-guide/clusters/access-cluster.html +++ b/kpanda/user-guide/clusters/access-cluster.html @@ -599,6 +599,151 @@ +
          51. + + + +
          52. +
          53. + + + +
          54. diff --git a/kpanda/user-guide/clusters/cluster-role.html b/kpanda/user-guide/clusters/cluster-role.html index c0dd36fe10..ef5580b485 100644 --- a/kpanda/user-guide/clusters/cluster-role.html +++ b/kpanda/user-guide/clusters/cluster-role.html @@ -613,6 +613,151 @@ +
          55. + + + +
          56. +
          57. + + + +
          58. diff --git a/kpanda/user-guide/clusters/cluster-scheduler-plugin.html b/kpanda/user-guide/clusters/cluster-scheduler-plugin.html index f6ecf34801..0838bfda7a 100644 --- a/kpanda/user-guide/clusters/cluster-scheduler-plugin.html +++ b/kpanda/user-guide/clusters/cluster-scheduler-plugin.html @@ -624,6 +624,151 @@ +
          59. + + + +
          60. +
          61. + + + +
          62. diff --git a/kpanda/user-guide/clusters/cluster-status.html b/kpanda/user-guide/clusters/cluster-status.html index d897f19480..253b42a82f 100644 --- a/kpanda/user-guide/clusters/cluster-status.html +++ b/kpanda/user-guide/clusters/cluster-status.html @@ -599,6 +599,151 @@ +
          63. + + + +
          64. +
          65. + + + +
          66. diff --git a/kpanda/user-guide/clusters/cluster-version.html b/kpanda/user-guide/clusters/cluster-version.html index 8f6e5eed22..dcd6b08eee 100644 --- a/kpanda/user-guide/clusters/cluster-version.html +++ b/kpanda/user-guide/clusters/cluster-version.html @@ -592,6 +592,151 @@ +
          67. + + + +
          68. +
          69. + + + +
          70. diff --git a/kpanda/user-guide/clusters/create-cluster.html b/kpanda/user-guide/clusters/create-cluster.html index 98e5d6fd78..c76c572a44 100644 --- a/kpanda/user-guide/clusters/create-cluster.html +++ b/kpanda/user-guide/clusters/create-cluster.html @@ -606,6 +606,151 @@ +
          71. + + + +
          72. +
          73. + + + +
          74. diff --git a/kpanda/user-guide/clusters/delete-cluster.html b/kpanda/user-guide/clusters/delete-cluster.html index 2ed9512579..ce50d9494f 100644 --- a/kpanda/user-guide/clusters/delete-cluster.html +++ b/kpanda/user-guide/clusters/delete-cluster.html @@ -606,6 +606,151 @@ +
          75. + + + +
          76. +
          77. + + + +
          78. diff --git a/kpanda/user-guide/clusters/integrate-cluster.html b/kpanda/user-guide/clusters/integrate-cluster.html index ceb95e32c8..f79377a03d 100644 --- a/kpanda/user-guide/clusters/integrate-cluster.html +++ b/kpanda/user-guide/clusters/integrate-cluster.html @@ -599,6 +599,151 @@ +
          79. + + + +
          80. +
          81. + + + +
          82. diff --git a/kpanda/user-guide/clusters/integrate-rancher-cluster.html b/kpanda/user-guide/clusters/integrate-rancher-cluster.html index 138cb39d7f..e783d4bae8 100644 --- a/kpanda/user-guide/clusters/integrate-rancher-cluster.html +++ b/kpanda/user-guide/clusters/integrate-rancher-cluster.html @@ -624,6 +624,151 @@ +
          83. + + + +
          84. +
          85. + + + +
          86. diff --git a/kpanda/user-guide/clusters/k8s-cert.html b/kpanda/user-guide/clusters/k8s-cert.html index 683d361cfe..86b17314f7 100644 --- a/kpanda/user-guide/clusters/k8s-cert.html +++ b/kpanda/user-guide/clusters/k8s-cert.html @@ -627,6 +627,151 @@ +
          87. + + + +
          88. +
          89. + + + +
          90. diff --git a/kpanda/user-guide/clusters/runtime.html b/kpanda/user-guide/clusters/runtime.html index 8eed1e5f60..ca4ea9f64e 100644 --- a/kpanda/user-guide/clusters/runtime.html +++ b/kpanda/user-guide/clusters/runtime.html @@ -592,6 +592,151 @@ +
          91. + + + +
          92. +
          93. + + + +
          94. diff --git a/kpanda/user-guide/clusters/upgrade-cluster.html b/kpanda/user-guide/clusters/upgrade-cluster.html index 2463b56078..409df05643 100644 --- a/kpanda/user-guide/clusters/upgrade-cluster.html +++ b/kpanda/user-guide/clusters/upgrade-cluster.html @@ -515,6 +515,151 @@ +
          95. + + + +
          96. +
          97. + + + +
          98. diff --git a/kpanda/user-guide/configmaps-secrets/configmap-hot-loading.html b/kpanda/user-guide/configmaps-secrets/configmap-hot-loading.html index 15095193de..5e1e295fc5 100644 --- a/kpanda/user-guide/configmaps-secrets/configmap-hot-loading.html +++ b/kpanda/user-guide/configmaps-secrets/configmap-hot-loading.html @@ -543,6 +543,151 @@ +
          99. + + + +
          100. +
          101. + + + +
          102. diff --git a/kpanda/user-guide/configmaps-secrets/create-configmap.html b/kpanda/user-guide/configmaps-secrets/create-configmap.html index bd7f12b599..da9b11e758 100644 --- a/kpanda/user-guide/configmaps-secrets/create-configmap.html +++ b/kpanda/user-guide/configmaps-secrets/create-configmap.html @@ -564,6 +564,151 @@ +
          103. + + + +
          104. +
          105. + + + +
          106. diff --git a/kpanda/user-guide/configmaps-secrets/create-secret.html b/kpanda/user-guide/configmaps-secrets/create-secret.html index d0940f61e8..b40fdfef52 100644 --- a/kpanda/user-guide/configmaps-secrets/create-secret.html +++ b/kpanda/user-guide/configmaps-secrets/create-secret.html @@ -564,6 +564,151 @@ +
          107. + + + +
          108. +
          109. + + + +
          110. diff --git a/kpanda/user-guide/configmaps-secrets/use-configmap.html b/kpanda/user-guide/configmaps-secrets/use-configmap.html index 8c5a93732c..645a487ba4 100644 --- a/kpanda/user-guide/configmaps-secrets/use-configmap.html +++ b/kpanda/user-guide/configmaps-secrets/use-configmap.html @@ -600,6 +600,151 @@ +
          111. + + + +
          112. +
          113. + + + +
          114. diff --git a/kpanda/user-guide/configmaps-secrets/use-secret.html b/kpanda/user-guide/configmaps-secrets/use-secret.html index cae490fe5e..c4ac002a02 100644 --- a/kpanda/user-guide/configmaps-secrets/use-secret.html +++ b/kpanda/user-guide/configmaps-secrets/use-secret.html @@ -611,6 +611,151 @@ +
          115. + + + +
          116. +
          117. + + + +
          118. diff --git a/kpanda/user-guide/gpu/FAQ.html b/kpanda/user-guide/gpu/FAQ.html index c69b0618b4..4d556e6f08 100644 --- a/kpanda/user-guide/gpu/FAQ.html +++ b/kpanda/user-guide/gpu/FAQ.html @@ -563,6 +563,151 @@ +
          119. + + + +
          120. +
          121. + + + +
          122. diff --git a/kpanda/user-guide/gpu/Iluvatar_usage.html b/kpanda/user-guide/gpu/Iluvatar_usage.html index cd8f595f61..15c44c483c 100644 --- a/kpanda/user-guide/gpu/Iluvatar_usage.html +++ b/kpanda/user-guide/gpu/Iluvatar_usage.html @@ -588,6 +588,151 @@ +
          123. + + + +
          124. +
          125. + + + +
          126. diff --git a/kpanda/user-guide/gpu/ascend/ascend_driver_install.html b/kpanda/user-guide/gpu/ascend/ascend_driver_install.html index 454caa64f5..66802f142b 100644 --- a/kpanda/user-guide/gpu/ascend/ascend_driver_install.html +++ b/kpanda/user-guide/gpu/ascend/ascend_driver_install.html @@ -653,6 +653,151 @@ +
          127. + + + +
          128. +
          129. + + + +
          130. diff --git a/kpanda/user-guide/gpu/ascend/ascend_usage.html b/kpanda/user-guide/gpu/ascend/ascend_usage.html index 24b369629a..04bdabda4f 100644 --- a/kpanda/user-guide/gpu/ascend/ascend_usage.html +++ b/kpanda/user-guide/gpu/ascend/ascend_usage.html @@ -607,6 +607,151 @@ +
          131. + + + +
          132. +
          133. + + + +
          134. diff --git a/kpanda/user-guide/gpu/ascend/vnpu.html b/kpanda/user-guide/gpu/ascend/vnpu.html index c6d536b87e..6ffa93eb7f 100644 --- a/kpanda/user-guide/gpu/ascend/vnpu.html +++ b/kpanda/user-guide/gpu/ascend/vnpu.html @@ -625,6 +625,151 @@ +
          135. + + + +
          136. +
          137. + + + +
          138. diff --git a/kpanda/user-guide/gpu/dynamic-regulation.html b/kpanda/user-guide/gpu/dynamic-regulation.html index 5d9fd73e7e..d7e1a1897b 100644 --- a/kpanda/user-guide/gpu/dynamic-regulation.html +++ b/kpanda/user-guide/gpu/dynamic-regulation.html @@ -676,6 +676,151 @@ +
          139. + + + +
          140. +
          141. + + + +
          142. diff --git a/kpanda/user-guide/gpu/gpu_matrix.html b/kpanda/user-guide/gpu/gpu_matrix.html index 061020bf9a..54b34b2c2a 100644 --- a/kpanda/user-guide/gpu/gpu_matrix.html +++ b/kpanda/user-guide/gpu/gpu_matrix.html @@ -584,6 +584,151 @@ +
          143. + + + +
          144. +
          145. + + + +
          146. diff --git a/kpanda/user-guide/gpu/gpu_scheduler_config.html b/kpanda/user-guide/gpu/gpu_scheduler_config.html index 9bae4be34e..193572da7a 100644 --- a/kpanda/user-guide/gpu/gpu_scheduler_config.html +++ b/kpanda/user-guide/gpu/gpu_scheduler_config.html @@ -665,6 +665,151 @@ +
          147. + + + +
          148. +
          149. + + + +
          150. diff --git a/kpanda/user-guide/gpu/index.html b/kpanda/user-guide/gpu/index.html index 0abb3f20e3..55cd8ec9cf 100644 --- a/kpanda/user-guide/gpu/index.html +++ b/kpanda/user-guide/gpu/index.html @@ -541,6 +541,151 @@ +
          151. + + + +
          152. +
          153. + + + +
          154. diff --git a/kpanda/user-guide/gpu/metax/usemetax.html b/kpanda/user-guide/gpu/metax/usemetax.html index 06edcdeaed..f79d4616a0 100644 --- a/kpanda/user-guide/gpu/metax/usemetax.html +++ b/kpanda/user-guide/gpu/metax/usemetax.html @@ -602,6 +602,151 @@ +
          155. + + + +
          156. +
          157. + + + +
          158. diff --git a/kpanda/user-guide/gpu/nvidia/full_gpu_userguide.html b/kpanda/user-guide/gpu/nvidia/full_gpu_userguide.html index cea0ab5fbc..fbcde66682 100644 --- a/kpanda/user-guide/gpu/nvidia/full_gpu_userguide.html +++ b/kpanda/user-guide/gpu/nvidia/full_gpu_userguide.html @@ -669,6 +669,151 @@ +
          159. + + + +
          160. +
          161. + + + +
          162. diff --git a/kpanda/user-guide/gpu/nvidia/gpu-monitoring-alarm/gpu-alarm.html b/kpanda/user-guide/gpu/nvidia/gpu-monitoring-alarm/gpu-alarm.html index 33642d8e18..4a57844089 100644 --- a/kpanda/user-guide/gpu/nvidia/gpu-monitoring-alarm/gpu-alarm.html +++ b/kpanda/user-guide/gpu/nvidia/gpu-monitoring-alarm/gpu-alarm.html @@ -699,6 +699,151 @@ +
          163. + + + +
          164. +
          165. + + + +
          166. diff --git a/kpanda/user-guide/gpu/nvidia/gpu-monitoring-alarm/gpu-metrics.html b/kpanda/user-guide/gpu/nvidia/gpu-monitoring-alarm/gpu-metrics.html index cd123fe445..45017f0ebc 100644 --- a/kpanda/user-guide/gpu/nvidia/gpu-monitoring-alarm/gpu-metrics.html +++ b/kpanda/user-guide/gpu/nvidia/gpu-monitoring-alarm/gpu-metrics.html @@ -681,6 +681,151 @@ +
          167. + + + +
          168. +
          169. + + + +
          170. diff --git a/kpanda/user-guide/gpu/nvidia/index.html b/kpanda/user-guide/gpu/nvidia/index.html index 97a00b6260..cd9692e5d1 100644 --- a/kpanda/user-guide/gpu/nvidia/index.html +++ b/kpanda/user-guide/gpu/nvidia/index.html @@ -622,6 +622,151 @@ +
          171. + + + +
          172. +
          173. + + + +
          174. diff --git a/kpanda/user-guide/gpu/nvidia/install_nvidia_driver_of_operator.html b/kpanda/user-guide/gpu/nvidia/install_nvidia_driver_of_operator.html index 6e17b2686f..2f2c43d1b2 100644 --- a/kpanda/user-guide/gpu/nvidia/install_nvidia_driver_of_operator.html +++ b/kpanda/user-guide/gpu/nvidia/install_nvidia_driver_of_operator.html @@ -734,6 +734,151 @@ +
          175. + + + +
          176. +
          177. + + + +
          178. diff --git a/kpanda/user-guide/gpu/nvidia/mig/create_mig.html b/kpanda/user-guide/gpu/nvidia/mig/create_mig.html index f6883ee447..b3a08f7c4f 100644 --- a/kpanda/user-guide/gpu/nvidia/mig/create_mig.html +++ b/kpanda/user-guide/gpu/nvidia/mig/create_mig.html @@ -710,6 +710,151 @@ +
          179. + + + +
          180. +
          181. + + + +
          182. diff --git a/kpanda/user-guide/gpu/nvidia/mig/index.html b/kpanda/user-guide/gpu/nvidia/mig/index.html index 25f436ce2a..24e34d1093 100644 --- a/kpanda/user-guide/gpu/nvidia/mig/index.html +++ b/kpanda/user-guide/gpu/nvidia/mig/index.html @@ -656,6 +656,151 @@ +
          183. + + + +
          184. +
          185. + + + +
          186. diff --git a/kpanda/user-guide/gpu/nvidia/mig/mig_command.html b/kpanda/user-guide/gpu/nvidia/mig/mig_command.html index ffa2c41571..b2ad624134 100644 --- a/kpanda/user-guide/gpu/nvidia/mig/mig_command.html +++ b/kpanda/user-guide/gpu/nvidia/mig/mig_command.html @@ -657,6 +657,151 @@ +
          187. + + + +
          188. +
          189. + + + +
          190. diff --git a/kpanda/user-guide/gpu/nvidia/mig/mig_usage.html b/kpanda/user-guide/gpu/nvidia/mig/mig_usage.html index 64af549955..a8ae67d343 100644 --- a/kpanda/user-guide/gpu/nvidia/mig/mig_usage.html +++ b/kpanda/user-guide/gpu/nvidia/mig/mig_usage.html @@ -692,6 +692,151 @@ +
          191. + + + +
          192. +
          193. + + + +
          194. diff --git a/kpanda/user-guide/gpu/nvidia/push_image_to_repo.html b/kpanda/user-guide/gpu/nvidia/push_image_to_repo.html index 61df6094ce..c199be8f0b 100644 --- a/kpanda/user-guide/gpu/nvidia/push_image_to_repo.html +++ b/kpanda/user-guide/gpu/nvidia/push_image_to_repo.html @@ -727,6 +727,151 @@ +
          195. + + + +
          196. +
          197. + + + +
          198. diff --git a/kpanda/user-guide/gpu/nvidia/rhel9.2_offline_install_driver.html b/kpanda/user-guide/gpu/nvidia/rhel9.2_offline_install_driver.html index 514fb83635..4bcb45bbc3 100644 --- a/kpanda/user-guide/gpu/nvidia/rhel9.2_offline_install_driver.html +++ b/kpanda/user-guide/gpu/nvidia/rhel9.2_offline_install_driver.html @@ -709,6 +709,151 @@ +
          199. + + + +
          200. +
          201. + + + +
          202. diff --git a/kpanda/user-guide/gpu/nvidia/ubuntu22.04_offline_install_driver.html b/kpanda/user-guide/gpu/nvidia/ubuntu22.04_offline_install_driver.html index f8af03d18a..092565777f 100644 --- a/kpanda/user-guide/gpu/nvidia/ubuntu22.04_offline_install_driver.html +++ b/kpanda/user-guide/gpu/nvidia/ubuntu22.04_offline_install_driver.html @@ -702,6 +702,151 @@ +
          203. + + + +
          204. +
          205. + + + +
          206. diff --git a/kpanda/user-guide/gpu/nvidia/upgrade_yum_source_redhat8_4.html b/kpanda/user-guide/gpu/nvidia/upgrade_yum_source_redhat8_4.html index e7c2024f3d..80104f3d44 100644 --- a/kpanda/user-guide/gpu/nvidia/upgrade_yum_source_redhat8_4.html +++ b/kpanda/user-guide/gpu/nvidia/upgrade_yum_source_redhat8_4.html @@ -741,6 +741,151 @@ +
          207. + + + +
          208. +
          209. + + + +
          210. diff --git a/kpanda/user-guide/gpu/nvidia/vgpu/hami.html b/kpanda/user-guide/gpu/nvidia/vgpu/hami.html index c73cca32dc..c03702de49 100644 --- a/kpanda/user-guide/gpu/nvidia/vgpu/hami.html +++ b/kpanda/user-guide/gpu/nvidia/vgpu/hami.html @@ -653,6 +653,151 @@ +
          211. + + + +
          212. +
          213. + + + +
          214. diff --git a/kpanda/user-guide/gpu/nvidia/vgpu/vgpu_addon.html b/kpanda/user-guide/gpu/nvidia/vgpu/vgpu_addon.html index 01d28c0200..9cad134e77 100644 --- a/kpanda/user-guide/gpu/nvidia/vgpu/vgpu_addon.html +++ b/kpanda/user-guide/gpu/nvidia/vgpu/vgpu_addon.html @@ -681,6 +681,151 @@ +
          215. + + + +
          216. +
          217. + + + +
          218. diff --git a/kpanda/user-guide/gpu/nvidia/vgpu/vgpu_user.html b/kpanda/user-guide/gpu/nvidia/vgpu/vgpu_user.html index 5c9b2253e1..247ca9c2f3 100644 --- a/kpanda/user-guide/gpu/nvidia/vgpu/vgpu_user.html +++ b/kpanda/user-guide/gpu/nvidia/vgpu/vgpu_user.html @@ -699,6 +699,151 @@ +
          219. + + + +
          220. +
          221. + + + +
          222. diff --git a/kpanda/user-guide/gpu/nvidia/yum_source_redhat7_9.html b/kpanda/user-guide/gpu/nvidia/yum_source_redhat7_9.html index b8e463d706..f567e5707d 100644 --- a/kpanda/user-guide/gpu/nvidia/yum_source_redhat7_9.html +++ b/kpanda/user-guide/gpu/nvidia/yum_source_redhat7_9.html @@ -741,6 +741,151 @@ +
          223. + + + +
          224. +
          225. + + + +
          226. diff --git a/kpanda/user-guide/gpu/vgpu_quota.html b/kpanda/user-guide/gpu/vgpu_quota.html index b83426bc49..352a9f37f0 100644 --- a/kpanda/user-guide/gpu/vgpu_quota.html +++ b/kpanda/user-guide/gpu/vgpu_quota.html @@ -651,6 +651,151 @@ +
          227. + + + +
          228. +
          229. + + + +
          230. diff --git a/kpanda/user-guide/gpu/volcano/drf.html b/kpanda/user-guide/gpu/volcano/drf.html index b1b1f52071..c0da5781ab 100644 --- a/kpanda/user-guide/gpu/volcano/drf.html +++ b/kpanda/user-guide/gpu/volcano/drf.html @@ -702,6 +702,151 @@ +
          231. + + + +
          232. +
          233. + + + +
          234. diff --git a/kpanda/user-guide/gpu/volcano/numa.html b/kpanda/user-guide/gpu/volcano/numa.html index cefc875208..c5065324b4 100644 --- a/kpanda/user-guide/gpu/volcano/numa.html +++ b/kpanda/user-guide/gpu/volcano/numa.html @@ -748,6 +748,151 @@ +
          235. + + + +
          236. +
          237. + + + +
          238. diff --git a/kpanda/user-guide/gpu/volcano/volcano-gang-scheduler.html b/kpanda/user-guide/gpu/volcano/volcano-gang-scheduler.html index 4a4f07f715..e89d49b69b 100644 --- a/kpanda/user-guide/gpu/volcano/volcano-gang-scheduler.html +++ b/kpanda/user-guide/gpu/volcano/volcano-gang-scheduler.html @@ -709,6 +709,151 @@ +
          239. + + + +
          240. +
          241. + + + +
          242. diff --git a/kpanda/user-guide/gpu/volcano/volcano_binpack.html b/kpanda/user-guide/gpu/volcano/volcano_binpack.html index 0d0aac0f98..7328d00382 100644 --- a/kpanda/user-guide/gpu/volcano/volcano_binpack.html +++ b/kpanda/user-guide/gpu/volcano/volcano_binpack.html @@ -709,6 +709,151 @@ +
          243. + + + +
          244. +
          245. + + + +
          246. diff --git a/kpanda/user-guide/gpu/volcano/volcano_priority.html b/kpanda/user-guide/gpu/volcano/volcano_priority.html index 8bab3c258e..11a918913e 100644 --- a/kpanda/user-guide/gpu/volcano/volcano_priority.html +++ b/kpanda/user-guide/gpu/volcano/volcano_priority.html @@ -702,6 +702,151 @@ +
          247. + + + +
          248. +
          249. + + + +
          250. diff --git a/kpanda/user-guide/gpu/volcano/volcano_user_guide.html b/kpanda/user-guide/gpu/volcano/volcano_user_guide.html index 93c7dfbf40..40a582114f 100644 --- a/kpanda/user-guide/gpu/volcano/volcano_user_guide.html +++ b/kpanda/user-guide/gpu/volcano/volcano_user_guide.html @@ -702,6 +702,151 @@ +
          251. + + + +
          252. +
          253. + + + +
          254. diff --git a/kpanda/user-guide/helm/Import-addon.html b/kpanda/user-guide/helm/Import-addon.html index d164808ec1..3bc8425e2b 100644 --- a/kpanda/user-guide/helm/Import-addon.html +++ b/kpanda/user-guide/helm/Import-addon.html @@ -8,11 +8,9 @@ - - -自定义Helm应用导入Addon - Sophongo Enterprise +将自定义 Helm 应用导入系统内置 Addon - Sophongo Enterprise @@ -50,7 +48,7 @@
            - 自定义Helm应用导入Addon + 将自定义 Helm 应用导入系统内置 Addon
            @@ -140,7 +138,7 @@
          - -
        32. diff --git a/kpanda/user-guide/helm/helm-app.html b/kpanda/user-guide/helm/helm-app.html index 38fddef99b..2f7ad02e56 100644 --- a/kpanda/user-guide/helm/helm-app.html +++ b/kpanda/user-guide/helm/helm-app.html @@ -8,8 +8,6 @@ - - 管理 Helm 应用 - Sophongo Enterprise @@ -140,7 +138,7 @@
        - - -
      88. 管理员手册 diff --git a/kpanda/user-guide/helm/helm-repo.html b/kpanda/user-guide/helm/helm-repo.html index 9d18dada0c..b3bb577ad1 100644 --- a/kpanda/user-guide/helm/helm-repo.html +++ b/kpanda/user-guide/helm/helm-repo.html @@ -8,8 +8,6 @@ - - 管理 Helm 仓库 - Sophongo Enterprise @@ -140,7 +138,7 @@
      89. - - -
      90. 管理员手册 diff --git a/kpanda/user-guide/helm/index.html b/kpanda/user-guide/helm/index.html index bd34e4828c..7676efa989 100644 --- a/kpanda/user-guide/helm/index.html +++ b/kpanda/user-guide/helm/index.html @@ -8,8 +8,6 @@ - - Helm 模板 - Sophongo Enterprise @@ -140,7 +138,7 @@
      91. +
      92. + + + +
      93. +
      94. + + + +
      95. diff --git a/kpanda/user-guide/inspect/inspect.html b/kpanda/user-guide/inspect/inspect.html index f5a5fd448d..ea6db2f363 100644 --- a/kpanda/user-guide/inspect/inspect.html +++ b/kpanda/user-guide/inspect/inspect.html @@ -547,6 +547,151 @@ +
      96. + + + +
      97. +
      98. + + + +
      99. diff --git a/kpanda/user-guide/inspect/offline-upgrade.html b/kpanda/user-guide/inspect/offline-upgrade.html index 1b2fd5b857..44944afce4 100644 --- a/kpanda/user-guide/inspect/offline-upgrade.html +++ b/kpanda/user-guide/inspect/offline-upgrade.html @@ -547,6 +547,151 @@ +
      100. + + + +
      101. +
      102. + + + +
      103. diff --git a/kpanda/user-guide/inspect/report.html b/kpanda/user-guide/inspect/report.html index 40ae7bed7a..58cf775b4c 100644 --- a/kpanda/user-guide/inspect/report.html +++ b/kpanda/user-guide/inspect/report.html @@ -547,6 +547,151 @@ +
      104. + + + +
      105. +
      106. + + + +
      107. diff --git a/kpanda/user-guide/namespaces/createns.html b/kpanda/user-guide/namespaces/createns.html index 54a72ee784..099effff4a 100644 --- a/kpanda/user-guide/namespaces/createns.html +++ b/kpanda/user-guide/namespaces/createns.html @@ -547,6 +547,151 @@ +
      108. + + + +
      109. +
      110. + + + +
      111. diff --git a/kpanda/user-guide/namespaces/exclusive.html b/kpanda/user-guide/namespaces/exclusive.html index cb440e0d21..9eab3f5879 100644 --- a/kpanda/user-guide/namespaces/exclusive.html +++ b/kpanda/user-guide/namespaces/exclusive.html @@ -543,6 +543,151 @@ +
      112. + + + +
      113. +
      114. + + + +
      115. diff --git a/kpanda/user-guide/namespaces/podsecurity.html b/kpanda/user-guide/namespaces/podsecurity.html index 64344d42a2..f1a97f48d8 100644 --- a/kpanda/user-guide/namespaces/podsecurity.html +++ b/kpanda/user-guide/namespaces/podsecurity.html @@ -536,6 +536,151 @@ +
      116. + + + +
      117. +
      118. + + + +
      119. diff --git a/kpanda/user-guide/network/create-ingress.html b/kpanda/user-guide/network/create-ingress.html index 3df7fc5497..f472a290c5 100644 --- a/kpanda/user-guide/network/create-ingress.html +++ b/kpanda/user-guide/network/create-ingress.html @@ -561,6 +561,151 @@ +
      120. + + + +
      121. +
      122. + + + +
      123. diff --git a/kpanda/user-guide/network/create-services.html b/kpanda/user-guide/network/create-services.html index 2d486adc83..701c58763c 100644 --- a/kpanda/user-guide/network/create-services.html +++ b/kpanda/user-guide/network/create-services.html @@ -575,6 +575,151 @@ +
      124. + + + +
      125. +
      126. + + + +
      127. @@ -780,7 +925,7 @@

        创建 NodePort 服务 端口配置 -【类型】必填
        【含义】为服务添加协议端口,需要先选择端口协议类型,目前支持 TCP、UDP 两种传输协议额关于协议更多信息请参考
        协议概述
        端口名称:输入自定义的端口的名称。
        服务端口(port):Pod 对外提供服务的访问端口。默认情况下,为了方便起见,服务端口被设置为与容器端口字段相同的值。
        容器端口(targetport):工作负载实际监听的容器端口。
        节点端口(nodeport):节点的端口,接收来自 ClusterIP 传输的流量。用来做外部流量访问的入口。 +【类型】必填
        【含义】为服务添加协议端口,需要先选择端口协议类型,目前支持 TCP、UDP 两种传输协议。
        端口名称:输入自定义的端口的名称。
        服务端口(port):Pod 对外提供服务的访问端口。默认情况下,为了方便起见,服务端口被设置为与容器端口字段相同的值。
        容器端口(targetport):工作负载实际监听的容器端口。
        节点端口(nodeport):节点的端口,接收来自 ClusterIP 传输的流量。用来做外部流量访问的入口。 diff --git a/kpanda/user-guide/network/network-policy.html b/kpanda/user-guide/network/network-policy.html index eb3801c6fe..57b50c8f37 100644 --- a/kpanda/user-guide/network/network-policy.html +++ b/kpanda/user-guide/network/network-policy.html @@ -568,6 +568,151 @@ +
      128. + + + +
      129. +
      130. + + + +
      131. diff --git a/kpanda/user-guide/nodes/add-node.html b/kpanda/user-guide/nodes/add-node.html index 9b279a1f64..dbaf10f518 100644 --- a/kpanda/user-guide/nodes/add-node.html +++ b/kpanda/user-guide/nodes/add-node.html @@ -564,6 +564,151 @@ +
      132. + + + +
      133. +
      134. + + + +
      135. diff --git a/kpanda/user-guide/nodes/delete-node.html b/kpanda/user-guide/nodes/delete-node.html index 78152bfe80..f525682f63 100644 --- a/kpanda/user-guide/nodes/delete-node.html +++ b/kpanda/user-guide/nodes/delete-node.html @@ -578,6 +578,151 @@ +
      136. + + + +
      137. +
      138. + + + +
      139. diff --git a/kpanda/user-guide/nodes/labels-annotations.html b/kpanda/user-guide/nodes/labels-annotations.html index 892e596386..233df13f5f 100644 --- a/kpanda/user-guide/nodes/labels-annotations.html +++ b/kpanda/user-guide/nodes/labels-annotations.html @@ -543,6 +543,151 @@ +
      140. + + + +
      141. +
      142. + + + +
      143. diff --git a/kpanda/user-guide/nodes/node-authentication.html b/kpanda/user-guide/nodes/node-authentication.html index d2ab813834..b513750442 100644 --- a/kpanda/user-guide/nodes/node-authentication.html +++ b/kpanda/user-guide/nodes/node-authentication.html @@ -564,6 +564,151 @@ +
      144. + + + +
      145. +
      146. + + + +
      147. diff --git a/kpanda/user-guide/nodes/node-check.html b/kpanda/user-guide/nodes/node-check.html index 37e4e76ff0..476f90b500 100644 --- a/kpanda/user-guide/nodes/node-check.html +++ b/kpanda/user-guide/nodes/node-check.html @@ -564,6 +564,151 @@ +
      148. + + + +
      149. +
      150. + + + +
      151. diff --git a/kpanda/user-guide/nodes/node-details.html b/kpanda/user-guide/nodes/node-details.html index 2b0dcdd971..f9a6a8b712 100644 --- a/kpanda/user-guide/nodes/node-details.html +++ b/kpanda/user-guide/nodes/node-details.html @@ -543,6 +543,151 @@ +
      152. + + + +
      153. +
      154. + + + +
      155. diff --git a/kpanda/user-guide/nodes/schedule.html b/kpanda/user-guide/nodes/schedule.html index ad77839e93..80c33b27fb 100644 --- a/kpanda/user-guide/nodes/schedule.html +++ b/kpanda/user-guide/nodes/schedule.html @@ -543,6 +543,151 @@ +
      156. + + + +
      157. +
      158. + + + +
      159. diff --git a/kpanda/user-guide/nodes/taints.html b/kpanda/user-guide/nodes/taints.html index 8aad260c25..dfa06fc5a9 100644 --- a/kpanda/user-guide/nodes/taints.html +++ b/kpanda/user-guide/nodes/taints.html @@ -571,6 +571,151 @@ +
      160. + + + +
      161. +
      162. + + + +
      163. diff --git a/kpanda/user-guide/olm/import-miniooperator.html b/kpanda/user-guide/olm/import-miniooperator.html index dcb7ea5e09..e275f6bd52 100644 --- a/kpanda/user-guide/olm/import-miniooperator.html +++ b/kpanda/user-guide/olm/import-miniooperator.html @@ -8,11 +8,9 @@ - - -Operator 应用 - Sophongo Enterprise +导入离线 MinIo Operator - Sophongo Enterprise @@ -50,7 +48,7 @@
        - Operator 应用 + 导入离线 MinIo Operator
        @@ -140,7 +138,7 @@ +
      164. + + + +
      165. +
      166. + + + +
      167. diff --git a/kpanda/user-guide/permissions/custom-kpanda-role.html b/kpanda/user-guide/permissions/custom-kpanda-role.html index b082e976e6..c8d44da6a9 100644 --- a/kpanda/user-guide/permissions/custom-kpanda-role.html +++ b/kpanda/user-guide/permissions/custom-kpanda-role.html @@ -536,6 +536,151 @@ +
      168. + + + +
      169. +
      170. + + + +
      171. diff --git a/kpanda/user-guide/permissions/permission-brief.html b/kpanda/user-guide/permissions/permission-brief.html index d3c87b3ec4..80f896c883 100644 --- a/kpanda/user-guide/permissions/permission-brief.html +++ b/kpanda/user-guide/permissions/permission-brief.html @@ -579,6 +579,151 @@ +
      172. + + + +
      173. +
      174. + + + +
      175. diff --git a/kpanda/user-guide/scale/create-hpa.html b/kpanda/user-guide/scale/create-hpa.html index c853d2279b..f3883786f9 100644 --- a/kpanda/user-guide/scale/create-hpa.html +++ b/kpanda/user-guide/scale/create-hpa.html @@ -583,6 +583,151 @@ +
      176. + + + +
      177. +
      178. + + + +
      179. diff --git a/kpanda/user-guide/scale/create-vpa.html b/kpanda/user-guide/scale/create-vpa.html index a7cf833c43..9b5b36c8d6 100644 --- a/kpanda/user-guide/scale/create-vpa.html +++ b/kpanda/user-guide/scale/create-vpa.html @@ -572,6 +572,151 @@ +
      180. + + + +
      181. +
      182. + + + +
      183. diff --git a/kpanda/user-guide/scale/custom-hpa.html b/kpanda/user-guide/scale/custom-hpa.html index 9410729e00..341388f6ae 100644 --- a/kpanda/user-guide/scale/custom-hpa.html +++ b/kpanda/user-guide/scale/custom-hpa.html @@ -611,6 +611,151 @@ +
      184. + + + +
      185. +
      186. + + + +
      187. diff --git a/kpanda/user-guide/scale/hpa-cronhpa-compatibility-rules.html b/kpanda/user-guide/scale/hpa-cronhpa-compatibility-rules.html index ff2e5cbc1f..6f379665e4 100644 --- a/kpanda/user-guide/scale/hpa-cronhpa-compatibility-rules.html +++ b/kpanda/user-guide/scale/hpa-cronhpa-compatibility-rules.html @@ -572,6 +572,151 @@ +
      188. + + + +
      189. +
      190. + + + +
      191. diff --git a/kpanda/user-guide/scale/install-cronhpa.html b/kpanda/user-guide/scale/install-cronhpa.html index 638ea1dad1..5bf0d8f1ec 100644 --- a/kpanda/user-guide/scale/install-cronhpa.html +++ b/kpanda/user-guide/scale/install-cronhpa.html @@ -572,6 +572,151 @@ +
      192. + + + +
      193. +
      194. + + + +
      195. diff --git a/kpanda/user-guide/scale/install-metrics-server.html b/kpanda/user-guide/scale/install-metrics-server.html index 858017ddfe..e8c7f87000 100644 --- a/kpanda/user-guide/scale/install-metrics-server.html +++ b/kpanda/user-guide/scale/install-metrics-server.html @@ -572,6 +572,151 @@ +
      196. + + + +
      197. +
      198. + + + +
      199. diff --git a/kpanda/user-guide/scale/install-vpa.html b/kpanda/user-guide/scale/install-vpa.html index 5a2aa1730e..60cdec5c24 100644 --- a/kpanda/user-guide/scale/install-vpa.html +++ b/kpanda/user-guide/scale/install-vpa.html @@ -572,6 +572,151 @@ +
      200. + + + +
      201. +
      202. + + + +
      203. diff --git a/kpanda/user-guide/scale/knative/install.html b/kpanda/user-guide/scale/knative/install.html index 22f31c877a..804b61a0ee 100644 --- a/kpanda/user-guide/scale/knative/install.html +++ b/kpanda/user-guide/scale/knative/install.html @@ -602,6 +602,151 @@ +
      204. + + + +
      205. +
      206. + + + +
      207. diff --git a/kpanda/user-guide/scale/knative/knative.html b/kpanda/user-guide/scale/knative/knative.html index 11fbb742bf..2b755538fe 100644 --- a/kpanda/user-guide/scale/knative/knative.html +++ b/kpanda/user-guide/scale/knative/knative.html @@ -623,6 +623,151 @@ +
      208. + + + +
      209. +
      210. + + + +
      211. diff --git a/kpanda/user-guide/scale/knative/playground.html b/kpanda/user-guide/scale/knative/playground.html index 83293e974b..b28c09ee48 100644 --- a/kpanda/user-guide/scale/knative/playground.html +++ b/kpanda/user-guide/scale/knative/playground.html @@ -623,6 +623,151 @@ +
      212. + + + +
      213. +
      214. + + + +
      215. diff --git a/kpanda/user-guide/scale/knative/scene.html b/kpanda/user-guide/scale/knative/scene.html index 27601c718e..3359369422 100644 --- a/kpanda/user-guide/scale/knative/scene.html +++ b/kpanda/user-guide/scale/knative/scene.html @@ -609,6 +609,151 @@ +
      216. + + + +
      217. +
      218. + + + +
      219. diff --git a/kpanda/user-guide/security/audit.html b/kpanda/user-guide/security/audit.html index 37868f4393..805c485a7c 100644 --- a/kpanda/user-guide/security/audit.html +++ b/kpanda/user-guide/security/audit.html @@ -563,6 +563,151 @@ +
      220. + + + +
      221. +
      222. + + + +
      223. diff --git a/kpanda/user-guide/security/cis/config.html b/kpanda/user-guide/security/cis/config.html index 534d1ed9ab..b2b5558ea5 100644 --- a/kpanda/user-guide/security/cis/config.html +++ b/kpanda/user-guide/security/cis/config.html @@ -593,6 +593,151 @@ +
      224. + + + +
      225. +
      226. + + + +
      227. diff --git a/kpanda/user-guide/security/cis/policy.html b/kpanda/user-guide/security/cis/policy.html index e91c4db392..00b8e97b1c 100644 --- a/kpanda/user-guide/security/cis/policy.html +++ b/kpanda/user-guide/security/cis/policy.html @@ -586,6 +586,151 @@ +
      228. + + + +
      229. +
      230. + + + +
      231. diff --git a/kpanda/user-guide/security/cis/report.html b/kpanda/user-guide/security/cis/report.html index 90ee7bcec8..ded21f37fa 100644 --- a/kpanda/user-guide/security/cis/report.html +++ b/kpanda/user-guide/security/cis/report.html @@ -558,6 +558,151 @@ +
      232. + + + +
      233. +
      234. + + + +
      235. diff --git a/kpanda/user-guide/security/hunter.html b/kpanda/user-guide/security/hunter.html index d65f97bed3..415660d071 100644 --- a/kpanda/user-guide/security/hunter.html +++ b/kpanda/user-guide/security/hunter.html @@ -563,6 +563,151 @@ +
      236. + + + +
      237. +
      238. + + + +
      239. diff --git a/kpanda/user-guide/security/index.html b/kpanda/user-guide/security/index.html index 1a6ac08799..132c6e446a 100644 --- a/kpanda/user-guide/security/index.html +++ b/kpanda/user-guide/security/index.html @@ -527,6 +527,151 @@ +
      240. + + + +
      241. +
      242. + + + +
      243. diff --git a/kpanda/user-guide/security/offline-upgrade-dowl.html b/kpanda/user-guide/security/offline-upgrade-dowl.html index 0ab5167e95..3023e11573 100644 --- a/kpanda/user-guide/security/offline-upgrade-dowl.html +++ b/kpanda/user-guide/security/offline-upgrade-dowl.html @@ -556,6 +556,151 @@ +
      244. + + + +
      245. +
      246. + + + +
      247. diff --git a/kpanda/user-guide/storage/pv.html b/kpanda/user-guide/storage/pv.html index f1c835609d..d053bb68ea 100644 --- a/kpanda/user-guide/storage/pv.html +++ b/kpanda/user-guide/storage/pv.html @@ -582,6 +582,151 @@ +
      248. + + + +
      249. +
      250. + + + +
      251. diff --git a/kpanda/user-guide/storage/pvc.html b/kpanda/user-guide/storage/pvc.html index 2809fe6c75..86e18a1cb1 100644 --- a/kpanda/user-guide/storage/pvc.html +++ b/kpanda/user-guide/storage/pvc.html @@ -596,6 +596,151 @@ +
      252. + + + +
      253. +
      254. + + + +
      255. diff --git a/kpanda/user-guide/storage/sc-share.html b/kpanda/user-guide/storage/sc-share.html index d8df289a29..1970248887 100644 --- a/kpanda/user-guide/storage/sc-share.html +++ b/kpanda/user-guide/storage/sc-share.html @@ -515,6 +515,151 @@ +
      256. + + + +
      257. +
      258. + + + +
      259. diff --git a/kpanda/user-guide/storage/sc.html b/kpanda/user-guide/storage/sc.html index 4e62298471..771ca71ce0 100644 --- a/kpanda/user-guide/storage/sc.html +++ b/kpanda/user-guide/storage/sc.html @@ -568,6 +568,151 @@ +
      260. + + + +
      261. +
      262. + + + +
      263. diff --git a/kpanda/user-guide/workloads/create-cronjob.html b/kpanda/user-guide/workloads/create-cronjob.html index 470abd4e86..31a9a97022 100644 --- a/kpanda/user-guide/workloads/create-cronjob.html +++ b/kpanda/user-guide/workloads/create-cronjob.html @@ -604,6 +604,151 @@ +
      264. + + + +
      265. +
      266. + + + +
      267. diff --git a/kpanda/user-guide/workloads/create-daemonset.html b/kpanda/user-guide/workloads/create-daemonset.html index 17766cfbab..b1f3dde88a 100644 --- a/kpanda/user-guide/workloads/create-daemonset.html +++ b/kpanda/user-guide/workloads/create-daemonset.html @@ -597,6 +597,151 @@ +
      268. + + + +
      269. +
      270. + + + +
      271. diff --git a/kpanda/user-guide/workloads/create-deployment.html b/kpanda/user-guide/workloads/create-deployment.html index e5e308b596..502ff43fde 100644 --- a/kpanda/user-guide/workloads/create-deployment.html +++ b/kpanda/user-guide/workloads/create-deployment.html @@ -597,6 +597,151 @@ +
      272. + + + +
      273. +
      274. + + + +
      275. @@ -685,7 +830,7 @@

        创建无状态负载(Deployment)

        本文介绍如何通过镜像和 YAML 文件两种方式创建无状态负载。

        无状态负载(Deployment)是 Kubernetes 中的一种常见资源,主要为 PodReplicaSet 提供声明式更新,支持弹性伸缩、滚动升级、版本回退等功能。在 Deployment 中声明期望的 Pod 状态,Deployment Controller 会通过 ReplicaSet 修改当前状态,使其达到预先声明的期望状态。Deployment 是无状态的,不支持数据持久化,适用于部署无状态的、不需要保存数据、随时可以重启回滚的应用。

        -

        通过 算丰 AI 算力平台 的容器管理模块,可以基于相应的角色权限轻松管理多云多集群上的工作负载,包括对无状态负载的创建、更新、删除、弹性扩缩、重启、版本回退等全生命周期管理。

        +

        通过算丰 AI 算力平台的容器管理模块,可以基于相应的角色权限轻松管理多云多集群上的工作负载,包括对无状态负载的创建、更新、删除、弹性扩缩、重启、版本回退等全生命周期管理。

        前提条件

        在使用镜像创建无状态负载之前,需要满足以下前提条件:

          diff --git a/kpanda/user-guide/workloads/create-job.html b/kpanda/user-guide/workloads/create-job.html index 0ce865cee8..97a1a9ad46 100644 --- a/kpanda/user-guide/workloads/create-job.html +++ b/kpanda/user-guide/workloads/create-job.html @@ -590,6 +590,151 @@
        +
      276. + + + +
      277. +
      278. + + + +
      279. diff --git a/kpanda/user-guide/workloads/create-statefulset.html b/kpanda/user-guide/workloads/create-statefulset.html index c036208f15..90e2408c36 100644 --- a/kpanda/user-guide/workloads/create-statefulset.html +++ b/kpanda/user-guide/workloads/create-statefulset.html @@ -597,6 +597,151 @@ +
      280. + + + +
      281. +
      282. + + + +
      283. @@ -685,7 +830,7 @@

        创建有状态负载(StatefulSet)

        本文介绍如何通过镜像和 YAML 文件两种方式创建有状态负载(StatefulSet)。

        有状态负载(StatefulSet)是 Kubernetes 中的一种常见资源,和无状态负载(Deployment)类似,主要用于管理 Pod 集合的部署和伸缩。二者的主要区别在于,Deployment 是无状态的,不保存数据,而 StatefulSet 是有状态的,主要用于管理有状态应用。此外,StatefulSet 中的 Pod 具有永久不变的 ID,便于在匹配存储卷时识别对应的 Pod。

        -

        通过 算丰 AI 算力平台 的容器管理模块,可以基于相应的角色权限轻松管理多云多集群上的工作负载,包括对有状态工作负载的创建、更新、删除、弹性扩缩、重启、版本回退等全生命周期管理。

        +

        通过算丰 AI 算力平台的容器管理模块,可以基于相应的角色权限轻松管理多云多集群上的工作负载,包括对有状态工作负载的创建、更新、删除、弹性扩缩、重启、版本回退等全生命周期管理。

        前提条件

        在使用镜像创建有状态负载之前,需要满足以下前提条件:

          diff --git a/kpanda/user-guide/workloads/pod-config/env-variables.html b/kpanda/user-guide/workloads/pod-config/env-variables.html index a6ca4eee89..dc275222e9 100644 --- a/kpanda/user-guide/workloads/pod-config/env-variables.html +++ b/kpanda/user-guide/workloads/pod-config/env-variables.html @@ -581,6 +581,151 @@
        +
      284. + + + +
      285. +
      286. + + + +
      287. diff --git a/kpanda/user-guide/workloads/pod-config/health-check.html b/kpanda/user-guide/workloads/pod-config/health-check.html index 6dbe3995d2..808e32180f 100644 --- a/kpanda/user-guide/workloads/pod-config/health-check.html +++ b/kpanda/user-guide/workloads/pod-config/health-check.html @@ -634,6 +634,151 @@ +
      288. + + + +
      289. +
      290. + + + +
      291. diff --git a/kpanda/user-guide/workloads/pod-config/job-parameters.html b/kpanda/user-guide/workloads/pod-config/job-parameters.html index 0f03c388e7..dd258c2ae1 100644 --- a/kpanda/user-guide/workloads/pod-config/job-parameters.html +++ b/kpanda/user-guide/workloads/pod-config/job-parameters.html @@ -581,6 +581,151 @@ +
      292. + + + +
      293. +
      294. + + + +
      295. diff --git a/kpanda/user-guide/workloads/pod-config/lifecycle.html b/kpanda/user-guide/workloads/pod-config/lifecycle.html index eb8ae7bead..c67ae38a91 100644 --- a/kpanda/user-guide/workloads/pod-config/lifecycle.html +++ b/kpanda/user-guide/workloads/pod-config/lifecycle.html @@ -627,6 +627,151 @@ +
      296. + + + +
      297. +
      298. + + + +
      299. diff --git a/kpanda/user-guide/workloads/pod-config/scheduling-policy.html b/kpanda/user-guide/workloads/pod-config/scheduling-policy.html index 05543818b3..9da9a233db 100644 --- a/kpanda/user-guide/workloads/pod-config/scheduling-policy.html +++ b/kpanda/user-guide/workloads/pod-config/scheduling-policy.html @@ -623,6 +623,151 @@ +
      300. + + + +
      301. +
      302. + + + +
      303. diff --git a/kpanda/user-guide/workloads/pod-config/workload-status.html b/kpanda/user-guide/workloads/pod-config/workload-status.html index a98f249fed..b52f73e60c 100644 --- a/kpanda/user-guide/workloads/pod-config/workload-status.html +++ b/kpanda/user-guide/workloads/pod-config/workload-status.html @@ -634,6 +634,151 @@ +
      304. + + + +
      305. +
      306. + + + +
      307. diff --git a/openapi/baize/index.html b/openapi/baize/index.html index e86d900186..3d9128dd5e 100644 --- a/openapi/baize/index.html +++ b/openapi/baize/index.html @@ -8,8 +8,8 @@ - - + + AI Lab - Sophongo Enterprise @@ -232,18 +232,18 @@ 开发者手册

      下一步:创建云主机

      diff --git a/user/share/infer.html b/user/share/infer.html new file mode 100644 index 0000000000..5c243063c5 --- /dev/null +++ b/user/share/infer.html @@ -0,0 +1,331 @@ + + + + + + + + + + + + +创建推理服务 - Sophongo Enterprise + + + + + + + + + + + + + +
      +
      +
      + + +
      +
      +
      +
      + +
      +
      +
      + +
      +
      +
      +
      +
      +

      创建推理服务

      +
      +
      + +
      + +
      +
      + +
      +
      +
      +
      +
      + + + + + \ No newline at end of file diff --git a/user/share/job.html b/user/share/job.html new file mode 100644 index 0000000000..de4cd83d60 --- /dev/null +++ b/user/share/job.html @@ -0,0 +1,331 @@ + + + + + + + + + + + + +创建训练任务 - Sophongo Enterprise + + + + + + + + + + + + + +
      +
      +
      + + +
      +
      +
      +
      + +
      +
      +
      + +
      +
      +
      +
      +
      +

      创建训练任务

      +
      +
      + +
      + +
      +
      + +
      +
      +
      +
      +
      + + + + + \ No newline at end of file diff --git a/user/share/notebook.html b/user/share/notebook.html new file mode 100644 index 0000000000..6c032fb0ae --- /dev/null +++ b/user/share/notebook.html @@ -0,0 +1,702 @@ + + + + + + + + + + + + + + +使用 Notebook - Sophongo Enterprise + + + + + + + + + + + + + +
      +
      +
      + + +
      +
      +
      +
      +
      +
      +
      + +
      +
      +
      + +
      +
      +

      使用 Notebook

      +

      Notebook 通常指的是 Jupyter Notebook 或类似的交互式计算环境。 +这是一种非常流行的工具,广泛用于数据科学、机器学习和深度学习等领域。 +本页说明如何在算丰 AI 算力平台中使用 Notebook。

      +

      前置条件

      + +

      创建和使用 Notebook 实例

      +
        +
      1. 管理员身份 登录 AI 算力平台
      2. +
      3. +

        导航至 AI Lab -> 运维管理 -> 队列管理 ,点击右侧的 创建 按钮

        +

        create queue

        +
      4. +
      5. +

        键入名称,选择集群、工作空间和配额后,点击 确定

        +

        ok

        +
      6. +
      7. +

        用户身份 登录 AI 算力平台,导航至 AI Lab -> Notebook ,点击右侧的 创建 按钮

        +

        create notebook

        +
      8. +
      9. +

        配置各项参数后点击 确定

        +
        +
        +
        +

        键入名称,选择集群、命名空间,选择刚创建的队列,点击 一键初始化

        +

        basic

        +
        +
        +

        选择 Notebook 类型,配置内存、CPU,开启 GPU,创建和配置 PVC:

        +

        resource

        +
        +
        +

        开启 SSH 外网访问:

        +

        advanced

        +
        +
        +
        +
      10. +
      11. +

        自动跳转到 Notebook 实例列表,点击实例名称

        +

        click name

        +
      12. +
      13. +

        进入 Notebook 实例详情页,点击右上角的 打开 按钮

        +

        open

        +
      14. +
      15. +

        进入了 Notebook 开发环境,比如在 /home/jovyan 目录挂载了持久卷,可以通过 git 克隆代码,通过 SSH 连接后上传数据等。

        +

        notebook

        +
      16. +
      +

      通过 SSH 访问 Notebook 实例

      +
        +
      1. +

        在自己的电脑上生成 SSH 密钥对

        +

        在自己电脑上打开命令行,比如在 Windows 上打开 git bash,输入 ssh-keygen.exe -t rsa,然后一路回车。

        +

        generate

        +
      2. +
      3. +

        通过 cat ~/.ssh/id_rsa.pub 等命令查看并复制公钥

        +

        copy key

        +
      4. +
      5. +

        以用户身份登录 AI 算力平台,在右上角点击 个人中心 -> SSH 公钥 -> 导入 SSH 公钥

        +

        import

        +
      6. +
      7. +

        进入 Notebook 实例的详情页,复制 SSH 的链接

        +

        copy link

        +
      8. +
      9. +

        在客户端使用 SSH 访问 Notebook 实例

        +

        ssh

        +
      10. +
      +

      下一步:创建训练任务

      +
      +
      + +
      + +
      +
      + +
      +
      +
      +
      +
      + + + + + \ No newline at end of file diff --git a/user/share/quota.html b/user/share/quota.html new file mode 100644 index 0000000000..ea90509b1b --- /dev/null +++ b/user/share/quota.html @@ -0,0 +1,630 @@ + + + + + + + + + + + + + + +配额管理 - Sophongo Enterprise + + + + + + + + + + + + + +
      +
      +
      + + +
      +
      +
      +
      +
      +
      +
      + +
      +
      +
      +
      +
      +
      + +
      +
      +
      +
      +
      +

      配额管理

      +

      用户被绑定到工作空间后,即可为工作空间分配资源,管理资源配额。

      +

      前置条件

      +
        +
      • 已安装 AI 算力平台
      • +
      • 有一个可用的管理员账号
      • +
      +

      创建和管理配额

      +
        +
      1. 管理员身份 登录 AI 算力平台
      2. +
      3. 创建工作空间和命名空间,并绑定用户
      4. +
      5. +

        为工作空间分配资源配额

        +

        quota to ws

        +
      6. +
      7. +

        管理命名空间 test-ns-1 的资源配额,其数值不能超过工作空间的配额。

        +

        quota to ns

        +
      8. +
      9. +

        用户身份 登录 AI 算力平台,查看其是否被分配了 test-ns-1 命名空间。

        +

        check ns

        +
      10. +
      +

      下一步:创建 AI 负载使用 GPU 资源

      +
      +
      + +
      + +
      +
      + +
      +
      +
      +
      +
      + + + + + \ No newline at end of file diff --git a/user/share/workload.html b/user/share/workload.html new file mode 100644 index 0000000000..5d699af2ae --- /dev/null +++ b/user/share/workload.html @@ -0,0 +1,654 @@ + + + + + + + + + + + + + + +创建AI负载使用GPU - Sophongo Enterprise + + + + + + + + + + + + + +
      +
      +
      + + +
      +
      +
      +
      +
      +
      +
      + +
      +
      +
      +
      +
      +
      + +
      +
      +
      +
      +
      +

      创建 AI 负载使用 GPU 资源

      +

      管理员为工作空间分配资源配额后,用户就可以创建 AI 工作负载来使用 GPU 算力资源。

      +

      前置条件

      + +

      创建 AI 负载步骤

      +
        +
      1. 以用户身份登录 AI 算力平台
      2. +
      3. +

        导航至 容器管理 ,选择一个命名空间,点击 工作负载 -> 无状态负载 , + 点击右侧的 镜像创建 按钮

        +

        button

        +
      4. +
      5. +

        配置各项参数后点击 确定

        +
        +
        +
        +

        选择自己的命名空间。

        +

        basic

        +
        +
        +

        设置镜像,配置 CPU、内存、GPU 等资源,设置启动命令。

        +

        container

        +
        +
        +

        服务配置和高级配置可以使用默认配置。

        +
        +
        +
        +
      6. +
      7. +

        自动返回无状态负载列表,点击负载名称

        +

        click name

        +
      8. +
      9. +

        进入详情页,可以看到 GPU 配额

        +

        check gpu

        +
      10. +
      11. +

        你还可以进入控制台,运行 nvidia-smi 命令查看 GPU 资源

        +

        check gpu

        +
      12. +
      +

      下一步:使用 Notebook

      +
      +
      + +
      + +
      +
      + +
      +
      +
      +
      +
      + + + + + \ No newline at end of file diff --git a/virtnest/vm/auto-migrate.html b/virtnest/vm/auto-migrate.html index 8d9d8d1ebb..1f5d0cc450 100644 --- a/virtnest/vm/auto-migrate.html +++ b/virtnest/vm/auto-migrate.html @@ -140,7 +140,7 @@ -
    16. - -
    17. -
    18. - - - -
    19. -
    20. - - -
    21. - - - 管理员手册 - - - -
    22. -
    23. 开发者手册 diff --git a/virtnest/vm/clone.html b/virtnest/vm/clone.html index 428bdd620f..fece8d1a29 100644 --- a/virtnest/vm/clone.html +++ b/virtnest/vm/clone.html @@ -140,7 +140,7 @@ -
    24. - -
    25. -
    26. - - - -
    27. -
    28. - - -
    29. - - - 管理员手册 - - - -
    30. -
    31. 开发者手册 diff --git a/virtnest/vm/create-secret.html b/virtnest/vm/create-secret.html index 80ce04f2b0..01a87d3abd 100644 --- a/virtnest/vm/create-secret.html +++ b/virtnest/vm/create-secret.html @@ -8,7 +8,7 @@ - + @@ -140,7 +140,7 @@
    32. - -
    33. -
    34. - - -
    35. -
    36. - -
    37. + + -
    38. +
    39. + + + +
    40. + + + +
    41. 开发者手册 diff --git a/virtnest/vm/cross-cluster-migrate.html b/virtnest/vm/cross-cluster-migrate.html index 603105d6b1..c076532234 100644 --- a/virtnest/vm/cross-cluster-migrate.html +++ b/virtnest/vm/cross-cluster-migrate.html @@ -140,7 +140,7 @@ -
    42. - -
    43. -
    44. - - - -
    45. -
    46. - - -
    47. - - - 管理员手册 - - - -
    48. -
    49. 开发者手册 diff --git a/virtnest/vm/health-check.html b/virtnest/vm/health-check.html index d7150d62b2..c6f93bf40d 100644 --- a/virtnest/vm/health-check.html +++ b/virtnest/vm/health-check.html @@ -9,7 +9,7 @@ - + 云主机健康检查 - Sophongo Enterprise @@ -140,7 +140,7 @@ -
    50. - -
    51. -
    52. - - - -
    53. -
    54. - - -
    55. - - - 管理员手册 - - - -
    56. -
    57. 开发者手册 diff --git a/virtnest/vm/live-migration.html b/virtnest/vm/live-migration.html index c0fc398e61..5106ac3f76 100644 --- a/virtnest/vm/live-migration.html +++ b/virtnest/vm/live-migration.html @@ -140,7 +140,7 @@ -
    58. - -
    59. -
    60. - - - -
    61. -
    62. - - -
    63. - - - 管理员手册 - - - -
    64. -
    65. 开发者手册 diff --git a/virtnest/vm/migratiom.html b/virtnest/vm/migratiom.html index 906e287b2d..399d3d9451 100644 --- a/virtnest/vm/migratiom.html +++ b/virtnest/vm/migratiom.html @@ -140,7 +140,7 @@ -
    66. - -
    67. -
    68. - - - -
    69. -
    70. - - -
    71. - - - 管理员手册 - - - -
    72. -
    73. 开发者手册 diff --git a/virtnest/vm/monitor.html b/virtnest/vm/monitor.html index d7b9aba9dd..aea32b527e 100644 --- a/virtnest/vm/monitor.html +++ b/virtnest/vm/monitor.html @@ -140,7 +140,7 @@ -
    74. - -
    75. -
    76. - - - -
    77. -
    78. - - -
    79. - - - 管理员手册 - - - -
    80. -
    81. 开发者手册 diff --git a/virtnest/vm/scheduled-snapshot.html b/virtnest/vm/scheduled-snapshot.html index 624c9125bb..7dfff05cdf 100644 --- a/virtnest/vm/scheduled-snapshot.html +++ b/virtnest/vm/scheduled-snapshot.html @@ -140,7 +140,7 @@ -
    82. - -
    83. -
    84. - -
    85. + + - +
    86. + + + 云主机网络 + + +
    87. +
    88. + + + 云主机存储 + + +
    89. +
    90. + + + 云主机漂移 + + +
    91. +
    92. + + + 云主机健康检查 + +
    93. +
    94. + + + +
    95. + + + +
    96. 开发者手册 diff --git a/virtnest/vm/snapshot.html b/virtnest/vm/snapshot.html index 66f0cfee79..079db2b26a 100644 --- a/virtnest/vm/snapshot.html +++ b/virtnest/vm/snapshot.html @@ -140,7 +140,7 @@ -
    97. - -
    98. -
    99. - - - -
    100. -
    101. - - -
    102. - - - 管理员手册 - - - -
    103. -
    104. 开发者手册 diff --git a/virtnest/vm/vm-network.html b/virtnest/vm/vm-network.html index 1c217f0ad8..6019a50c8e 100644 --- a/virtnest/vm/vm-network.html +++ b/virtnest/vm/vm-network.html @@ -140,7 +140,7 @@ -
    105. - -
    106. -
    107. - - - -
    108. -
    109. - - -
    110. - - - 管理员手册 - - - -
    111. -
    112. 开发者手册 diff --git a/virtnest/vm/vm-sc.html b/virtnest/vm/vm-sc.html index 16b21e4992..729c2013a3 100644 --- a/virtnest/vm/vm-sc.html +++ b/virtnest/vm/vm-sc.html @@ -140,7 +140,7 @@ -
    113. - -
    114. -
    115. - - - -
    116. -
    117. - - -
    118. - - - 管理员手册 - - - -
    119. -
    120. 开发者手册