Skip to content
New issue

Have a question about this project? Sign up for a free GitHub account to open an issue and contact its maintainers and the community.

By clicking “Sign up for GitHub”, you agree to our terms of service and privacy statement. We’ll occasionally send you account related emails.

Already on GitHub? Sign in to your account

OSError: /opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/nn/_kernels.cpython-37m-x86_64-linux-gnu.so: undefined symbol: _ZN3c106detail12infer_schema20make_function_schemaENS_8ArrayRefINS1_11ArgumentDefEEES4_ #1083

Closed
Shreyas-NR opened this issue Nov 5, 2022 · 7 comments

Comments

@Shreyas-NR
Copy link

Shreyas-NR commented Nov 5, 2022

Hi @qianglin-xlnx @lishixlnx

I'm working on the training yolox model in the vitis ai pytorch conda env using the deployable scripts.
facing the OS ERROR issue


(vitis-ai-pytorch) Vitis-AI /workspace/code > python3 tools/train.py -f exps/example/yolox_voc/yolox_voc_s.py -d 8 -b 64 --fp16 -o -c weights/yolox_s.pth
2022-11-04 08:56:22.142 | INFO     | yolox.core.launch:_distributed_worker:130 - Rank 5 initialization finished.
2022-11-04 08:56:22.163 | INFO     | yolox.core.launch:_distributed_worker:130 - Rank 6 initialization finished.
2022-11-04 08:56:22.175 | INFO     | yolox.core.launch:_distributed_worker:130 - Rank 1 initialization finished.
2022-11-04 08:56:22.200 | INFO     | yolox.core.launch:_distributed_worker:130 - Rank 0 initialization finished.
2022-11-04 08:56:22.211 | INFO     | yolox.core.launch:_distributed_worker:130 - Rank 7 initialization finished.
2022-11-04 08:56:22.221 | INFO     | yolox.core.launch:_distributed_worker:130 - Rank 3 initialization finished.
2022-11-04 08:56:22.229 | INFO     | yolox.core.launch:_distributed_worker:130 - Rank 4 initialization finished.
2022-11-04 08:56:22.236 | INFO     | yolox.core.launch:_distributed_worker:130 - Rank 2 initialization finished.
2022-11-04 08:56:33.300 | INFO     | yolox.utils.setup_env:configure_omp:60 -
***************************************************************
We set `OMP_NUM_THREADS` for each process to 1 to speed up.
please further tune the variable for optimal performance.
***************************************************************
2022-11-04 08:56:33 | INFO     | yolox.core.trainer:140 - args: Namespace(batch_size=64, cache=False, ckpt='weights/yolox_s.pth', devices=8, dist_backend='nccl', dist_url=None, exp_file='exps/example/yolox_voc/yolox_voc_s.py', experiment_name='yolox_voc_s', fp16=True, machine_rank=0, name=None, num_machines=1, occupy=True, opts=[], resume=False, start_epoch=None)
2022-11-04 08:56:33 | INFO     | yolox.core.trainer:141 - exp value:
╒══════════════════╤════════════════════════════╕
│ keys             │ values                     │
╞══════════════════╪════════════════════════════╡
│ seed             │ None                       │
├──────────────────┼────────────────────────────┤
│ output_dir       │ './YOLOX_outputs'          │
├──────────────────┼────────────────────────────┤
│ print_interval   │ 10                         │
├──────────────────┼────────────────────────────┤
│ eval_interval    │ 10                         │
├──────────────────┼────────────────────────────┤
│ num_classes      │ 1                          │
├──────────────────┼────────────────────────────┤
│ depth            │ 0.33                       │
├──────────────────┼────────────────────────────┤
│ width            │ 0.5                        │
├──────────────────┼────────────────────────────┤
│ act              │ 'lrelu'                    │
├──────────────────┼────────────────────────────┤
│ data_num_workers │ 4                          │
├──────────────────┼────────────────────────────┤
│ input_size       │ (640, 640)                 │
├──────────────────┼────────────────────────────┤
│ multiscale_range │ 5                          │
├──────────────────┼────────────────────────────┤
│ data_dir         │ None                       │
├──────────────────┼────────────────────────────┤
│ train_ann        │ 'instances_train2017.json' │
├──────────────────┼────────────────────────────┤
│ val_ann          │ 'instances_val2017.json'   │
├──────────────────┼────────────────────────────┤
│ mosaic_prob      │ 1.0                        │
├──────────────────┼────────────────────────────┤
│ mixup_prob       │ 1.0                        │
├──────────────────┼────────────────────────────┤
│ hsv_prob         │ 1.0                        │
├──────────────────┼────────────────────────────┤
│ flip_prob        │ 0.5                        │
├──────────────────┼────────────────────────────┤
│ degrees          │ 10.0                       │
├──────────────────┼────────────────────────────┤
│ translate        │ 0.1                        │
├──────────────────┼────────────────────────────┤
│ mosaic_scale     │ (0.1, 2)                   │
├──────────────────┼────────────────────────────┤
│ mixup_scale      │ (0.5, 1.5)                 │
├──────────────────┼────────────────────────────┤
│ shear            │ 2.0                        │
├──────────────────┼────────────────────────────┤
│ enable_mixup     │ True                       │
├──────────────────┼────────────────────────────┤
│ warmup_epochs    │ 1                          │
├──────────────────┼────────────────────────────┤
│ max_epoch        │ 3                          │
├──────────────────┼────────────────────────────┤
│ warmup_lr        │ 0                          │
├──────────────────┼────────────────────────────┤
│ basic_lr_per_img │ 0.00015625                 │
├──────────────────┼────────────────────────────┤
│ scheduler        │ 'yoloxwarmcos'             │
├──────────────────┼────────────────────────────┤
│ no_aug_epochs    │ 15                         │
├──────────────────┼────────────────────────────┤
│ min_lr_ratio     │ 0.05                       │
├──────────────────┼────────────────────────────┤
│ ema              │ True                       │
├──────────────────┼────────────────────────────┤
│ weight_decay     │ 0.0005                     │
├──────────────────┼────────────────────────────┤
│ momentum         │ 0.9                        │
├──────────────────┼────────────────────────────┤
│ exp_name         │ 'yolox_voc_s'              │
├──────────────────┼────────────────────────────┤
│ test_size        │ (640, 640)                 │
├──────────────────┼────────────────────────────┤
│ test_conf        │ 0.01                       │
├──────────────────┼────────────────────────────┤
│ nmsthre          │ 0.65                       │
╘══════════════════╧════════════════════════════╛
2022-11-04 08:56:35 | ERROR    | yolox.core.launch:161 - An error has been caught in function '_distributed_worker', process 'SpawnProcess-1' (444), thread 'MainThread' (139887121491776):
Traceback (most recent call last):

  File "<string>", line 1, in <module>
  File "/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/multiprocessing/spawn.py", line 105, in spawn_main
    exitcode = _main(fd)
               │     └ 9
               └ <function _main at 0x7f3a00dbb050>
  File "/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/multiprocessing/spawn.py", line 118, in _main
    return self._bootstrap()
           │    └ <function BaseProcess._bootstrap at 0x7f3a00e6f950>
           └ <SpawnProcess(SpawnProcess-1, started)>
  File "/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/multiprocessing/process.py", line 297, in _bootstrap
    self.run()
    │    └ <function BaseProcess.run at 0x7f3a00e68f80>
    └ <SpawnProcess(SpawnProcess-1, started)>
  File "/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/multiprocessing/process.py", line 99, in run
    self._target(*self._args, **self._kwargs)
    │    │        │    │        │    └ {}
    │    │        │    │        └ <SpawnProcess(SpawnProcess-1, started)>
    │    │        │    └ (<function _distributed_worker at 0x7f3895d43ef0>, 0, (<function main at 0x7f3a00cca050>, 8, 8, 0, 'nccl', 'tcp://127.0.0.1:3...
    │    │        └ <SpawnProcess(SpawnProcess-1, started)>
    │    └ <function _wrap at 0x7f38a31c27a0>
    └ <SpawnProcess(SpawnProcess-1, started)>
  File "/home/vitis-ai-user/.local/lib/python3.7/site-packages/torch/multiprocessing/spawn.py", line 19, in _wrap
    fn(i, *args)
    │  │   └ (<function main at 0x7f3a00cca050>, 8, 8, 0, 'nccl', 'tcp://127.0.0.1:37325', (╒══════════════════╤══════════════════════════...
    │  └ 0
    └ <function _distributed_worker at 0x7f3895d43ef0>

> File "/workspace/code/yolox/core/launch.py", line 161, in _distributed_worker
    main_func(*args)
    │          └ (╒══════════════════╤════════════════════════════╕
    │            │ keys             │ values                     │
    │            ╞══════════════════╪════...
    └ <function main at 0x7f3a00cca050>

  File "/workspace/code/tools/train.py", line 124, in main
    trainer.train()
    │       └ <function Trainer.train at 0x7f3895cde050>
    └ <yolox.core.trainer.Trainer object at 0x7f38949c5e10>

  File "/workspace/code/yolox/core/trainer.py", line 84, in train
    self.before_train()
    │    └ <function Trainer.before_train at 0x7f38945c8680>
    └ <yolox.core.trainer.Trainer object at 0x7f38949c5e10>

  File "/workspace/code/yolox/core/trainer.py", line 145, in before_train
    model = self.exp.get_model()
            │    │   └ <function ExpDeploy.get_model at 0x7f387adc4710>
            │    └ ╒══════════════════╤════════════════════════════╕
            │      │ keys             │ values                     │
            │      ╞══════════════════╪═════...
            └ <yolox.core.trainer.Trainer object at 0x7f38949c5e10>

  File "/workspace/code/yolox/exp/yolox_base_deploy.py", line 362, in get_model
    from yolox.models.yolox_deploy import YOLOX

  File "/workspace/code/yolox/models/__init__.py", line 19, in <module>
    from .darknet import CSPDarknet, Darknet

  File "/workspace/code/yolox/models/darknet.py", line 21, in <module>
    from .network_blocks import BaseConv, CSPLayer, DWConv, Focus, ResLayer, SPPBottleneck

  File "/workspace/code/yolox/models/network_blocks.py", line 19, in <module>
    import pytorch_nndct.nn.modules.functional as QF

  File "/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/__init__.py", line 14, in <module>
    from .apis import *
  File "/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/apis.py", line 25, in <module>
    from .qproc import TorchQuantProcessor
  File "/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/qproc/__init__.py", line 1, in <module>
    from .base import TorchQuantProcessor, dump_xmodel
  File "/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/qproc/base.py", line 30, in <module>
    from pytorch_nndct.quantization import TORCHQuantizer, FakeQuantizer
  File "/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/quantization/__init__.py", line 2, in <module>
    from .torch_qalgo import *
  File "/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/quantization/torch_qalgo.py", line 28, in <module>
    from pytorch_nndct.nn import fake_quantize_per_tensor, fake_quantize_per_channel
  File "/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/nn/__init__.py", line 1, in <module>
    from pytorch_nndct.nn.modules import functional
  File "/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/nn/modules/__init__.py", line 16, in <module>
    from .sigmoid import *
  File "/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/nn/modules/sigmoid.py", line 26, in <module>
    from .fix_ops import NndctSigmoidTableLookup, NndctSigmoidSimulation
  File "/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/nn/modules/fix_ops.py", line 26, in <module>
    from ..load_kernels import *
  File "/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/nn/load_kernels.py", line 31, in <module>
    torch.ops.load_library(lib_abspath)
    │     │   │            └ '/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/nn/_kernels.cpython-37m-x86_64-linux-gnu...
    │     │   └ <function _Ops.load_library at 0x7f38a325da70>
    │     └ <module 'torch.ops' from '/home/vitis-ai-user/.local/lib/python3.7/site-packages/torch/_ops.py'>
    └ <module 'torch' from '/home/vitis-ai-user/.local/lib/python3.7/site-packages/torch/__init__.py'>
  File "/home/vitis-ai-user/.local/lib/python3.7/site-packages/torch/_ops.py", line 105, in load_library
    ctypes.CDLL(path)
    │      │    └ '/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/nn/_kernels.cpython-37m-x86_64-linux-gnu...
    │      └ <class 'ctypes.CDLL'>
    └ <module 'ctypes' from '/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/ctypes/__init__.py'>
  File "/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/ctypes/__init__.py", line 364, in __init__
    self._handle = _dlopen(self._name, mode)
    │    │         │       │    │      └ 0
    │    │         │       │    └ '/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/nn/_kernels.cpython-37m-x86_64-linux-gnu...
    │    │         │       └ <CDLL '/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/nn/_kernels.cpython-37m-x86_64-lin...
    │    │         └ <built-in function dlopen>
    │    └ 0
    └ <CDLL '/opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/nn/_kernels.cpython-37m-x86_64-lin...

OSError: /opt/vitis_ai/conda/envs/vitis-ai-pytorch/lib/python3.7/site-packages/pytorch_nndct/nn/_kernels.cpython-37m-x86_64-linux-gnu.so: undefined symbol: _ZN3c106detail12infer_schema20make_function_schemaENS_8ArrayRefINS1_11ArgumentDefEEES4_
(vitis-ai-pytorch) Vitis-AI /workspace/code >

thanks

Originally posted by @Shreyas-NR in #990 (comment)

@Shreyas-NR
Copy link
Author

Identified what's missing in the PyTorch conda env

#990 (comment)

@wangxd-xlnx
Copy link
Contributor

Hi @Shreyas-NR

It seems that the pytorch version is specified in the requirements.txt of model, which is inconsistent with the default pytorch version installed in docker. You could have a check whether it's specified the version of pytorch and torchvision in requirements.txt.

If it's different from the version comes with docker, you could use this script '/opt/vitis_ai/scripts/replace_pytorch.sh' to switch the version of pytorch and torchvision. Then a new conda environment for PyTorch can be created.

For more details, you could refer to this link.
https://github.com/Xilinx/Vitis-AI/tree/master/src/Vitis-AI-Quantizer/vai_q_pytorch#quick-start-in-docker-environment

@qianglin-xlnx
Copy link
Contributor

Closing since no activity for more than 1 month, please reopen if you still have any questions, thanks

@MohamedRaizz
Copy link

When I'm installing docker vitis 3.0 i faced like this error can u please give solution for this

#0 444.5 channels:
#0 444.5 - conda-forge
#0 444.5 - file:///scratch/conda-channel-wego/wegotf1
#0 444.5 + mamba create -n vitis-ai-tensorflow vai_q_tensorflow tensorflow-onnx -c file:///scratch/conda-channel -c conda-forge -c anaconda
#0 444.6 Traceback (most recent call last):
#0 444.6 File "/opt/vitis_ai/conda/condabin/mamba", line 7, in
#0 444.6 from mamba.mamba import main
#0 444.6 File "/opt/vitis_ai/conda/lib/python3.9/site-packages/mamba/mamba.py", line 51, in
#0 444.6 from mamba import repoquery as repoquery_api
#0 444.6 File "/opt/vitis_ai/conda/lib/python3.9/site-packages/mamba/repoquery.py", line 9, in
#0 444.6 from mamba.utils import init_api_context, load_channels
#0 444.6 File "/opt/vitis_ai/conda/lib/python3.9/site-packages/mamba/utils.py", line 17, in
#0 444.6 from conda.core.index import _supplement_index_with_system, check_allowlist
#0 444.6 ImportError: cannot import name 'check_allowlist' from 'conda.core.index' (/opt/vitis_ai/conda/lib/python3.9/site-packages/conda/core/index.py)

vitis-ai-cpu.Dockerfile:32

30 | ADD conda/banner.sh /etc/
31 | ADD conda/${DOCKER_TYPE}conda/bashrc /etc/bash.bashrc
32 | >>> RUN if [[ -n "${TARGET_FRAMEWORK}" ]]; then bash ./install
${TARGET_FRAMEWORK}.sh; fi
33 | USER root
34 | RUN mkdir -p ${VAI_ROOT}/conda/pkgs && chmod 777 ${VAI_ROOT}/conda/pkgs && ./install_vairuntime.sh && rm -fr ./*

ERROR: failed to solve: process "/bin/bash -c if [[ -n "${TARGET_FRAMEWORK}" ]]; then bash ./install_${TARGET_FRAMEWORK}.sh; fi" did not complete successfully: exit code: 1
Error response from daemon: No such image: xilinx/vitis-ai-tensorflow-cpu:3.0.0.001

@janifer112x
Copy link
Collaborator

Hi @MohamedRaizz
are you using the latest commit in master branch? we have fixed this issue last week.

@MohamedRaizz
Copy link

now i commit with master branch also same issue we got ?

0 734.5 + export PATH
#0 734.5 + /opt/vitis_ai/conda/bin/conda config --remove channels defaults
#0 734.7 + cat /home/vitis-ai-user/.condarc
#0 734.7 channels:
#0 734.7 - file:///scratch/conda-channel
#0 734.7 + mamba env create -f /scratch/cpu_conda/vitis-ai-wego-torch.yml
#0 734.9 Traceback (most recent call last):
#0 734.9 File "/opt/vitis_ai/conda/condabin/mamba", line 7, in
#0 734.9 from mamba.mamba import main
#0 734.9 File "/opt/vitis_ai/conda/lib/python3.9/site-packages/mamba/mamba.py", line 51, in
#0 734.9 from mamba import repoquery as repoquery_api
#0 734.9 File "/opt/vitis_ai/conda/lib/python3.9/site-packages/mamba/repoquery.py", line 9, in
#0 734.9 from mamba.utils import init_api_context, load_channels
#0 734.9 File "/opt/vitis_ai/conda/lib/python3.9/site-packages/mamba/utils.py", line 17, in
#0 734.9 from conda.core.index import _supplement_index_with_system, check_allowlist
#0 734.9 ImportError: cannot import name 'check_allowlist' from 'conda.core.index' (/opt/vitis_ai/conda/lib/python3.9/site-packages/conda/core/index.py)

ERROR: failed to solve: executor failed running [/bin/bash -c if [[ -n "${TARGET_FRAMEWORK}" ]]; then bash ./install_${TARGET_FRAMEWORK}.sh; fi]: exit code: 1
Error response from daemon: No such image: xilinx/vitis-ai-pytorch-cpu:3.0.0.001

@MohamedRaizz
Copy link

MohamedRaizz commented Feb 24, 2023

@janifer112x i'm doing model compilation in vitis-ai (master) i got those error in particular model can u please let me know ?

(vitis-ai-tensorflow) vitis-ai-user@user:/workspace/CNN_compiler$ vai_c_tensorflow -f ../CNN_src/tf_bert-base_SQuAD_128_22.34G_3.0/quantized/pre_norm_bert_base_int8.pb -a arch.json -o ../CNN_bin/tf_bert-base_SQuAD_128_22.34G_3.0/ -n tf_bert-base_SQuAD_128_22.34G_3.0


  • VITIS_AI Compilation - Xilinx Inc.

[INFO] Namespace(batchsize=1, inputs_shape=None, layout='NHWC', model_files=['../CNN_src/tf_bert-base_SQuAD_128_22.34G_3.0/quantized/pre_norm_bert_base_int8.pb'], model_type='tensorflow', named_inputs_shape=None, out_filename='/tmp/tf_bert-base_SQuAD_128_22.34G_3.0_0x101000056010407_org.xmodel', proto=None)
[INFO] tensorflow model: /workspace/CNN_src/tf_bert-base_SQuAD_128_22.34G_3.0/quantized/pre_norm_bert_base_int8.pb
[INFO] parse raw model : 0%|▎ | 12/4416 [00:00<00:00, 13789.49it/s]
Traceback (most recent call last):
File "/opt/vitis_ai/conda/envs/vitis-ai-tensorflow/bin/xnnc-run", line 33, in
sys.exit(load_entry_point('xnnc==3.0.0', 'console_scripts', 'xnnc-run')())
File "/opt/vitis_ai/conda/envs/vitis-ai-tensorflow/lib/python3.6/site-packages/xnnc/main.py", line 49, in main
runner.normal_run(args)
File "/opt/vitis_ai/conda/envs/vitis-ai-tensorflow/lib/python3.6/site-packages/xnnc/runner.py", line 123, in normal_run
target=target,
File "/opt/vitis_ai/conda/envs/vitis-ai-tensorflow/lib/python3.6/site-packages/xnnc/xconverter.py", line 145, in run
model_files, model_type, _layout, in_shapes, batchsize
File "/opt/vitis_ai/conda/envs/vitis-ai-tensorflow/lib/python3.6/site-packages/xnnc/core.py", line 123, in make_xmodel
model_type=model_t,
File "/opt/vitis_ai/conda/envs/vitis-ai-tensorflow/lib/python3.6/site-packages/xnnc/translator/tensorflow_translator.py", line 110, in to_xmodel
model_type,
File "/opt/vitis_ai/conda/envs/vitis-ai-tensorflow/lib/python3.6/site-packages/xnnc/translator/tensorflow_translator.py", line 176, in create_xmodel
name, layers, layout, in_shapes, batchsize
File "/opt/vitis_ai/conda/envs/vitis-ai-tensorflow/lib/python3.6/site-packages/xnnc/translator/tensorflow_translator.py", line 292, in __create_xmodel_from_tf1
batchsize,
File "/opt/vitis_ai/conda/envs/vitis-ai-tensorflow/lib/python3.6/site-packages/xnnc/translator/tensorflow_translator.py", line 3647, in __generate_xmodel
assert isinstance(val, (list, bool, int, float, str, bytes, map)), f"Unsupported data type!"
AssertionError: Unsupported data type!

janifer112x added a commit that referenced this issue Jun 29, 2023
* [wego][examples] update release examples for vai-3.5 release. (#1025)

Co-authored-by: Tianping Li <tianping@xcogpuvai02.xilinx.com>

* [examples][wego-tf2.x] remove erfnet from wego-tf2.x examples. (#1026)

Co-authored-by: Tianping Li <tianping@xcogpuvai02.xilinx.com>

* [examples][wego_tf2.x] remove link for erfnet since it's not avaliable in vai-3.5 release. (#1027)

Co-authored-by: Tianping Li <tianping@xcogpuvai02.xilinx.com>

* vai3.5 src update (#1028)

Co-authored-by: qianglin-xlnx <linqiang@xilinx.com>

* vai3.5 examples update (#1029)

Co-authored-by: qianglin-xlnx <linqiang@xilinx.com>

* vai3.5 board_setup update (#1030)

Co-authored-by: qianglin-xlnx <linqiang@xilinx.com>

* update links in README_DPUCVDX8G.md (#1031)

Co-authored-by: xlinyang <xlinyang@xilinx.com>

* [wego] add examples for pytorch 2.0 preview. (#1033)

Co-authored-by: Tianping Li <tianping@xcogpuvai02.xilinx.com>

* Initial prototype of Github.IO documentation (#1034)

* Update ONNX Runtime docs, dpu/README.md

* Fix model_zoo/README.md Github.IO link, update Zoo license link in HTML docs

* Fix Docker image naming convention and run commands

* Fix Docker image naming convention and run commands

* Update CUDA container test to align with release CUDA version

* Fix Docker image naming convention and run commands

* Fix broken Model Zoo license agreement link

* Minor text updates to workflow HTML

* Further optimization of install instructions

* Further optimization of install instructions

* Correct Model Zoo links in board_setup

* Consolidate install_docker into install

* Correct spelling mistake

* Minor text updates to workflow

* Minor text updates to workflow-model-zoo

* Further updates to install instructions

* Further updates to install instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Revise Alveo support, board_setup docs, Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Fix Model Zoo downloader.py typo

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix broken workflow link

* Add V70 DPU description

* Add V70 DPU description

* Fix broken third-party link

* Update EDD2020 dataset link

* Updates for TOCTree structure

* Major revisions to 3.0 docs

* Rebrand quickstarts

* Fix release notes links:

* Initial 3.5 doc changes

* Initial changes for 3.5 docs

* Initial Doxygen integration test

* Fixed Command in Install.rst

* Fixed quickstart optimization links

* Fixed quickstart optimization links

* Update VAI_IDE.PNG

* Delete VAI_IDE.PNG

* Updated VAI_IDE.PNG

Co-authored-by: Rhind <arhind@amd.com>

* [fix] fix some build issue (#1032)

Co-authored-by: shili <lishi@xilinx.com>

* [fix] sync last 3 commit in vitis-ai-library (#1035)

Co-authored-by: shili <lishi@xilinx.com>

* [fix] python version 3.9->3.10 in op_reg.sh (#1037)

* [fix] python version 3.9->3.10 in op_reg.sh

* [fix] update some readme

Co-authored-by: shili <lishi@xilinx.com>

* [wego][fix] fix typos for wego pt2.0 preview example. (#1038)

sync-up info: https://gitenterprise.xilinx.com/VitisAI/wego-release-examples/commit/a67a6a7580464c791da481c2125408616914dde6

Co-authored-by: Tianping Li <tianping@xcogpuvai02.xilinx.com>

* update vai 3.5 docker related (#1040)

* update vai 3.5 docker related

* update rocm installation section

* update rocm installation section

* update rocm installation section

Co-authored-by: qiuyuny <qiuyuny@xilinx.com>

* [wego][improvment] tune parameters for wego zendnn examples for better performance. (#1042)

sync-up: https://gitenterprise.xilinx.com/VitisAI/wego-release-examples/commit/35f89cc8b372b5a54ca0a3e1e6e6333029092776

Co-authored-by: Tianping Li <tianping@xcogpuvai02.xilinx.com>

* [fix] update xmodel (#1041)

* [fix] update xmodel

* [fix] remove ocr samples

Co-authored-by: shili <lishi@xilinx.com>

* [wego] update pytorch examples with onboard support. (#1043)

This new feature is implemented by @hao Zhuan, please refer to MR: https://gitenterprise.xilinx.com/VitisAI/wego-release-examples/pull/10 for more details.

Co-authored-by: Hao Zhuan <haoz@xilinx.com>

* update driver version for nvidia GPU docker requirements

* add v70 setup flow and delete vck5000 setup folder

* update vai_library samples

* update vai_runtime examples

* add Transformer examples link

* update vai_library samples about  V70

* update vai_runtime samples download link

* add vck5000 board setup link

* add OnBoard example

* [onboard]demo format fix

* [onboard]tiny format fix

* add board_setup_v70.rst for bash

* [fix] update readme (#1050)

* [fix] update readme

* [fix] multitaskv3 <->  multitask_v3 name change

Co-authored-by: shili <lishi@xilinx.com>

* Vai 3.5 update (#1052)

* Update ONNX Runtime docs, dpu/README.md

* Fix model_zoo/README.md Github.IO link, update Zoo license link in HTML docs

* Fix Docker image naming convention and run commands

* Fix Docker image naming convention and run commands

* Update CUDA container test to align with release CUDA version

* Fix Docker image naming convention and run commands

* Fix broken Model Zoo license agreement link

* Minor text updates to workflow HTML

* Further optimization of install instructions

* Further optimization of install instructions

* Correct Model Zoo links in board_setup

* Consolidate install_docker into install

* Correct spelling mistake

* Minor text updates to workflow

* Minor text updates to workflow-model-zoo

* Further updates to install instructions

* Further updates to install instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Revise Alveo support, board_setup docs, Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Fix Model Zoo downloader.py typo

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix broken workflow link

* Add V70 DPU description

* Add V70 DPU description

* Fix broken third-party link

* Update EDD2020 dataset link

* Updates for TOCTree structure

* Major revisions to 3.0 docs

* Rebrand quickstarts

* Fix release notes links:

* Initial 3.5 doc changes

* Initial changes for 3.5 docs

* Initial Doxygen integration test

* Fixed Command in Install.rst

* Fixed quickstart optimization links

* Fixed quickstart optimization links

* Update VAI_IDE.PNG

* Delete VAI_IDE.PNG

* Updated VAI_IDE.PNG

* Merging Mpsoc quick start and setting up the target

* MPSOC Quick Start Upload Test

* Updated to new AMD theme

* Update Sphinx theme

* Updates to MPSoC quickstart

* Updates to MPSoC quickstart

* Updates to MPSoC quickstart

* MPSOC Changes

* New MPSOC + Quentons Changes

* Remove Chapter 8 reference

* Merging 3.0 changes to 3.5

* Fixed table format

* Minor updates

* Fixed MPSOC.rst

* Various 3.5 documentation updates

* Various 3.5 documentation updates

* First pass V70 quickstart

Co-authored-by: Rhind <arhind@amd.com>
Co-authored-by: Aidan Rhind <aidan.rhind@xilinx.com>

* update onnx runtime installation and link error fix (#1053)

Co-authored-by: qianglin-xlnx <linqiang@xilinx.com>

* update README_DPUCV2DX8G.md (#1054)

* update pytorch quantizer code to 3.5 (#1055)

Co-authored-by: niuxj <niuxj@xilinx.com>

* update Setup V70 Accelerator Card link

* update model.yaml

* update the model name

* [wego][fix] fix issue fired in jira: https://jira.xilinx.com/browse/VAI-2927?src=confmacro (#1058)

sync-up: https://gitenterprise.xilinx.com/VitisAI/wego-release-examples/commit/c2305da0ddc714c0e248e9d5252cd7359dc60982

Co-authored-by: Xie, ChuanLiang <ChuanLiang.Xie@amd.com>
Co-authored-by: Tianping Li <tianping@xcogpuvai02.xilinx.com>

* [vai_library][apps] update vek280 demos (#1059)

* update OnBoard model path name

* [fix] update unet2d readme (#1061)

Co-authored-by: shili <lishi@xilinx.com>

* [wego][fix] fix issue fired in jira:  https://jira.xilinx.com/browse/VAI-2926 (#1062)

Sync-up: https://gitenterprise.xilinx.com/VitisAI/wego-release-examples/commit/9e570fa4be75c87cf8a67e41277cabdcd3986878

Co-authored-by: Sen Wang <Sen.Wang1@amd.com>

* Add vai_optimizer

* update modelzoo readme

* update readme (#1039)

* update readme

* fix

* update OnBoard readme

* [fix] update yolov578 readme (#1065)

Co-authored-by: shili <lishi@xilinx.com>

* update v70 quick start steps

* update the vck5000 and v70 quick start steps

* update for 3.5 release

* update V70 setup link

* update the V70 DPU xclbin config

* [fix] fix readme for accuracy test (#1069)

Co-authored-by: shili <lishi@xilinx.com>

* [wego][fix] remove stackoverflow link to avoid legal issue. (#1070)

Co-authored-by: Tianping Li <tianping@xcogpuvai02.xilinx.com>

* [fix] avoid onnx sample accuracy hang (#1072)

Co-authored-by: shili <lishi@xilinx.com>

* Update README.md

* Delete README.md.old

* [fix] onnx model poinptillars readme update; dynamic batch support update (#1074)

Co-authored-by: shili <lishi@xilinx.com>

* Update release_notes.rst: add Optimizer and PyTorch CNN quantizer

* [fix] vai_profiler README was moved to github.io (#1076)

Co-authored-by: LiYunzhi <liyunzhi@xilinx.com>

* Vai 3.5 update (#1075)

* Update ONNX Runtime docs, dpu/README.md

* Fix model_zoo/README.md Github.IO link, update Zoo license link in HTML docs

* Fix Docker image naming convention and run commands

* Fix Docker image naming convention and run commands

* Update CUDA container test to align with release CUDA version

* Fix Docker image naming convention and run commands

* Fix broken Model Zoo license agreement link

* Minor text updates to workflow HTML

* Further optimization of install instructions

* Further optimization of install instructions

* Correct Model Zoo links in board_setup

* Consolidate install_docker into install

* Correct spelling mistake

* Minor text updates to workflow

* Minor text updates to workflow-model-zoo

* Further updates to install instructions

* Further updates to install instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Revise Alveo support, board_setup docs, Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Fix Model Zoo downloader.py typo

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix broken workflow link

* Add V70 DPU description

* Add V70 DPU description

* Fix broken third-party link

* Update EDD2020 dataset link

* Updates for TOCTree structure

* Major revisions to 3.0 docs

* Rebrand quickstarts

* Fix release notes links:

* Initial 3.5 doc changes

* Initial changes for 3.5 docs

* Initial Doxygen integration test

* Fixed Command in Install.rst

* Fixed quickstart optimization links

* Fixed quickstart optimization links

* Update VAI_IDE.PNG

* Delete VAI_IDE.PNG

* Updated VAI_IDE.PNG

* Merging Mpsoc quick start and setting up the target

* MPSOC Quick Start Upload Test

* Updated to new AMD theme

* Update Sphinx theme

* Updates to MPSoC quickstart

* Updates to MPSoC quickstart

* Updates to MPSoC quickstart

* MPSOC Changes

* New MPSOC + Quentons Changes

* Remove Chapter 8 reference

* Merging 3.0 changes to 3.5

* Fixed table format

* Minor updates

* Fixed MPSOC.rst

* Various 3.5 documentation updates

* Various 3.5 documentation updates

* First pass V70 quickstart

* GithubIO & repo updates for 3.5

* Remove RNN quantizer and Transformer references

* Updated to remove legal keywords

* Update V70 Quickstart, remove VCK5000 doc

* Synced latest changes

Co-authored-by: Rhind <arhind@amd.com>
Co-authored-by: Aidan Rhind <aidan.rhind@xilinx.com>

* Update release_notes.rst

* [fix] port coverity fix from VaiLib (#1077)

* [fix] port coverity fix from VaiLib

* [fix]  remove useless url in comments

Co-authored-by: shili <lishi@xilinx.com>

* update release_notes and vek280 board setup (#1078)

* update model list

* update OnBoard readme

* update v70 link

* update onboard link

* update AIlibrary sample link

* update vai runtime link

* update v70 setup link

* Update LICENSE (#1073)

* Update LICENSE

* Update LICENSE

* [Example][OnBoard]license updated

* [examples][vai_library] update vek280 4video demo (#1081)

* [optimizer] Add license header to tf2 mnist example

* Vai 3.5 update (#1084)

* [vai_q_tensorflow1.x] remove 3.0 folder

* [vai_q_tensorflow1.x] add 3.5 folder, from dev and 3.5 branch commit 4f8667a

* [vai_q_tensorflow2.x] remove 3.0 folder

* [vai_q_tensorflow2.x] add 3.5 folder, from dev and 3.5 branch commit f8021be

* Add vai_q_onnx (#1083)

* Vai 3.5 update recipes (#1082)

* src:vai_petalinux_recipes update recipes-vitis-ai to 3.5

1. update recipes-vitis-ai to 3.5
2. add recipes-devtools and recipes-support for vai35

* src:vai_petalinux_recipes update bsp.cfg for vaitracer

* Update README.md

* add custom op V70 compiled model

* add apu install command

* [fix]  coverity fix: port from VaiLib (#1087)

Co-authored-by: shili <lishi@xilinx.com>

* Additional 3.5 updates (#1085)

* Update ONNX Runtime docs, dpu/README.md

* Fix model_zoo/README.md Github.IO link, update Zoo license link in HTML docs

* Fix Docker image naming convention and run commands

* Fix Docker image naming convention and run commands

* Update CUDA container test to align with release CUDA version

* Fix Docker image naming convention and run commands

* Fix broken Model Zoo license agreement link

* Minor text updates to workflow HTML

* Further optimization of install instructions

* Further optimization of install instructions

* Correct Model Zoo links in board_setup

* Consolidate install_docker into install

* Correct spelling mistake

* Minor text updates to workflow

* Minor text updates to workflow-model-zoo

* Further updates to install instructions

* Further updates to install instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Revise Alveo support, board_setup docs, Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Fix Model Zoo downloader.py typo

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix broken workflow link

* Add V70 DPU description

* Add V70 DPU description

* Fix broken third-party link

* Update EDD2020 dataset link

* Updates for TOCTree structure

* Major revisions to 3.0 docs

* Rebrand quickstarts

* Fix release notes links:

* Initial 3.5 doc changes

* Initial changes for 3.5 docs

* Initial Doxygen integration test

* Fixed Command in Install.rst

* Fixed quickstart optimization links

* Fixed quickstart optimization links

* Update VAI_IDE.PNG

* Delete VAI_IDE.PNG

* Updated VAI_IDE.PNG

* Merging Mpsoc quick start and setting up the target

* MPSOC Quick Start Upload Test

* Updated to new AMD theme

* Update Sphinx theme

* Updates to MPSoC quickstart

* Updates to MPSoC quickstart

* Updates to MPSoC quickstart

* MPSOC Changes

* New MPSOC + Quentons Changes

* Remove Chapter 8 reference

* Merging 3.0 changes to 3.5

* Fixed table format

* Minor updates

* Fixed MPSOC.rst

* Various 3.5 documentation updates

* Various 3.5 documentation updates

* First pass V70 quickstart

* GithubIO & repo updates for 3.5

* Remove RNN quantizer and Transformer references

* Updated to remove legal keywords

* Update V70 Quickstart, remove VCK5000 doc

* Synced latest changes

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Remove historic ONNX runtime EP docs

* Update custom_target.rst

* Update custom_target.rst

* Fix v70.rst formatting

Co-authored-by: Rhind <arhind@amd.com>
Co-authored-by: Aidan Rhind <aidan.rhind@xilinx.com>

* [fix][yolov8] fix yolov8 run error with large image (#1088)

* Vai 3.5 update add tensorflow-onnx (#1090)

* [vai_q_tensorflow1.x] remove 3.0 folder

* [vai_q_tensorflow1.x] add 3.5 folder, from dev and 3.5 branch commit 4f8667a

* [vai_q_tensorflow2.x] remove 3.0 folder

* [vai_q_tensorflow2.x] add 3.5 folder, from dev and 3.5 branch commit f8021be

* [tensorflow-onnx] open source for 3.5, from dev and 3.5 branch commit 78637ee

* [doc][xv2] updated for xv2 changelog (#1095)

* add XNNC (#1092)

Co-authored-by: Zhenzhen Ding <zhenzhen.ding@xilinx.com>

* [feat] add examples for vai_q_tensorflow2 (#1091)

new file:   __init__.py
 	new file:   candidate_layer_quantize.py
 	new file:   custom_quantize_strategy.json
 	new file:   export_onnx.py
 	new file:   fashion_mnist_bfp/main.py
 	new file:   fashion_mnist_bfp/net.py
 	new file:   fashion_mnist_bfp/run.sh
 	new file:   mnist_cnn_convert_datatype.py
 	new file:   mnist_cnn_inspect.py
 	new file:   mnist_cnn_ptq.py
 	new file:   mnist_cnn_ptq_config_quantize_strategy.py
 	new file:   mnist_cnn_ptq_custom_layer.py
 	new file:   mnist_cnn_ptq_fs.py
 	new file:   mnist_cnn_ptq_gpu.py
 	new file:   mnist_cnn_ptq_mix_precision.py
 	new file:   mnist_cnn_ptq_unsigned_quantize.py
 	new file:   mnist_cnn_qat.py
 	new file:   mnist_cnn_quantize_with_xcompiler.py
 	new file:   my_quantize_strategy.json
 	new file:   transformers_bert_qa/code/run_qa.py
 	new file:   transformers_bert_qa/code/run_qa_quantize.py
 	new file:   transformers_bert_qa/code/utils_qa.py
 	new file:   transformers_bert_qa/readme.md
 	new file:   transformers_bert_qa/requirements.txt
 	new file:   transformers_bert_qa/run_eval.sh
 	new file:   transformers_bert_qa/run_qatrain.sh
 	new file:   transformers_bert_qa/run_quantize.sh
 	new file:   transformers_bert_qa/run_quantize_eval.sh
 	new file:   transformers_bert_qa/run_train.sh

Co-authored-by: Zhenzhen Ding <zhenzhen.ding@xilinx.com>

* Vai 3.5 update (#1093)

* [bugfix]:fix the tf1 onnx output format error

* [bugfix]: fix the link in the file

* [bugfix]:fix the numpy and onnx version in requirements.txt and setup.py

* [bugfix]: fix the convert datatype & float scale quantizer model convert to onnx output format

Co-authored-by: Jiangyong Ren <jiangyon@amd.com>

* [wego][fix] update the instructions for VCK5000

* [WeGO][Fix]: Fix the computing formula of FPS

* [feat]initially add vai_benchmark tool (#1099)

* [feat]initial add vai_benchmark tool

* remove author name and update README

* [fix]add License

Co-authored-by: Yanjun Zhang <yanjunz@xilinx.com>

* add recipes for vai-benchmark

* release_notes.rst: update PyTorch CNN quantizer

* sync vai_q_pytorch 3.5 code (#1100)

Co-authored-by: niuxj <niuxj@xilinx.com>

* update docker recipe for 3.5 release (#1101)

Co-authored-by: qiuyuny <qiuyuny@xilinx.com>

* Vai 3.5 update (#1103)

* [bugfix]:fix the tf1 onnx output format error

* [bugfix]: fix the link in the file

* [bugfix]:fix the numpy and onnx version in requirements.txt and setup.py

* [bugfix]: fix the convert datatype & float scale quantizer model convert to onnx output format

* [bugfix]:fix the bias_node should be biasadd_node

* [bugfix] modify usage of README.md

Co-authored-by: Jiangyong Ren <jiangyon@amd.com>

* [examples][vai_q_tensorflow] add tf1 quantizer examples (#1102)

* add XNNC

* [examples][vai_q_tensorflow] add tf1 quantizer examples

Co-authored-by: Zhenzhen Ding <zhenzhen.ding@xilinx.com>

* update model list

* update model list

* [fix] synchronize code from Vitis-AI-Library (#1108)

Co-authored-by: shili <lishi@xilinx.com>

* remove some repo from permissive License list

* update recipes-vitis-ai with vitis-staging mirror

* recipe of protobuf static lib: clean

* [fix] Recover vai profiler files (#1111)

Co-authored-by: jileil <jilei.liu@xilinx.com>

* delete src/vai_petalinux_recipes/recipes-devtools/

* update recipes for kernel

* update recipe for kernel

* Update vai_petalinux_recipes README

* Update vai_petalinux_recip README

* update vai_petalinux_recipes README

* update vai_petalinux_recipes README

* Update vai_petalinux_recipes xir: not use protobuf static

* [feat]add vai_benchmark description (#1112)

Co-authored-by: Yanjun Zhang <yanjunz@xilinx.com>

* [fix] update vek280 model yaml (#1116)

Co-authored-by: shili <lishi@xilinx.com>

* Adjust vai_petalinux recipes structure

* rename vai-benchmark.bb to vai-benchmark_3.5.bb

* Vai 3.5 update (#1117)

* Update ONNX Runtime docs, dpu/README.md

* Fix model_zoo/README.md Github.IO link, update Zoo license link in HTML docs

* Fix Docker image naming convention and run commands

* Fix Docker image naming convention and run commands

* Update CUDA container test to align with release CUDA version

* Fix Docker image naming convention and run commands

* Fix broken Model Zoo license agreement link

* Minor text updates to workflow HTML

* Further optimization of install instructions

* Further optimization of install instructions

* Correct Model Zoo links in board_setup

* Consolidate install_docker into install

* Correct spelling mistake

* Minor text updates to workflow

* Minor text updates to workflow-model-zoo

* Further updates to install instructions

* Further updates to install instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Revise Alveo support, board_setup docs, Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Fix Model Zoo downloader.py typo

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix broken workflow link

* Add V70 DPU description

* Add V70 DPU description

* Fix broken third-party link

* Update EDD2020 dataset link

* Updates for TOCTree structure

* Major revisions to 3.0 docs

* Rebrand quickstarts

* Fix release notes links:

* Initial 3.5 doc changes

* Initial changes for 3.5 docs

* Initial Doxygen integration test

* Fixed Command in Install.rst

* Fixed quickstart optimization links

* Fixed quickstart optimization links

* Update VAI_IDE.PNG

* Delete VAI_IDE.PNG

* Updated VAI_IDE.PNG

* Merging Mpsoc quick start and setting up the target

* MPSOC Quick Start Upload Test

* Updated to new AMD theme

* Update Sphinx theme

* Updates to MPSoC quickstart

* Updates to MPSoC quickstart

* Updates to MPSoC quickstart

* MPSOC Changes

* New MPSOC + Quentons Changes

* Remove Chapter 8 reference

* Merging 3.0 changes to 3.5

* Fixed table format

* Minor updates

* Fixed MPSOC.rst

* Various 3.5 documentation updates

* Various 3.5 documentation updates

* First pass V70 quickstart

* GithubIO & repo updates for 3.5

* Remove RNN quantizer and Transformer references

* Updated to remove legal keywords

* Update V70 Quickstart, remove VCK5000 doc

* Synced latest changes

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Remove historic ONNX runtime EP docs

* Update custom_target.rst

* Update custom_target.rst

* Fix v70.rst formatting

* Update VEK280 Quickstart, Linux kernel version listings

* Update VEK280 Quickstart, Linux kernel version listings

* VEK280 + V70 Quickstarts

* Updates to V70 and Model Zoo

* Add Wallace.jpg

* Merge changes across all Quickstarts

* update for v70 quick start

* Minor updates to Quickstarts

* Editorial updates for 3.5 release

Co-authored-by: Rhind <arhind@amd.com>
Co-authored-by: Aidan Rhind <aidan.rhind@xilinx.com>
Co-authored-by: suzhan <zhans@xilinx.com>

* [wego] remove yolov5 PTQ example due to AGPL license issue. (#1118)

Co-authored-by: Tianping Li <tianping@xcogpuvai02.xilinx.com>

* [fix][vai_library] remove yolov8 onnx example (#1120)

* [fix] add 'examples' in default EXAMPLE_PATH (#1121)

Co-authored-by: Yanjun Zhang <yanjunz@xilinx.com>

* [fix] Correct vaitrace run path (#1119)

Co-authored-by: jileil <jilei.liu@xilinx.com>

* [fix] readme update due to issues from email (#1122)

Co-authored-by: shili <lishi@xilinx.com>

* [bugfix]:fix the pruned RCAN model quantization (#1107)

* [bugfix]:fix the pruned RCAN model quantization

* [vai_q_tensorflow][examples] add tf1 quantizer ptq example

Co-authored-by: Jiangyong Ren <jiangyon@amd.com>

* Update onnx version in requirements.txt and update the example (#1110)

* Add vai_q_onnx

* Update onnx version and example

* Update onnx version and example

* [examples][vai_q_tensorflow2] update README.md and example (#1115)

Co-authored-by: Zhenzhen Ding <zhenzhen.ding@xilinx.com>

* src/vai_petalinux_recipes/README.md: add packages version info

* src/vai_petalinux_recipes/README.md: fix info

* src/vai_petalinux_recipes/README.md: update

* update model.yaml

* remove vx2602 and ve2202 (#1123)

* Update release_notes.rst

* Vai 3.5 update (#1124)

* Update ONNX Runtime docs, dpu/README.md

* Fix model_zoo/README.md Github.IO link, update Zoo license link in HTML docs

* Fix Docker image naming convention and run commands

* Fix Docker image naming convention and run commands

* Update CUDA container test to align with release CUDA version

* Fix Docker image naming convention and run commands

* Fix broken Model Zoo license agreement link

* Minor text updates to workflow HTML

* Further optimization of install instructions

* Further optimization of install instructions

* Correct Model Zoo links in board_setup

* Consolidate install_docker into install

* Correct spelling mistake

* Minor text updates to workflow

* Minor text updates to workflow-model-zoo

* Further updates to install instructions

* Further updates to install instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Revise Alveo support, board_setup docs, Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Fix Model Zoo downloader.py typo

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix broken workflow link

* Add V70 DPU description

* Add V70 DPU description

* Fix broken third-party link

* Update EDD2020 dataset link

* Updates for TOCTree structure

* Major revisions to 3.0 docs

* Rebrand quickstarts

* Fix release notes links:

* Initial 3.5 doc changes

* Initial changes for 3.5 docs

* Initial Doxygen integration test

* Fixed Command in Install.rst

* Fixed quickstart optimization links

* Fixed quickstart optimization links

* Update VAI_IDE.PNG

* Delete VAI_IDE.PNG

* Updated VAI_IDE.PNG

* Merging Mpsoc quick start and setting up the target

* MPSOC Quick Start Upload Test

* Updated to new AMD theme

* Update Sphinx theme

* Updates to MPSoC quickstart

* Updates to MPSoC quickstart

* Updates to MPSoC quickstart

* MPSOC Changes

* New MPSOC + Quentons Changes

* Remove Chapter 8 reference

* Merging 3.0 changes to 3.5

* Fixed table format

* Minor updates

* Fixed MPSOC.rst

* Various 3.5 documentation updates

* Various 3.5 documentation updates

* First pass V70 quickstart

* GithubIO & repo updates for 3.5

* Remove RNN quantizer and Transformer references

* Updated to remove legal keywords

* Update V70 Quickstart, remove VCK5000 doc

* Synced latest changes

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Remove historic ONNX runtime EP docs

* Update custom_target.rst

* Update custom_target.rst

* Fix v70.rst formatting

* Update VEK280 Quickstart, Linux kernel version listings

* Update VEK280 Quickstart, Linux kernel version listings

* VEK280 + V70 Quickstarts

* Updates to V70 and Model Zoo

* Add Wallace.jpg

* Merge changes across all Quickstarts

* update for v70 quick start

* Minor updates to Quickstarts

* Editorial updates for 3.5 release

* update v70 quickstart command

* update v70 quickstart command

* Update Linux Devicetree docs

* Add Linux CMA Topic

* WSL Docker Links Added

* Doxygen and DPU nomenclature updates

* Update Online Install

* update v70 quick start command

* Minor edits to Library online install

* Remove VE2202/2602 from release notes

* Fix Alveo V70 image

* Fix Alveo targets discontinued statement

Co-authored-by: Rhind <arhind@amd.com>
Co-authored-by: Aidan Rhind <aidan.rhind@xilinx.com>
Co-authored-by: suzhan <zhans@xilinx.com>

* sync vaiq pytorch code and correct example directory (#1125)

Co-authored-by: niuxj <niuxj@xilinx.com>

* delete board_setup_v70.rst

* [wego] add release notes for wego part. (#1127)

Co-authored-by: Tianping Li <tianping@xcogpuvai02.xilinx.com>

* update release note about V70 vitis version

* Update src/vai_petalinux_recipes/README.md

* Vai 3.5 update (#1129)

* add XNNC

* fix bugs in example and change default onnx_opset_version from 11 to 13

Co-authored-by: Zhenzhen Ding <zhenzhen.ding@xilinx.com>

* Vai 3.5 update (#1130)

* Update ONNX Runtime docs, dpu/README.md

* Fix model_zoo/README.md Github.IO link, update Zoo license link in HTML docs

* Fix Docker image naming convention and run commands

* Fix Docker image naming convention and run commands

* Update CUDA container test to align with release CUDA version

* Fix Docker image naming convention and run commands

* Fix broken Model Zoo license agreement link

* Minor text updates to workflow HTML

* Further optimization of install instructions

* Further optimization of install instructions

* Correct Model Zoo links in board_setup

* Consolidate install_docker into install

* Correct spelling mistake

* Minor text updates to workflow

* Minor text updates to workflow-model-zoo

* Further updates to install instructions

* Further updates to install instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Revise Alveo support, board_setup docs, Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Fix Model Zoo downloader.py typo

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix broken workflow link

* Add V70 DPU description

* Add V70 DPU description

* Fix broken third-party link

* Update EDD2020 dataset link

* Updates for TOCTree structure

* Major revisions to 3.0 docs

* Rebrand quickstarts

* Fix release notes links:

* Initial 3.5 doc changes

* Initial changes for 3.5 docs

* Initial Doxygen integration test

* Fixed Command in Install.rst

* Fixed quickstart optimization links

* Fixed quickstart optimization links

* Update VAI_IDE.PNG

* Delete VAI_IDE.PNG

* Updated VAI_IDE.PNG

* Merging Mpsoc quick start and setting up the target

* MPSOC Quick Start Upload Test

* Updated to new AMD theme

* Update Sphinx theme

* Updates to MPSoC quickstart

* Updates to MPSoC quickstart

* Updates to MPSoC quickstart

* MPSOC Changes

* New MPSOC + Quentons Changes

* Remove Chapter 8 reference

* Merging 3.0 changes to 3.5

* Fixed table format

* Minor updates

* Fixed MPSOC.rst

* Various 3.5 documentation updates

* Various 3.5 documentation updates

* First pass V70 quickstart

* GithubIO & repo updates for 3.5

* Remove RNN quantizer and Transformer references

* Updated to remove legal keywords

* Update V70 Quickstart, remove VCK5000 doc

* Synced latest changes

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Remove historic ONNX runtime EP docs

* Update custom_target.rst

* Update custom_target.rst

* Fix v70.rst formatting

* Update VEK280 Quickstart, Linux kernel version listings

* Update VEK280 Quickstart, Linux kernel version listings

* VEK280 + V70 Quickstarts

* Updates to V70 and Model Zoo

* Add Wallace.jpg

* Merge changes across all Quickstarts

* update for v70 quick start

* Minor updates to Quickstarts

* Editorial updates for 3.5 release

* update v70 quickstart command

* update v70 quickstart command

* Update Linux Devicetree docs

* Add Linux CMA Topic

* WSL Docker Links Added

* Doxygen and DPU nomenclature updates

* Update Online Install

* update v70 quick start command

* Minor edits to Library online install

* Remove VE2202/2602 from release notes

* Fix Alveo V70 image

* Fix Alveo targets discontinued statement

* Update Online Library Install

* Update Online Library Install

* Correct dumb number mistake

* Correct dumb number mistake

* Clean HTML build

* Additional Editorial Changes

* Restructure index.rst, convert VEK280 ref design to RST

* Update Model Zoo to 3.5

* Fix minor formatting errors

Co-authored-by: Rhind <arhind@amd.com>
Co-authored-by: Aidan Rhind <aidan.rhind@xilinx.com>
Co-authored-by: suzhan <zhans@xilinx.com>

* vai 3.5 release (#1131)

Co-authored-by: qiuyuny <qiuyuny@xilinx.com>

* remove invalid links

* [Release][bugfix]change v70 setup url to rel path (#1133)

* update vart source to the latest (#1134)

Co-authored-by: qianglin-xlnx <linqiang@xilinx.com>

* Final updates for 3.5 public release (#1136)

* Update ONNX Runtime docs, dpu/README.md

* Fix model_zoo/README.md Github.IO link, update Zoo license link in HTML docs

* Fix Docker image naming convention and run commands

* Fix Docker image naming convention and run commands

* Update CUDA container test to align with release CUDA version

* Fix Docker image naming convention and run commands

* Fix broken Model Zoo license agreement link

* Minor text updates to workflow HTML

* Further optimization of install instructions

* Further optimization of install instructions

* Correct Model Zoo links in board_setup

* Consolidate install_docker into install

* Correct spelling mistake

* Minor text updates to workflow

* Minor text updates to workflow-model-zoo

* Further updates to install instructions

* Further updates to install instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Cleanup VCK5000 setup instructions

* Revise Alveo support, board_setup docs, Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Revise Alveo support / unify board_setup docs / update Model Zoo readme

* Fix Model Zoo downloader.py typo

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Add Github.IO 404.html page

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix VCK5000 board_setup doc error

* Fix broken workflow link

* Add V70 DPU description

* Add V70 DPU description

* Fix broken third-party link

* Update EDD2020 dataset link

* Updates for TOCTree structure

* Major revisions to 3.0 docs

* Rebrand quickstarts

* Fix release notes links:

* Initial 3.5 doc changes

* Initial changes for 3.5 docs

* Initial Doxygen integration test

* Fixed Command in Install.rst

* Fixed quickstart optimization links

* Fixed quickstart optimization links

* Update VAI_IDE.PNG

* Delete VAI_IDE.PNG

* Updated VAI_IDE.PNG

* Merging Mpsoc quick start and setting up the target

* MPSOC Quick Start Upload Test

* Updated to new AMD theme

* Update Sphinx theme

* Updates to MPSoC quickstart

* Updates to MPSoC quickstart

* Updates to MPSoC quickstart

* MPSOC Changes

* New MPSOC + Quentons Changes

* Remove Chapter 8 reference

* Merging 3.0 changes to 3.5

* Fixed table format

* Minor updates

* Fixed MPSOC.rst

* Various 3.5 documentation updates

* Various 3.5 documentation updates

* First pass V70 quickstart

* GithubIO & repo updates for 3.5

* Remove RNN quantizer and Transformer references

* Updated to remove legal keywords

* Update V70 Quickstart, remove VCK5000 doc

* Synced latest changes

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Update Github to GithubIO inter-linkage

* Remove historic ONNX runtime EP docs

* Update custom_target.rst

* Update custom_target.rst

* Fix v70.rst formatting

* Update VEK280 Quickstart, Linux kernel version listings

* Update VEK280 Quickstart, Linux kernel version listings

* VEK280 + V70 Quickstarts

* Updates to V70 and Model Zoo

* Add Wallace.jpg

* Merge changes across all Quickstarts

* update for v70 quick start

* Minor updates to Quickstarts

* Editorial updates for 3.5 release

* update v70 quickstart command

* update v70 quickstart command

* Update Linux Devicetree docs

* Add Linux CMA Topic

* WSL Docker Links Added

* Doxygen and DPU nomenclature updates

* Update Online Install

* update v70 quick start command

* Minor edits to Library online install

* Remove VE2202/2602 from release notes

* Fix Alveo V70 image

* Fix Alveo targets discontinued statement

* Update Online Library Install

* Update Online Library Install

* Correct dumb number mistake

* Correct dumb number mistake

* Clean HTML build

* Additional Editorial Changes

* Restructure index.rst, convert VEK280 ref design to RST

* Update Model Zoo to 3.5

* Fix minor formatting errors

* Updates to Linux CMA, Release Notes, etc

* Update VEK280 notes

* new vek280 graphic, format fixing, resnet50_pt-=> resnet50 for example

Co-authored-by: Rhind <arhind@amd.com>
Co-authored-by: Aidan Rhind <aidan.rhind@xilinx.com>
Co-authored-by: suzhan <zhans@xilinx.com>

* [fix] fix tf2_2dunet yaml (#1139)

Co-authored-by: shili <lishi@xilinx.com>

Co-authored-by: Tianping Li <tianping.li@xilinx.com>
Co-authored-by: Tianping Li <tianping@xcogpuvai02.xilinx.com>
Co-authored-by: Qiang Lin <qiang.lin@xilinx.com>
Co-authored-by: qianglin-xlnx <linqiang@xilinx.com>
Co-authored-by: Xinlin Yang <xinlin.yang@xilinx.com>
Co-authored-by: xlinyang <xlinyang@xilinx.com>
Co-authored-by: Quenton Hall <quentonh@amd.com>
Co-authored-by: Rhind <arhind@amd.com>
Co-authored-by: Li Shi <li.shi@xilinx.com>
Co-authored-by: shili <lishi@xilinx.com>
Co-authored-by: qiuyuny <qiuyuny@xilinx.com>
Co-authored-by: Hao Zhuan <haoz@xilinx.com>
Co-authored-by: suzhan <zhans@xilinx.com>
Co-authored-by: Zhan Su <zhan.su@amd.com>
Co-authored-by: Aidan Rhind <aidan.rhind@xilinx.com>
Co-authored-by: Peiyue Han <allanhan@xilinx.com>
Co-authored-by: Xinjun Niu <xinjun.niu@xilinx.com>
Co-authored-by: niuxj <niuxj@xilinx.com>
Co-authored-by: wangxd <wangxd@xilinx.com>
Co-authored-by: Xie, ChuanLiang <ChuanLiang.Xie@amd.com>
Co-authored-by: Yu Zhou <yu.zhou@xilinx.com>
Co-authored-by: Sen Wang <Sen.Wang1@amd.com>
Co-authored-by: yuwang <yu.w@amd.com>
Co-authored-by: Runfeng Wang <runfeng.wang@xilinx.com>
Co-authored-by: Xiaodong Wang <xiaodong.wang@xilinx.com>
Co-authored-by: Yunzhi Li <yunzhi.li@xilinx.com>
Co-authored-by: LiYunzhi <liyunzhi@xilinx.com>
Co-authored-by: GengXin Wu <gengxin.wu@xilinx.com>
Co-authored-by: Chao Li <chao.li@xilinx.com>
Co-authored-by: Yangyang Liang <ylia@xilinx.com>
Co-authored-by: Jason Jia <xijie.jia@xilinx.com>
Co-authored-by: Zhenzhen Ding <zhenzhen.ding@amd.com>
Co-authored-by: Zhenzhen Ding <zhenzhen.ding@xilinx.com>
Co-authored-by: Jiangyong Ren <jiangyong.ren@amd.com>
Co-authored-by: Jiangyong Ren <jiangyon@amd.com>
Co-authored-by: chuanliang <chuanlia@xilinx.com>
Co-authored-by: chaow <chaow@amd.com>
Co-authored-by: Yanjun Zhang <yanjun.zhang@xilinx.com>
Co-authored-by: Yanjun Zhang <yanjunz@xilinx.com>
Co-authored-by: Tianfang Meng <tianfang@amd.com>
Co-authored-by: jianxuw <jianxuw@amd.com>
Co-authored-by: JiLei Liu <jilei.liu@amd.com>
Co-authored-by: jileil <jilei.liu@xilinx.com>
Co-authored-by: Hao Zhuan <hao.zhuan@xilinx.com>
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment
Labels
None yet
Projects
None yet
Development

No branches or pull requests

5 participants