diff --git a/.gitignore b/.gitignore index 464531f452a94cf5ea0bc7f744234e736b843cdb..e21cd79864b4c0b322afa404bed4a03912541fe9 100644 --- a/.gitignore +++ b/.gitignore @@ -62,4 +62,7 @@ imagenet_val/ *.onnx *.pth *.engine -data/ \ No newline at end of file +data/ + +# IDE +.vscode/ diff --git a/README.md b/README.md index fb34731883160b31bfe17e6ecbea817ef4beb124..5aafc3564b74c17fefa785c68cb65d93d51e6188 100644 --- a/README.md +++ b/README.md @@ -10,15 +10,15 @@
-DeepSparkInference推理模型库作为DeepSpark开源社区的核心项目,于2024年3月正式开源,一期甄选了48个推理模型示例,涵盖计算机视觉,自然语言处理,语音识别等领域,后续将逐步拓展更多AI领域。 +`DeepSparkInference`推理模型库作为`DeepSpark`开源社区的核心项目,于2024年3月正式开源,一期甄选了48个推理模型示例,涵盖计算机视觉,自然语言处理,语音识别等领域,后续将逐步拓展更多AI领域。 -DeepSparkInference中的模型提供了在国产推理引擎IGIE或IxRT下运行的推理示例和指导文档,部分模型提供了基于国产通用GPU[智铠100](https://www.iluvatar.com/productDetails?fullCode=cpjs-yj-tlxltt-zk100)的评测结果。 +`DeepSparkInference`中的模型提供了在国产推理引擎`IGIE`或`ixRT`下运行的推理示例和指导文档,部分模型提供了基于国产通用GPU[智铠100](https://www.iluvatar.com/productDetails?fullCode=cpjs-yj-tlxltt-zk100)的评测结果。 -IGIE(Iluvatar GPU Inference Engine)是基于TVM框架研发的高性能、高通用、全流程的AI推理引擎。支持多框架模型导入、量化、图优化、多算子库支持、多后端支持、算子自动调优等特性,为推理场景提供易部署、高吞吐量、低延迟的完整方案。 +`IGIE`(Iluvatar GPU Inference Engine)是基于TVM框架研发的高性能、高通用、全流程的AI推理引擎。支持多框架模型导入、量化、图优化、多算子库支持、多后端支持、算子自动调优等特性,为推理场景提供易部署、高吞吐量、低延迟的完整方案。 -IxRT(Iluvatar CoreX RunTime)是天数智芯自研的高性能推理引擎,专注于最大限度发挥天数智芯通用GPU 的性能,实现各领域模型的高性能推理。IxRT支持动态形状推理、插件和INT8/FP16推理等特性。 +`ixRT`(Iluvatar CoreX RunTime)是天数智芯自研的高性能推理引擎,专注于最大限度发挥天数智芯通用GPU 的性能,实现各领域模型的高性能推理。`ixRT`支持动态形状推理、插件和INT8/FP16推理等特性。 -DeepSparkInference将按季度进行版本更新,后续会逐步丰富模型类别并拓展大模型推理。 +`DeepSparkInference`将按季度进行版本更新,后续会逐步丰富模型类别并拓展大模型推理。 ## 模型库 @@ -52,7 +52,7 @@ DeepSparkInference将按季度进行版本更新,后续会逐步丰富模型 #### 视觉分类 -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |------------------------|-------|--------------------------------------------------------|-----------------------------------------------------------|-----------| | AlexNet | FP16 | [✅](models/cv/classification/alexnet/igie) | [✅](models/cv/classification/alexnet/ixrt) | 4.3.0 | | | INT8 | [✅](models/cv/classification/alexnet/igie) | [✅](models/cv/classification/alexnet/ixrt) | 4.3.0 | @@ -123,8 +123,8 @@ DeepSparkInference将按季度进行版本更新,后续会逐步丰富模型 | ResNetV1D50 | FP16 | [✅](models/cv/classification/resnetv1d50/igie) | [✅](models/cv/classification/resnetv1d50/ixrt) | 4.3.0 | | | INT8 | | [✅](models/cv/classification/resnetv1d50/ixrt) | 4.3.0 | | ResNeXt50_32x4d | FP16 | [✅](models/cv/classification/resnext50_32x4d/igie) | [✅](models/cv/classification/resnext50_32x4d/ixrt) | 4.3.0 | -| ResNeXt101_64x4d | FP16 | [✅](models/cv/classification/resnext101_64x4d/igie) | [✅](models/cv/classification/resnext101_64x4d/ixrt) | 4.3.0 | -| ResNeXt101_32x8d | FP16 | [✅](models/cv/classification/resnext101_32x8d/igie) | [✅](models/cv/classification/resnext101_32x8d/ixrt) | 4.3.0 | +| ResNeXt101_64x4d | FP16 | [✅](models/cv/classification/resnext101_64x4d/igie) | [✅](models/cv/classification/resnext101_64x4d/ixrt) | 4.3.0 | +| ResNeXt101_32x8d | FP16 | [✅](models/cv/classification/resnext101_32x8d/igie) | [✅](models/cv/classification/resnext101_32x8d/ixrt) | 4.3.0 | | SEResNet50 | FP16 | [✅](models/cv/classification/se_resnet50/igie) | | 4.3.0 | | ShuffleNetV1 | FP16 | | [✅](models/cv/classification/shufflenet_v1/ixrt) | 4.3.0 | | ShuffleNetV2_x0_5 | FP16 | [✅](models/cv/classification/shufflenetv2_x0_5/igie) | [✅](models/cv/classification/shufflenetv2_x0_5/ixrt) | 4.3.0 | @@ -152,7 +152,7 @@ DeepSparkInference将按季度进行版本更新,后续会逐步丰富模型 #### 目标检测 -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |------------|-------|-------------------------------------------------|-------------------------------------------------|-----------| | ATSS | FP16 | [✅](models/cv/object_detection/atss/igie) | | 4.3.0 | | CenterNet | FP16 | [✅](models/cv/object_detection/centernet/igie) | [✅](models/cv/object_detection/centernet/ixrt) | 4.3.0 | @@ -190,7 +190,7 @@ DeepSparkInference将按季度进行版本更新,后续会逐步丰富模型 #### 人脸识别 -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |---------|-------|------|----------------------------------------------|-----------| | FaceNet | FP16 | | [✅](models/cv/face_recognition/facenet/ixrt) | 4.3.0 | | | INT8 | | [✅](models/cv/face_recognition/facenet/ixrt) | 4.3.0 | @@ -204,7 +204,7 @@ DeepSparkInference将按季度进行版本更新,后续会逐步丰富模型 #### 姿态估计 -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |----------------------|-------|-----------------------------------------------|----------------------------------------------------------|-----------| | HRNetPose | FP16 | [✅](models/cv/pose_estimation/hrnetpose/igie) | | 4.3.0 | | Lightweight OpenPose | FP16 | | [✅](models/cv/pose_estimation/lightweight_openpose/ixrt) | 4.3.0 | @@ -212,20 +212,20 @@ DeepSparkInference将按季度进行版本更新,后续会逐步丰富模型 #### 实例分割 -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |------------|-------|------|-----------------------------------------------------|-----------| | Mask R-CNN | FP16 | | [✅](models/cv/instance_segmentation/mask_rcnn/ixrt) | 4.2.0 | | SOLOv1 | FP16 | | [✅](models/cv/instance_segmentation/solov1/ixrt) | 4.3.0 | #### 语义分割 -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |-------|-------|------------------------------------------------|------|-----------| | UNet | FP16 | [✅](models/cv/semantic_segmentation/unet/igie) | | 4.3.0 | #### 多目标跟踪 -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |---------------------|-------|----------------------------------------------------|------|-----------| | FastReID | FP16 | [✅](models/cv/multi_object_tracking/fastreid/igie) | | 4.3.0 | | DeepSort | FP16 | [✅](models/cv/multi_object_tracking/deepsort/igie) | | 4.3.0 | @@ -245,7 +245,7 @@ DeepSparkInference将按季度进行版本更新,后续会逐步丰富模型 | InternVL2-4B | [✅](models/multimodal/vision_language_model/intern_vl/vllm) | | 4.3.0 | | LLaVA | [✅](models/multimodal/vision_language_model/llava/vllm) | | 4.3.0 | | LLaVA-Next-Video-7B | [✅](models/multimodal/vision_language_model/llava_next_video_7b/vllm) | | 4.3.0 | -| Llama-3.2 | [✅](models/multimodal/vision_language_model/llama-3.2/vllm) | | 4.3.0 | +| Llama-3.2 | [✅](models/multimodal/vision_language_model/llama-3.2/vllm) | | 4.3.0 | | MiniCPM-V 2 | [✅](models/multimodal/vision_language_model/minicpm_v/vllm) | | 4.3.0 | | Pixtral | [✅](models/multimodal/vision_language_model/pixtral/vllm) | | 4.3.0 | @@ -253,7 +253,7 @@ DeepSparkInference将按季度进行版本更新,后续会逐步丰富模型 #### 预训练语言模型(PLM) -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |------------------|-------|-------------------------------------------|-------------------------------------------|-----------| | ALBERT | FP16 | | [✅](models/nlp/plm/albert/ixrt) | 4.3.0 | | BERT Base NER | INT8 | [✅](models/nlp/plm/bert_base_ner/igie) | | 4.3.0 | @@ -270,7 +270,7 @@ DeepSparkInference将按季度进行版本更新,后续会逐步丰富模型 #### 语音识别 -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |-----------------|-------|-----------------------------------------------------|-----------------------------------------------------------|-----------| | Conformer | FP16 | [✅](models/audio/speech_recognition/conformer/igie) | [✅](models/audio/speech_recognition/conformer/ixrt) | 4.3.0 | | Transformer ASR | FP16 | | [✅](models/audio/speech_recognition/transformer_asr/ixrt) | 4.2.0 | @@ -279,7 +279,7 @@ DeepSparkInference将按季度进行版本更新,后续会逐步丰富模型 #### 推荐系统 -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |-------------|-------|------|------------------------------------------------------|-----------| | Wide & Deep | FP16 | | [✅](models/others/recommendation/wide_and_deep/ixrt) | 4.3.0 | diff --git a/README_en.md b/README_en.md index 41fbda180ee3dc036917162ff4fb8cdc15a8dde6..9c6acc03d9c6e41e251864e50c09819a02d84e6f 100644 --- a/README_en.md +++ b/README_en.md @@ -15,7 +15,7 @@ March 2024. The first release selected 48 inference model examples, covering fie language processing, and speech recognition. More AI domains will be gradually expanded in the future. The models in DeepSparkInference provide inference examples and guidance documents for running on inference engines IGIE -or IxRT self-developed by Iluvatar CoreX. Some models provide evaluation results based on the self-developed GPGPU +or ixRT self-developed by Iluvatar CoreX. Some models provide evaluation results based on the self-developed GPGPU Zhikai 100. IGIE (Iluvatar GPU Inference Engine) is a high-performance, highly gene, and end-to-end AI inference engine developed @@ -23,9 +23,9 @@ based on the TVM framework. It supports multi-framework model, quantization, gra support, multi-backend support, and automatic operator tuning, providing an easy-to-deploy, high-throughput, and low-latency complete solution for inference scenarios. -IxRT (Iluvatar CoreX RunTime) is a high-performance inference engine independently developed by Iluvatar CoreX, focusing +ixRT (Iluvatar CoreX RunTime) is a high-performance inference engine independently developed by Iluvatar CoreX, focusing on maximizing the performance of Iluvatar CoreX's GPGPU and achieving high-performance inference for models in various -fields. IxRT supports features such as dynamic shape inference, plugins, and INT8/FP16 inference. +fields. ixRT supports features such as dynamic shape inference, plugins, and INT8/FP16 inference. DeepSparkInference will be updated quarterly, and model categories will be gradually enriched, with large model inference to be expanded in the future. @@ -36,262 +36,262 @@ inference to be expanded in the future. | Model | vLLM | TRT-LLM | TGI | IXUCA SDK | |-------------------------------|--------------------------------------------------------|---------------------------------------|------------------------------------|-----------| -| Baichuan2-7B | [✅](models/nlp/llm/baichuan2-7b/vllm) | | | 4.2.0 | -| ChatGLM-3-6B | [✅](models/nlp/llm/chatglm3-6b/vllm) | | | 4.2.0 | -| ChatGLM-3-6B-32K | [✅](models/nlp/llm/chatglm3-6b-32k/vllm) | | | 4.2.0 | -| DeepSeek-R1-Distill-Llama-8B | [✅](models/nlp/llm/deepseek-r1-distill-llama-8b/vllm) | | | 4.2.0 | -| DeepSeek-R1-Distill-Llama-70B | [✅](models/nlp/llm/deepseek-r1-distill-llama-70b/vllm) | | | 4.2.0 | -| DeepSeek-R1-Distill-Qwen-1.5B | [✅](models/nlp/llm/deepseek-r1-distill-qwen-1.5b/vllm) | | | 4.2.0 | -| DeepSeek-R1-Distill-Qwen-7B | [✅](models/nlp/llm/deepseek-r1-distill-qwen-7b/vllm) | | | 4.2.0 | -| DeepSeek-R1-Distill-Qwen-14B | [✅](models/nlp/llm/deepseek-r1-distill-qwen-14b/vllm) | | | 4.2.0 | -| DeepSeek-R1-Distill-Qwen-32B | [✅](models/nlp/llm/deepseek-r1-distill-qwen-32b/vllm) | | | 4.2.0 | -| Llama2-7B | [✅](models/nlp/llm/llama2-7b/vllm) | [✅](models/nlp/llm/llama2-7b/trtllm) | | 4.2.0 | -| Llama2-13B | | [✅](models/nlp/llm/llama2-13b/trtllm) | | 4.2.0 | -| Llama2-70B | | [✅](models/nlp/llm/llama2-70b/trtllm) | | 4.2.0 | -| Llama3-70B | [✅](models/nlp/llm/llama3-70b/vllm) | | | 4.2.0 | -| Qwen-7B | [✅](models/nlp/llm/qwen-7b/vllm) | | | 4.2.0 | -| Qwen1.5-7B | [✅](models/nlp/llm/qwen1.5-7b/vllm) | | [✅](models/nlp/llm/qwen1.5-7b/tgi) | 4.2.0 | -| Qwen1.5-14B | [✅](models/nlp/llm/qwen1.5-14b/vllm) | | | 4.2.0 | -| Qwen1.5-32B Chat | [✅](models/nlp/llm/qwen1.5-32b/vllm) | | | 4.2.0 | -| Qwen1.5-72B | [✅](models/nlp/llm/qwen1.5-72b/vllm) | | | 4.2.0 | -| Qwen2-7B Instruct | [✅](models/nlp/llm/qwen2-7b/vllm) | | | 4.2.0 | -| Qwen2-72B Instruct | [✅](models/nlp/llm/qwen2-72b/vllm) | | | 4.2.0 | -| StableLM2-1.6B | [✅](models/nlp/llm/stablelm/vllm) | | | 4.2.0 | +| Baichuan2-7B | [✅](models/nlp/llm/baichuan2-7b/vllm) | | | 4.3.0 | +| ChatGLM-3-6B | [✅](models/nlp/llm/chatglm3-6b/vllm) | | | 4.3.0 | +| ChatGLM-3-6B-32K | [✅](models/nlp/llm/chatglm3-6b-32k/vllm) | | | 4.3.0 | +| DeepSeek-R1-Distill-Llama-8B | [✅](models/nlp/llm/deepseek-r1-distill-llama-8b/vllm) | | | 4.3.0 | +| DeepSeek-R1-Distill-Llama-70B | [✅](models/nlp/llm/deepseek-r1-distill-llama-70b/vllm) | | | 4.3.0 | +| DeepSeek-R1-Distill-Qwen-1.5B | [✅](models/nlp/llm/deepseek-r1-distill-qwen-1.5b/vllm) | | | 4.3.0 | +| DeepSeek-R1-Distill-Qwen-7B | [✅](models/nlp/llm/deepseek-r1-distill-qwen-7b/vllm) | | | 4.3.0 | +| DeepSeek-R1-Distill-Qwen-14B | [✅](models/nlp/llm/deepseek-r1-distill-qwen-14b/vllm) | | | 4.3.0 | +| DeepSeek-R1-Distill-Qwen-32B | [✅](models/nlp/llm/deepseek-r1-distill-qwen-32b/vllm) | | | 4.3.0 | +| Llama2-7B | [✅](models/nlp/llm/llama2-7b/vllm) | [✅](models/nlp/llm/llama2-7b/trtllm) | | 4.3.0 | +| Llama2-13B | | [✅](models/nlp/llm/llama2-13b/trtllm) | | 4.3.0 | +| Llama2-70B | | [✅](models/nlp/llm/llama2-70b/trtllm) | | 4.3.0 | +| Llama3-70B | [✅](models/nlp/llm/llama3-70b/vllm) | | | 4.3.0 | +| Qwen-7B | [✅](models/nlp/llm/qwen-7b/vllm) | | | 4.3.0 | +| Qwen1.5-7B | [✅](models/nlp/llm/qwen1.5-7b/vllm) | | [✅](models/nlp/llm/qwen1.5-7b/tgi) | 4.3.0 | +| Qwen1.5-14B | [✅](models/nlp/llm/qwen1.5-14b/vllm) | | | 4.3.0 | +| Qwen1.5-32B Chat | [✅](models/nlp/llm/qwen1.5-32b/vllm) | | | 4.3.0 | +| Qwen1.5-72B | [✅](models/nlp/llm/qwen1.5-72b/vllm) | | | 4.3.0 | +| Qwen2-7B Instruct | [✅](models/nlp/llm/qwen2-7b/vllm) | | | 4.3.0 | +| Qwen2-72B Instruct | [✅](models/nlp/llm/qwen2-72b/vllm) | | | 4.3.0 | +| StableLM2-1.6B | [✅](models/nlp/llm/stablelm/vllm) | | | 4.3.0 | ### Computer Vision #### Classification -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |------------------------|-------|--------------------------------------------------------|-----------------------------------------------------------|-----------| -| AlexNet | FP16 | [✅](models/cv/classification/alexnet/igie) | [✅](models/cv/classification/alexnet/ixrt) | 4.2.0 | -| | INT8 | [✅](models/cv/classification/alexnet/igie) | [✅](models/cv/classification/alexnet/ixrt) | 4.2.0 | -| CLIP | FP16 | [✅](models/cv/classification/clip/igie) | | 4.2.0 | -| Conformer-B | FP16 | [✅](models/cv/classification/conformer_base/igie) | | 4.2.0 | -| ConvNeXt-Base | FP16 | [✅](models/cv/classification/convnext_base/igie) | [✅](models/cv/classification/convnext_base/ixrt) | 4.2.0 | -| ConvNext-S | FP16 | [✅](models/cv/classification/convnext_s/igie) | | 4.2.0 | -| ConvNeXt-Small | FP16 | [✅](models/cv/classification/convnext_small/igie) | [✅](models/cv/classification/convnext_small/ixrt) | 4.2.0 | -| ConvNeXt-Tiny | FP16 | [✅](models/cv/classification/convnext_tiny/igie) | | 4.2.0 | -| CSPDarkNet53 | FP16 | [✅](models/cv/classification/cspdarknet53/igie) | [✅](models/cv/classification/cspdarknet53/ixrt) | 4.2.0 | -| | INT8 | | [✅](models/cv/classification/cspdarknet53/ixrt) | 4.2.0 | -| CSPResNet50 | FP16 | [✅](models/cv/classification/cspresnet50/igie) | [✅](models/cv/classification/cspresnet50/ixrt) | 4.2.0 | -| | INT8 | | [✅](models/cv/classification/cspresnet50/ixrt) | 4.2.0 | -| CSPResNeXt50 | FP16 | [✅](models/cv/classification/cspresnext50/igie) | | 4.2.0 | -| DeiT-tiny | FP16 | [✅](models/cv/classification/deit_tiny/igie) | [✅](models/cv/classification/deit_tiny/ixrt) | 4.2.0 | -| DenseNet121 | FP16 | [✅](models/cv/classification/densenet121/igie) | [✅](models/cv/classification/densenet121/ixrt) | 4.2.0 | -| DenseNet161 | FP16 | [✅](models/cv/classification/densenet161/igie) | [✅](models/cv/classification/densenet161/ixrt) | 4.2.0 | -| DenseNet169 | FP16 | [✅](models/cv/classification/densenet169/igie) | [✅](models/cv/classification/densenet169/ixrt) | 4.2.0 | -| DenseNet201 | FP16 | [✅](models/cv/classification/densenet201/igie) | [✅](models/cv/classification/densenet201/ixrt) | 4.2.0 | -| EfficientNet-B0 | FP16 | [✅](models/cv/classification/efficientnet_b0/igie) | [✅](models/cv/classification/efficientnet_b0/ixrt) | 4.2.0 | -| | INT8 | | [✅](models/cv/classification/efficientnet_b0/ixrt) | 4.2.0 | -| EfficientNet-B1 | FP16 | [✅](models/cv/classification/efficientnet_b1/igie) | [✅](models/cv/classification/efficientnet_b1/ixrt) | 4.2.0 | -| | INT8 | | [✅](models/cv/classification/efficientnet_b1/ixrt) | 4.2.0 | -| EfficientNet-B2 | FP16 | [✅](models/cv/classification/efficientnet_b2/igie) | [✅](models/cv/classification/efficientnet_b2/ixrt) | 4.2.0 | -| EfficientNet-B3 | FP16 | [✅](models/cv/classification/efficientnet_b3/igie) | [✅](models/cv/classification/efficientnet_b3/ixrt) | 4.2.0 | -| EfficientNet-B4 | FP16 | [✅](models/cv/classification/efficientnet_b4/igie) | | 4.2.0 | -| EfficientNet-B5 | FP16 | [✅](models/cv/classification/efficientnet_b5/igie) | | 4.2.0 | -| EfficientNetV2 | FP16 | [✅](models/cv/classification/efficientnet_v2/igie) | [✅](models/cv/classification/efficientnet_v2/ixrt) | 4.2.0 | -| | INT8 | | [✅](models/cv/classification/efficientnet_v2/ixrt) | 4.2.0 | -| EfficientNetv2_rw_t | FP16 | [✅](models/cv/classification/efficientnetv2_rw_t/igie) | [✅](models/cv/classification/efficientnetv2_rw_t/ixrt) | 4.2.0 | -| EfficientNetv2_s | FP16 | [✅](models/cv/classification/efficientnet_v2_s/igie) | [✅](models/cv/classification/efficientnet_v2_s/ixrt) | 4.2.0 | -| GoogLeNet | FP16 | [✅](models/cv/classification/googlenet/igie) | [✅](models/cv/classification/googlenet/ixrt) | 4.2.0 | -| | INT8 | [✅](models/cv/classification/googlenet/igie) | [✅](models/cv/classification/googlenet/ixrt) | 4.2.0 | -| HRNet-W18 | FP16 | [✅](models/cv/classification/hrnet_w18/igie) | [✅](models/cv/classification/hrnet_w18/ixrt) | 4.2.0 | -| | INT8 | | [✅](models/cv/classification/hrnet_w18/ixrt) | 4.2.0 | -| InceptionV3 | FP16 | [✅](models/cv/classification/inception_v3/igie) | [✅](models/cv/classification/inception_v3/ixrt) | 4.2.0 | -| | INT8 | [✅](models/cv/classification/inception_v3/igie) | [✅](models/cv/classification/inception_v3/ixrt) | 4.2.0 | -| Inception-ResNet-V2 | FP16 | | [✅](models/cv/classification/inception_resnet_v2/ixrt) | 4.2.0 | -| | INT8 | | [✅](models/cv/classification/inception_resnet_v2/ixrt) | 4.2.0 | -| Mixer_B | FP16 | [✅](models/cv/classification/mlp_mixer_base/igie) | | 4.2.0 | -| MNASNet0_5 | FP16 | [✅](models/cv/classification/mnasnet0_5/igie) | | 4.2.0 | -| MNASNet0_75 | FP16 | [✅](models/cv/classification/mnasnet0_75/igie) | | 4.2.0 | -| MNASNet1_0 | FP16 | [✅](models/cv/classification/mnasnet1_0/igie) | | 4.2.0 | -| MobileNetV2 | FP16 | [✅](models/cv/classification/mobilenet_v2/igie) | [✅](models/cv/classification/mobilenet_v2/ixrt) | 4.2.0 | -| | INT8 | [✅](models/cv/classification/mobilenet_v2/igie) | [✅](models/cv/classification/mobilenet_v2/ixrt) | 4.2.0 | -| MobileNetV3_Large | FP16 | [✅](models/cv/classification/mobilenet_v3_large/igie) | | 4.2.0 | -| MobileNetV3_Small | FP16 | [✅](models/cv/classification/mobilenet_v3/igie) | [✅](models/cv/classification/mobilenet_v3/ixrt) | 4.2.0 | +| AlexNet | FP16 | [✅](models/cv/classification/alexnet/igie) | [✅](models/cv/classification/alexnet/ixrt) | 4.3.0 | +| | INT8 | [✅](models/cv/classification/alexnet/igie) | [✅](models/cv/classification/alexnet/ixrt) | 4.3.0 | +| CLIP | FP16 | [✅](models/cv/classification/clip/igie) | | 4.3.0 | +| Conformer-B | FP16 | [✅](models/cv/classification/conformer_base/igie) | | 4.3.0 | +| ConvNeXt-Base | FP16 | [✅](models/cv/classification/convnext_base/igie) | [✅](models/cv/classification/convnext_base/ixrt) | 4.3.0 | +| ConvNext-S | FP16 | [✅](models/cv/classification/convnext_s/igie) | | 4.3.0 | +| ConvNeXt-Small | FP16 | [✅](models/cv/classification/convnext_small/igie) | [✅](models/cv/classification/convnext_small/ixrt) | 4.3.0 | +| ConvNeXt-Tiny | FP16 | [✅](models/cv/classification/convnext_tiny/igie) | | 4.3.0 | +| CSPDarkNet53 | FP16 | [✅](models/cv/classification/cspdarknet53/igie) | [✅](models/cv/classification/cspdarknet53/ixrt) | 4.3.0 | +| | INT8 | | [✅](models/cv/classification/cspdarknet53/ixrt) | 4.3.0 | +| CSPResNet50 | FP16 | [✅](models/cv/classification/cspresnet50/igie) | [✅](models/cv/classification/cspresnet50/ixrt) | 4.3.0 | +| | INT8 | | [✅](models/cv/classification/cspresnet50/ixrt) | 4.3.0 | +| CSPResNeXt50 | FP16 | [✅](models/cv/classification/cspresnext50/igie) | | 4.3.0 | +| DeiT-tiny | FP16 | [✅](models/cv/classification/deit_tiny/igie) | [✅](models/cv/classification/deit_tiny/ixrt) | 4.3.0 | +| DenseNet121 | FP16 | [✅](models/cv/classification/densenet121/igie) | [✅](models/cv/classification/densenet121/ixrt) | 4.3.0 | +| DenseNet161 | FP16 | [✅](models/cv/classification/densenet161/igie) | [✅](models/cv/classification/densenet161/ixrt) | 4.3.0 | +| DenseNet169 | FP16 | [✅](models/cv/classification/densenet169/igie) | [✅](models/cv/classification/densenet169/ixrt) | 4.3.0 | +| DenseNet201 | FP16 | [✅](models/cv/classification/densenet201/igie) | [✅](models/cv/classification/densenet201/ixrt) | 4.3.0 | +| EfficientNet-B0 | FP16 | [✅](models/cv/classification/efficientnet_b0/igie) | [✅](models/cv/classification/efficientnet_b0/ixrt) | 4.3.0 | +| | INT8 | | [✅](models/cv/classification/efficientnet_b0/ixrt) | 4.3.0 | +| EfficientNet-B1 | FP16 | [✅](models/cv/classification/efficientnet_b1/igie) | [✅](models/cv/classification/efficientnet_b1/ixrt) | 4.3.0 | +| | INT8 | | [✅](models/cv/classification/efficientnet_b1/ixrt) | 4.3.0 | +| EfficientNet-B2 | FP16 | [✅](models/cv/classification/efficientnet_b2/igie) | [✅](models/cv/classification/efficientnet_b2/ixrt) | 4.3.0 | +| EfficientNet-B3 | FP16 | [✅](models/cv/classification/efficientnet_b3/igie) | [✅](models/cv/classification/efficientnet_b3/ixrt) | 4.3.0 | +| EfficientNet-B4 | FP16 | [✅](models/cv/classification/efficientnet_b4/igie) | | 4.3.0 | +| EfficientNet-B5 | FP16 | [✅](models/cv/classification/efficientnet_b5/igie) | | 4.3.0 | +| EfficientNetV2 | FP16 | [✅](models/cv/classification/efficientnet_v2/igie) | [✅](models/cv/classification/efficientnet_v2/ixrt) | 4.3.0 | +| | INT8 | | [✅](models/cv/classification/efficientnet_v2/ixrt) | 4.3.0 | +| EfficientNetv2_rw_t | FP16 | [✅](models/cv/classification/efficientnetv2_rw_t/igie) | [✅](models/cv/classification/efficientnetv2_rw_t/ixrt) | 4.3.0 | +| EfficientNetv2_s | FP16 | [✅](models/cv/classification/efficientnet_v2_s/igie) | [✅](models/cv/classification/efficientnet_v2_s/ixrt) | 4.3.0 | +| GoogLeNet | FP16 | [✅](models/cv/classification/googlenet/igie) | [✅](models/cv/classification/googlenet/ixrt) | 4.3.0 | +| | INT8 | [✅](models/cv/classification/googlenet/igie) | [✅](models/cv/classification/googlenet/ixrt) | 4.3.0 | +| HRNet-W18 | FP16 | [✅](models/cv/classification/hrnet_w18/igie) | [✅](models/cv/classification/hrnet_w18/ixrt) | 4.3.0 | +| | INT8 | | [✅](models/cv/classification/hrnet_w18/ixrt) | 4.3.0 | +| InceptionV3 | FP16 | [✅](models/cv/classification/inception_v3/igie) | [✅](models/cv/classification/inception_v3/ixrt) | 4.3.0 | +| | INT8 | [✅](models/cv/classification/inception_v3/igie) | [✅](models/cv/classification/inception_v3/ixrt) | 4.3.0 | +| Inception-ResNet-V2 | FP16 | | [✅](models/cv/classification/inception_resnet_v2/ixrt) | 4.3.0 | +| | INT8 | | [✅](models/cv/classification/inception_resnet_v2/ixrt) | 4.3.0 | +| Mixer_B | FP16 | [✅](models/cv/classification/mlp_mixer_base/igie) | | 4.3.0 | +| MNASNet0_5 | FP16 | [✅](models/cv/classification/mnasnet0_5/igie) | | 4.3.0 | +| MNASNet0_75 | FP16 | [✅](models/cv/classification/mnasnet0_75/igie) | | 4.3.0 | +| MNASNet1_0 | FP16 | [✅](models/cv/classification/mnasnet1_0/igie) | | 4.3.0 | +| MobileNetV2 | FP16 | [✅](models/cv/classification/mobilenet_v2/igie) | [✅](models/cv/classification/mobilenet_v2/ixrt) | 4.3.0 | +| | INT8 | [✅](models/cv/classification/mobilenet_v2/igie) | [✅](models/cv/classification/mobilenet_v2/ixrt) | 4.3.0 | +| MobileNetV3_Large | FP16 | [✅](models/cv/classification/mobilenet_v3_large/igie) | | 4.3.0 | +| MobileNetV3_Small | FP16 | [✅](models/cv/classification/mobilenet_v3/igie) | [✅](models/cv/classification/mobilenet_v3/ixrt) | 4.3.0 | | MViTv2_base | FP16 | [✅](models/cv/classification/mvitv2_base/igie) | | 4.2.0 | -| RegNet_x_16gf | FP16 | [✅](models/cv/classification/regnet_x_16gf/igie) | | 4.2.0 | -| RegNet_x_1_6gf | FP16 | [✅](models/cv/classification/regnet_x_1_6gf/igie) | | 4.2.0 | -| RegNet_x_3_2gf | FP16 | [✅](models/cv/classification/regnet_x_3_2gf/igie) | | 4.2.0 | -| RegNet_y_1_6gf | FP16 | [✅](models/cv/classification/regnet_y_1_6gf/igie) | | 4.2.0 | -| RegNet_y_16gf | FP16 | [✅](models/cv/classification/regnet_y_16gf/igie) | | 4.2.0 | -| RepVGG | FP16 | [✅](models/cv/classification/repvgg/igie) | [✅](models/cv/classification/repvgg/ixrt) | 4.2.0 | -| Res2Net50 | FP16 | [✅](models/cv/classification/res2net50/igie) | [✅](models/cv/classification/res2net50/ixrt) | 4.2.0 | -| | INT8 | | [✅](models/cv/classification/res2net50/ixrt) | 4.2.0 | -| ResNeSt50 | FP16 | [✅](models/cv/classification/resnest50/igie) | | 4.2.0 | -| ResNet101 | FP16 | [✅](models/cv/classification/resnet101/igie) | [✅](models/cv/classification/resnet101/ixrt) | 4.2.0 | -| | INT8 | [✅](models/cv/classification/resnet101/igie) | [✅](models/cv/classification/resnet101/ixrt) | 4.2.0 | -| ResNet152 | FP16 | [✅](models/cv/classification/resnet152/igie) | | 4.2.0 | -| | INT8 | [✅](models/cv/classification/resnet152/igie) | | 4.2.0 | -| ResNet18 | FP16 | [✅](models/cv/classification/resnet18/igie) | [✅](models/cv/classification/resnet18/ixrt) | 4.2.0 | -| | INT8 | [✅](models/cv/classification/resnet18/igie) | [✅](models/cv/classification/resnet18/ixrt) | 4.2.0 | -| ResNet34 | FP16 | | [✅](models/cv/classification/resnet34/ixrt) | 4.2.0 | -| | INT8 | | [✅](models/cv/classification/resnet34/ixrt) | 4.2.0 | -| ResNet50 | FP16 | [✅](models/cv/classification/resnet50/igie) | [✅](models/cv/classification/resnet50/ixrt) | 4.2.0 | -| | INT8 | [✅](models/cv/classification/resnet50/igie) | | 4.2.0 | -| ResNetV1D50 | FP16 | [✅](models/cv/classification/resnetv1d50/igie) | [✅](models/cv/classification/resnetv1d50/ixrt) | 4.2.0 | -| | INT8 | | [✅](models/cv/classification/resnetv1d50/ixrt) | 4.2.0 | -| ResNeXt50_32x4d | FP16 | [✅](models/cv/classification/resnext50_32x4d/igie) | [✅](models/cv/classification/resnext50_32x4d/ixrt) | 4.2.0 | -| ResNeXt101_64x4d | FP16 | [✅](models/cv/classification/resnext101_64x4d/igie) | [✅](models/cv/classification/resnext101_64x4d/ixrt) | 4.2.0 | -| ResNeXt101_32x8d | FP16 | [✅](models/cv/classification/resnext101_32x8d/igie) | [✅](models/cv/classification/resnext101_32x8d/ixrt) | 4.2.0 | -| SEResNet50 | FP16 | [✅](models/cv/classification/se_resnet50/igie) | | 4.2.0 | -| ShuffleNetV1 | FP16 | | [✅](models/cv/classification/shufflenet_v1/ixrt) | 4.2.0 | -| ShuffleNetV2_x0_5 | FP16 | [✅](models/cv/classification/shufflenetv2_x0_5/igie) | [✅](models/cv/classification/shufflenetv2_x0_5/ixrt) | 4.2.0 | -| ShuffleNetV2_x1_0 | FP16 | [✅](models/cv/classification/shufflenetv2_x1_0/igie) | [✅](models/cv/classification/shufflenetv2_x1_0/ixrt) | 4.2.0 | -| ShuffleNetV2_x1_5 | FP16 | [✅](models/cv/classification/shufflenetv2_x1_5/igie) | [✅](models/cv/classification/shufflenetv2_x1_5/ixrt) | 4.2.0 | -| ShuffleNetV2_x2_0 | FP16 | [✅](models/cv/classification/shufflenetv2_x2_0/igie) | [✅](models/cv/classification/shufflenetv2_x2_0/ixrt) | 4.2.0 | -| SqueezeNet 1.0 | FP16 | [✅](models/cv/classification/squeezenet_v1_0/igie) | [✅](models/cv/classification/squeezenet_v1_0/ixrt) | 4.2.0 | -| | INT8 | | [✅](models/cv/classification/squeezenet_v1_0/ixrt) | 4.2.0 | -| SqueezeNet 1.1 | FP16 | [✅](models/cv/classification/squeezenet_v1_1/igie) | [✅](models/cv/classification/squeezenet_v1_1/ixrt) | 4.2.0 | -| | INT8 | | [✅](models/cv/classification/squeezenet_v1_1/ixrt) | 4.2.0 | -| SVT Base | FP16 | [✅](models/cv/classification/svt_base/igie) | | 4.2.0 | -| Swin Transformer | FP16 | [✅](models/cv/classification/swin_transformer/igie) | | 4.2.0 | -| Swin Transformer Large | FP16 | | [✅](models/cv/classification/swin_transformer_large/ixrt) | 4.2.0 | -| Twins_PCPVT | FP16 | [✅](models/cv/classification/twins_pcpvt/igie) | | 4.2.0 | -| VAN_B0 | FP16 | [✅](models/cv/classification/van_b0/igie) | | 4.2.0 | -| VGG11 | FP16 | [✅](models/cv/classification/vgg11/igie) | | 4.2.0 | -| VGG16 | FP16 | [✅](models/cv/classification/vgg16/igie) | [✅](models/cv/classification/vgg16/ixrt) | 4.2.0 | -| | INT8 | [✅](models/cv/classification/vgg16/igie) | | 4.2.0 | -| VGG19 | FP16 | [✅](models/cv/classification/vgg19/igie) | | 4.2.0 | -| VGG19_BN | FP16 | [✅](models/cv/classification/vgg19_bn/igie) | | 4.2.0 | -| ViT | FP16 | [✅](models/cv/classification/vit/igie) | | 4.2.0 | -| Wide ResNet50 | FP16 | [✅](models/cv/classification/wide_resnet50/igie) | [✅](models/cv/classification/wide_resnet50/ixrt) | 4.2.0 | -| | INT8 | [✅](models/cv/classification/wide_resnet50/igie) | [✅](models/cv/classification/wide_resnet50/ixrt) | 4.2.0 | -| Wide ResNet101 | FP16 | [✅](models/cv/classification/wide_resnet101/igie) | | 4.2.0 | +| RegNet_x_16gf | FP16 | [✅](models/cv/classification/regnet_x_16gf/igie) | | 4.3.0 | +| RegNet_x_1_6gf | FP16 | [✅](models/cv/classification/regnet_x_1_6gf/igie) | | 4.3.0 | +| RegNet_x_3_2gf | FP16 | [✅](models/cv/classification/regnet_x_3_2gf/igie) | | 4.3.0 | +| RegNet_y_1_6gf | FP16 | [✅](models/cv/classification/regnet_y_1_6gf/igie) | | 4.3.0 | +| RegNet_y_16gf | FP16 | [✅](models/cv/classification/regnet_y_16gf/igie) | | 4.3.0 | +| RepVGG | FP16 | [✅](models/cv/classification/repvgg/igie) | [✅](models/cv/classification/repvgg/ixrt) | 4.3.0 | +| Res2Net50 | FP16 | [✅](models/cv/classification/res2net50/igie) | [✅](models/cv/classification/res2net50/ixrt) | 4.3.0 | +| | INT8 | | [✅](models/cv/classification/res2net50/ixrt) | 4.3.0 | +| ResNeSt50 | FP16 | [✅](models/cv/classification/resnest50/igie) | | 4.3.0 | +| ResNet101 | FP16 | [✅](models/cv/classification/resnet101/igie) | [✅](models/cv/classification/resnet101/ixrt) | 4.3.0 | +| | INT8 | [✅](models/cv/classification/resnet101/igie) | [✅](models/cv/classification/resnet101/ixrt) | 4.3.0 | +| ResNet152 | FP16 | [✅](models/cv/classification/resnet152/igie) | | 4.3.0 | +| | INT8 | [✅](models/cv/classification/resnet152/igie) | | 4.3.0 | +| ResNet18 | FP16 | [✅](models/cv/classification/resnet18/igie) | [✅](models/cv/classification/resnet18/ixrt) | 4.3.0 | +| | INT8 | [✅](models/cv/classification/resnet18/igie) | [✅](models/cv/classification/resnet18/ixrt) | 4.3.0 | +| ResNet34 | FP16 | | [✅](models/cv/classification/resnet34/ixrt) | 4.3.0 | +| | INT8 | | [✅](models/cv/classification/resnet34/ixrt) | 4.3.0 | +| ResNet50 | FP16 | [✅](models/cv/classification/resnet50/igie) | [✅](models/cv/classification/resnet50/ixrt) | 4.3.0 | +| | INT8 | [✅](models/cv/classification/resnet50/igie) | | 4.3.0 | +| ResNetV1D50 | FP16 | [✅](models/cv/classification/resnetv1d50/igie) | [✅](models/cv/classification/resnetv1d50/ixrt) | 4.3.0 | +| | INT8 | | [✅](models/cv/classification/resnetv1d50/ixrt) | 4.3.0 | +| ResNeXt50_32x4d | FP16 | [✅](models/cv/classification/resnext50_32x4d/igie) | [✅](models/cv/classification/resnext50_32x4d/ixrt) | 4.3.0 | +| ResNeXt101_64x4d | FP16 | [✅](models/cv/classification/resnext101_64x4d/igie) | [✅](models/cv/classification/resnext101_64x4d/ixrt) | 4.3.0 | +| ResNeXt101_32x8d | FP16 | [✅](models/cv/classification/resnext101_32x8d/igie) | [✅](models/cv/classification/resnext101_32x8d/ixrt) | 4.3.0 | +| SEResNet50 | FP16 | [✅](models/cv/classification/se_resnet50/igie) | | 4.3.0 | +| ShuffleNetV1 | FP16 | | [✅](models/cv/classification/shufflenet_v1/ixrt) | 4.3.0 | +| ShuffleNetV2_x0_5 | FP16 | [✅](models/cv/classification/shufflenetv2_x0_5/igie) | [✅](models/cv/classification/shufflenetv2_x0_5/ixrt) | 4.3.0 | +| ShuffleNetV2_x1_0 | FP16 | [✅](models/cv/classification/shufflenetv2_x1_0/igie) | [✅](models/cv/classification/shufflenetv2_x1_0/ixrt) | 4.3.0 | +| ShuffleNetV2_x1_5 | FP16 | [✅](models/cv/classification/shufflenetv2_x1_5/igie) | [✅](models/cv/classification/shufflenetv2_x1_5/ixrt) | 4.3.0 | +| ShuffleNetV2_x2_0 | FP16 | [✅](models/cv/classification/shufflenetv2_x2_0/igie) | [✅](models/cv/classification/shufflenetv2_x2_0/ixrt) | 4.3.0 | +| SqueezeNet 1.0 | FP16 | [✅](models/cv/classification/squeezenet_v1_0/igie) | [✅](models/cv/classification/squeezenet_v1_0/ixrt) | 4.3.0 | +| | INT8 | | [✅](models/cv/classification/squeezenet_v1_0/ixrt) | 4.3.0 | +| SqueezeNet 1.1 | FP16 | [✅](models/cv/classification/squeezenet_v1_1/igie) | [✅](models/cv/classification/squeezenet_v1_1/ixrt) | 4.3.0 | +| | INT8 | | [✅](models/cv/classification/squeezenet_v1_1/ixrt) | 4.3.0 | +| SVT Base | FP16 | [✅](models/cv/classification/svt_base/igie) | | 4.3.0 | +| Swin Transformer | FP16 | [✅](models/cv/classification/swin_transformer/igie) | | 4.3.0 | +| Swin Transformer Large | FP16 | | [✅](models/cv/classification/swin_transformer_large/ixrt) | 4.3.0 | +| Twins_PCPVT | FP16 | [✅](models/cv/classification/twins_pcpvt/igie) | | 4.3.0 | +| VAN_B0 | FP16 | [✅](models/cv/classification/van_b0/igie) | | 4.3.0 | +| VGG11 | FP16 | [✅](models/cv/classification/vgg11/igie) | | 4.3.0 | +| VGG16 | FP16 | [✅](models/cv/classification/vgg16/igie) | [✅](models/cv/classification/vgg16/ixrt) | 4.3.0 | +| | INT8 | [✅](models/cv/classification/vgg16/igie) | | 4.3.0 | +| VGG19 | FP16 | [✅](models/cv/classification/vgg19/igie) | | 4.3.0 | +| VGG19_BN | FP16 | [✅](models/cv/classification/vgg19_bn/igie) | | 4.3.0 | +| ViT | FP16 | [✅](models/cv/classification/vit/igie) | | 4.3.0 | +| Wide ResNet50 | FP16 | [✅](models/cv/classification/wide_resnet50/igie) | [✅](models/cv/classification/wide_resnet50/ixrt) | 4.3.0 | +| | INT8 | [✅](models/cv/classification/wide_resnet50/igie) | [✅](models/cv/classification/wide_resnet50/ixrt) | 4.3.0 | +| Wide ResNet101 | FP16 | [✅](models/cv/classification/wide_resnet101/igie) | | 4.3.0 | #### Object Detection -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |------------|-------|-------------------------------------------------|-------------------------------------------------|-----------| -| ATSS | FP16 | [✅](models/cv/object_detection/atss/igie) | | 4.2.0 | -| CenterNet | FP16 | [✅](models/cv/object_detection/centernet/igie) | [✅](models/cv/object_detection/centernet/ixrt) | 4.2.0 | -| DETR | FP16 | | [✅](models/cv/object_detection/detr/ixrt) | 4.2.0 | -| FCOS | FP16 | [✅](models/cv/object_detection/fcos/igie) | [✅](models/cv/object_detection/fcos/ixrt) | 4.2.0 | -| FoveaBox | FP16 | [✅](models/cv/object_detection/foveabox/igie) | [✅](models/cv/object_detection/foveabox/ixrt) | 4.2.0 | -| FSAF | FP16 | [✅](models/cv/object_detection/fsaf/igie) | [✅](models/cv/object_detection/fsaf/ixrt) | 4.2.0 | -| GFL | FP16 | [✅](models/cv/object_detection/gfl/igie) | | 4.2.0 | -| HRNet | FP16 | [✅](models/cv/object_detection/hrnet/igie) | [✅](models/cv/object_detection/hrnet/ixrt) | 4.2.0 | -| PAA | FP16 | [✅](models/cv/object_detection/paa/igie) | | 4.2.0 | -| RetinaFace | FP16 | [✅](models/cv/object_detection/retinaface/igie) | [✅](models/cv/object_detection/retinaface/ixrt) | 4.2.0 | -| RetinaNet | FP16 | [✅](models/cv/object_detection/retinanet/igie) | | 4.2.0 | -| RTMDet | FP16 | [✅](models/cv/object_detection/rtmdet/igie) | | 4.2.0 | -| SABL | FP16 | [✅](models/cv/object_detection/sabl/igie) | | 4.2.0 | -| YOLOv3 | FP16 | [✅](models/cv/object_detection/yolov3/igie) | [✅](models/cv/object_detection/yolov3/ixrt) | 4.2.0 | -| | INT8 | [✅](models/cv/object_detection/yolov3/igie) | [✅](models/cv/object_detection/yolov3/ixrt) | 4.2.0 | -| YOLOv4 | FP16 | [✅](models/cv/object_detection/yolov4/igie) | [✅](models/cv/object_detection/yolov4/ixrt) | 4.2.0 | -| | INT8 | [✅](models/cv/object_detection/yolov4/igie16) | [✅](models/cv/object_detection/yolov4/ixrt16) | 4.2.0 | -| YOLOv5 | FP16 | [✅](models/cv/object_detection/yolov5/igie) | [✅](models/cv/object_detection/yolov5/ixrt) | 4.2.0 | -| | INT8 | [✅](models/cv/object_detection/yolov5/igie) | [✅](models/cv/object_detection/yolov5/ixrt) | 4.2.0 | -| YOLOv5s | FP16 | | [✅](models/cv/object_detection/yolov5s/ixrt) | 4.2.0 | -| | INT8 | | [✅](models/cv/object_detection/yolov5s/ixrt) | 4.2.0 | -| YOLOv6 | FP16 | [✅](models/cv/object_detection/yolov6/igie) | [✅](models/cv/object_detection/yolov6/ixrt) | 4.2.0 | -| | INT8 | | [✅](models/cv/object_detection/yolov6/ixrt) | 4.2.0 | -| YOLOv7 | FP16 | [✅](models/cv/object_detection/yolov7/igie) | [✅](models/cv/object_detection/yolov7/ixrt) | 4.2.0 | -| | INT8 | [✅](models/cv/object_detection/yolov7/igie) | [✅](models/cv/object_detection/yolov7/ixrt) | 4.2.0 | -| YOLOv8 | FP16 | [✅](models/cv/object_detection/yolov8/igie) | [✅](models/cv/object_detection/yolov8/ixrt) | 4.2.0 | -| | INT8 | [✅](models/cv/object_detection/yolov8/igie) | [✅](models/cv/object_detection/yolov8/ixrt) | 4.2.0 | -| YOLOv9 | FP16 | [✅](models/cv/object_detection/yolov9/igie) | [✅](models/cv/object_detection/yolov9/ixrt) | 4.2.0 | -| YOLOv10 | FP16 | [✅](models/cv/object_detection/yolov10/igie) | [✅](models/cv/object_detection/yolov10/ixrt) | 4.2.0 | -| YOLOv11 | FP16 | [✅](models/cv/object_detection/yolov11/igie) | [✅](models/cv/object_detection/yolov11/ixrt) | 4.2.0 | -| YOLOv12 | FP16 | [✅](models/cv/object_detection/yolov12/igie) | | 4.2.0 | -| YOLOX | FP16 | [✅](models/cv/object_detection/yolox/igie) | [✅](models/cv/object_detection/yolox/ixrt) | 4.2.0 | -| | INT8 | [✅](models/cv/object_detection/yolox/igie) | [✅](models/cv/object_detection/yolox/ixrt) | 4.2.0 | +| ATSS | FP16 | [✅](models/cv/object_detection/atss/igie) | | 4.3.0 | +| CenterNet | FP16 | [✅](models/cv/object_detection/centernet/igie) | [✅](models/cv/object_detection/centernet/ixrt) | 4.3.0 | +| DETR | FP16 | | [✅](models/cv/object_detection/detr/ixrt) | 4.3.0 | +| FCOS | FP16 | [✅](models/cv/object_detection/fcos/igie) | [✅](models/cv/object_detection/fcos/ixrt) | 4.3.0 | +| FoveaBox | FP16 | [✅](models/cv/object_detection/foveabox/igie) | [✅](models/cv/object_detection/foveabox/ixrt) | 4.3.0 | +| FSAF | FP16 | [✅](models/cv/object_detection/fsaf/igie) | [✅](models/cv/object_detection/fsaf/ixrt) | 4.3.0 | +| GFL | FP16 | [✅](models/cv/object_detection/gfl/igie) | | 4.3.0 | +| HRNet | FP16 | [✅](models/cv/object_detection/hrnet/igie) | [✅](models/cv/object_detection/hrnet/ixrt) | 4.3.0 | +| PAA | FP16 | [✅](models/cv/object_detection/paa/igie) | | 4.3.0 | +| RetinaFace | FP16 | [✅](models/cv/object_detection/retinaface/igie) | [✅](models/cv/object_detection/retinaface/ixrt) | 4.3.0 | +| RetinaNet | FP16 | [✅](models/cv/object_detection/retinanet/igie) | | 4.3.0 | +| RTMDet | FP16 | [✅](models/cv/object_detection/rtmdet/igie) | | 4.3.0 | +| SABL | FP16 | [✅](models/cv/object_detection/sabl/igie) | | 4.3.0 | +| YOLOv3 | FP16 | [✅](models/cv/object_detection/yolov3/igie) | [✅](models/cv/object_detection/yolov3/ixrt) | 4.3.0 | +| | INT8 | [✅](models/cv/object_detection/yolov3/igie) | [✅](models/cv/object_detection/yolov3/ixrt) | 4.3.0 | +| YOLOv4 | FP16 | [✅](models/cv/object_detection/yolov4/igie) | [✅](models/cv/object_detection/yolov4/ixrt) | 4.3.0 | +| | INT8 | [✅](models/cv/object_detection/yolov4/igie16) | [✅](models/cv/object_detection/yolov4/ixrt16) | 4.3.0 | +| YOLOv5 | FP16 | [✅](models/cv/object_detection/yolov5/igie) | [✅](models/cv/object_detection/yolov5/ixrt) | 4.3.0 | +| | INT8 | [✅](models/cv/object_detection/yolov5/igie) | [✅](models/cv/object_detection/yolov5/ixrt) | 4.3.0 | +| YOLOv5s | FP16 | | [✅](models/cv/object_detection/yolov5s/ixrt) | 4.3.0 | +| | INT8 | | [✅](models/cv/object_detection/yolov5s/ixrt) | 4.3.0 | +| YOLOv6 | FP16 | [✅](models/cv/object_detection/yolov6/igie) | [✅](models/cv/object_detection/yolov6/ixrt) | 4.3.0 | +| | INT8 | | [✅](models/cv/object_detection/yolov6/ixrt) | 4.3.0 | +| YOLOv7 | FP16 | [✅](models/cv/object_detection/yolov7/igie) | [✅](models/cv/object_detection/yolov7/ixrt) | 4.3.0 | +| | INT8 | [✅](models/cv/object_detection/yolov7/igie) | [✅](models/cv/object_detection/yolov7/ixrt) | 4.3.0 | +| YOLOv8 | FP16 | [✅](models/cv/object_detection/yolov8/igie) | [✅](models/cv/object_detection/yolov8/ixrt) | 4.3.0 | +| | INT8 | [✅](models/cv/object_detection/yolov8/igie) | [✅](models/cv/object_detection/yolov8/ixrt) | 4.3.0 | +| YOLOv9 | FP16 | [✅](models/cv/object_detection/yolov9/igie) | [✅](models/cv/object_detection/yolov9/ixrt) | 4.3.0 | +| YOLOv10 | FP16 | [✅](models/cv/object_detection/yolov10/igie) | [✅](models/cv/object_detection/yolov10/ixrt) | 4.3.0 | +| YOLOv11 | FP16 | [✅](models/cv/object_detection/yolov11/igie) | [✅](models/cv/object_detection/yolov11/ixrt) | 4.3.0 | +| YOLOv12 | FP16 | [✅](models/cv/object_detection/yolov12/igie) | | 4.3.0 | +| YOLOX | FP16 | [✅](models/cv/object_detection/yolox/igie) | [✅](models/cv/object_detection/yolox/ixrt) | 4.3.0 | +| | INT8 | [✅](models/cv/object_detection/yolox/igie) | [✅](models/cv/object_detection/yolox/ixrt) | 4.3.0 | #### Face Recognition -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |---------|-------|------|----------------------------------------------|-----------| -| FaceNet | FP16 | | [✅](models/cv/face_recognition/facenet/ixrt) | 4.2.0 | -| | INT8 | | [✅](models/cv/face_recognition/facenet/ixrt) | 4.2.0 | +| FaceNet | FP16 | | [✅](models/cv/face_recognition/facenet/ixrt) | 4.3.0 | +| | INT8 | | [✅](models/cv/face_recognition/facenet/ixrt) | 4.3.0 | #### OCR (Optical Character Recognition) | Model | Prec. | IGIE | IXUCA SDK | |---------------|-------|---------------------------------------|-----------| -| Kie_layoutXLM | FP16 | [✅](models/cv/ocr/kie_layoutxlm/igie) | 4.2.0 | -| SVTR | FP16 | [✅](models/cv/ocr/svtr/igie) | 4.2.0 | +| Kie_layoutXLM | FP16 | [✅](models/cv/ocr/kie_layoutxlm/igie) | 4.3.0 | +| SVTR | FP16 | [✅](models/cv/ocr/svtr/igie) | 4.3.0 | #### Pose Estimation -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |----------------------|-------|-----------------------------------------------|----------------------------------------------------------|-----------| -| HRNetPose | FP16 | [✅](models/cv/pose_estimation/hrnetpose/igie) | | 4.2.0 | -| Lightweight OpenPose | FP16 | | [✅](models/cv/pose_estimation/lightweight_openpose/ixrt) | 4.2.0 | -| RTMPose | FP16 | [✅](models/cv/pose_estimation/rtmpose/igie) | [✅](models/cv/pose_estimation/rtmpose/ixrt) | 4.2.0 | +| HRNetPose | FP16 | [✅](models/cv/pose_estimation/hrnetpose/igie) | | 4.3.0 | +| Lightweight OpenPose | FP16 | | [✅](models/cv/pose_estimation/lightweight_openpose/ixrt) | 4.3.0 | +| RTMPose | FP16 | [✅](models/cv/pose_estimation/rtmpose/igie) | [✅](models/cv/pose_estimation/rtmpose/ixrt) | 4.3.0 | #### Instance Segmentation -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |------------|-------|------|-----------------------------------------------------|-----------| | Mask R-CNN | FP16 | | [✅](models/cv/instance_segmentation/mask_rcnn/ixrt) | 4.2.0 | -| SOLOv1 | FP16 | | [✅](models/cv/instance_segmentation/solov1/ixrt) | 4.2.0 | +| SOLOv1 | FP16 | | [✅](models/cv/instance_segmentation/solov1/ixrt) | 4.3.0 | #### Semantic Segmentation -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |-------|-------|------------------------------------------------|------|-----------| -| UNet | FP16 | [✅](models/cv/semantic_segmentation/unet/igie) | | 4.2.0 | +| UNet | FP16 | [✅](models/cv/semantic_segmentation/unet/igie) | | 4.3.0 | #### Multi-Object Tracking -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |---------------------|-------|----------------------------------------------------|------|-----------| -| FastReID | FP16 | [✅](models/cv/multi_object_tracking/fastreid/igie) | | 4.2.0 | -| DeepSort | FP16 | [✅](models/cv/multi_object_tracking/deepsort/igie) | | 4.2.0 | -| | INT8 | [✅](models/cv/multi_object_tracking/deepsort/igie) | | 4.2.0 | -| RepNet-Vehicle-ReID | FP16 | [✅](models/cv/multi_object_tracking/repnet/igie) | | 4.2.0 | +| FastReID | FP16 | [✅](models/cv/multi_object_tracking/fastreid/igie) | | 4.3.0 | +| DeepSort | FP16 | [✅](models/cv/multi_object_tracking/deepsort/igie) | | 4.3.0 | +| | INT8 | [✅](models/cv/multi_object_tracking/deepsort/igie) | | 4.3.0 | +| RepNet-Vehicle-ReID | FP16 | [✅](models/cv/multi_object_tracking/repnet/igie) | | 4.3.0 | ### Multimodal | Model | vLLM | IxFormer | IXUCA SDK | |---------------------|-----------------------------------------------------------------------|------------------------------------------------------------|-----------| -| Aria | [✅](models/multimodal/vision_language_model/aria/vllm) | | 4.2.0 | -| Chameleon-7B | [✅](models/multimodal/vision_language_model/chameleon_7b/vllm) | | 4.2.0 | -| CLIP | | [✅](models/multimodal/vision_language_model/clip/ixformer) | 4.2.0 | -| Fuyu-8B | [✅](models/multimodal/vision_language_model/fuyu_8b/vllm) | | 4.2.0 | -| H2OVL Mississippi | [✅](models/multimodal/vision_language_model/h2vol/vllm) | | 4.2.0 | -| Idefics3 | [✅](models/multimodal/vision_language_model/idefics3/vllm) | | 4.2.0 | -| InternVL2-4B | [✅](models/multimodal/vision_language_model/intern_vl/vllm) | | 4.2.0 | -| LLaVA | [✅](models/multimodal/vision_language_model/llava/vllm) | | 4.2.0 | -| LLaVA-Next-Video-7B | [✅](models/multimodal/vision_language_model/llava_next_video_7b/vllm) | | 4.2.0 | -| Llama-3.2 | [✅](models/multimodal/vision_language_model/llama-3.2/vllm) | | 4.2.0 | -| MiniCPM-V 2 | [✅](models/multimodal/vision_language_model/minicpm_v/vllm) | | 4.2.0 | -| Pixtral | [✅](models/multimodal/vision_language_model/pixtral/vllm) | | 4.2.0 | +| Aria | [✅](models/multimodal/vision_language_model/aria/vllm) | | 4.3.0 | +| Chameleon-7B | [✅](models/multimodal/vision_language_model/chameleon_7b/vllm) | | 4.3.0 | +| CLIP | | [✅](models/multimodal/vision_language_model/clip/ixformer) | 4.3.0 | +| Fuyu-8B | [✅](models/multimodal/vision_language_model/fuyu_8b/vllm) | | 4.3.0 | +| H2OVL Mississippi | [✅](models/multimodal/vision_language_model/h2vol/vllm) | | 4.3.0 | +| Idefics3 | [✅](models/multimodal/vision_language_model/idefics3/vllm) | | 4.3.0 | +| InternVL2-4B | [✅](models/multimodal/vision_language_model/intern_vl/vllm) | | 4.3.0 | +| LLaVA | [✅](models/multimodal/vision_language_model/llava/vllm) | | 4.3.0 | +| LLaVA-Next-Video-7B | [✅](models/multimodal/vision_language_model/llava_next_video_7b/vllm) | | 4.3.0 | +| Llama-3.2 | [✅](models/multimodal/vision_language_model/llama-3.2/vllm) | | 4.3.0 | +| MiniCPM-V 2 | [✅](models/multimodal/vision_language_model/minicpm_v/vllm) | | 4.3.0 | +| Pixtral | [✅](models/multimodal/vision_language_model/pixtral/vllm) | | 4.3.0 | ### NLP #### PLM (Pre-trained Language Model) -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |------------------|-------|-------------------------------------------|-------------------------------------------|-----------| -| ALBERT | FP16 | | [✅](models/nlp/plm/albert/ixrt) | 4.2.0 | -| BERT Base NER | INT8 | [✅](models/nlp/plm/bert_base_ner/igie) | | 4.2.0 | -| BERT Base SQuAD | FP16 | [✅](models/nlp/plm/bert_base_squad/igie) | [✅](models/nlp/plm/bert_base_squad/ixrt) | 4.2.0 | -| | INT8 | | [✅](models/nlp/plm/bert_base_squad/ixrt) | 4.2.0 | -| BERT Large SQuAD | FP16 | [✅](models/nlp/plm/bert_large_squad/igie) | [✅](models/nlp/plm/bert_large_squad/ixrt) | 4.2.0 | -| | INT8 | [✅](models/nlp/plm/bert_large_squad/igie) | [✅](models/nlp/plm/bert_large_squad/ixrt) | 4.2.0 | -| DeBERTa | FP16 | | [✅](models/nlp/plm/deberta/ixrt) | 4.2.0 | -| RoBERTa | FP16 | | [✅](models/nlp/plm/roberta/ixrt) | 4.2.0 | -| RoFormer | FP16 | | [✅](models/nlp/plm/roformer/ixrt) | 4.2.0 | +| ALBERT | FP16 | | [✅](models/nlp/plm/albert/ixrt) | 4.3.0 | +| BERT Base NER | INT8 | [✅](models/nlp/plm/bert_base_ner/igie) | | 4.3.0 | +| BERT Base SQuAD | FP16 | [✅](models/nlp/plm/bert_base_squad/igie) | [✅](models/nlp/plm/bert_base_squad/ixrt) | 4.3.0 | +| | INT8 | | [✅](models/nlp/plm/bert_base_squad/ixrt) | 4.3.0 | +| BERT Large SQuAD | FP16 | [✅](models/nlp/plm/bert_large_squad/igie) | [✅](models/nlp/plm/bert_large_squad/ixrt) | 4.3.0 | +| | INT8 | [✅](models/nlp/plm/bert_large_squad/igie) | [✅](models/nlp/plm/bert_large_squad/ixrt) | 4.3.0 | +| DeBERTa | FP16 | | [✅](models/nlp/plm/deberta/ixrt) | 4.3.0 | +| RoBERTa | FP16 | | [✅](models/nlp/plm/roberta/ixrt) | 4.3.0 | +| RoFormer | FP16 | | [✅](models/nlp/plm/roformer/ixrt) | 4.3.0 | | VideoBERT | FP16 | | [✅](models/nlp/plm/videobert/ixrt) | 4.2.0 | ### Audio #### Speech Recognition -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |-----------------|-------|-----------------------------------------------------|-----------------------------------------------------------|-----------| -| Conformer | FP16 | [✅](models/audio/speech_recognition/conformer/igie) | [✅](models/audio/speech_recognition/conformer/ixrt) | 4.2.0 | +| Conformer | FP16 | [✅](models/audio/speech_recognition/conformer/igie) | [✅](models/audio/speech_recognition/conformer/ixrt) | 4.3.0 | | Transformer ASR | FP16 | | [✅](models/audio/speech_recognition/transformer_asr/ixrt) | 4.2.0 | ### Others #### Recommendation Systems -| Model | Prec. | IGIE | IxRT | IXUCA SDK | +| Model | Prec. | IGIE | ixRT | IXUCA SDK | |-------------|-------|------|------------------------------------------------------|-----------| -| Wide & Deep | FP16 | | [✅](models/others/recommendation/wide_and_deep/ixrt) | 4.2.0 | +| Wide & Deep | FP16 | | [✅](models/others/recommendation/wide_and_deep/ixrt) | 4.3.0 | --- diff --git a/models/audio/speech_recognition/conformer/ixrt/README.md b/models/audio/speech_recognition/conformer/ixrt/README.md index 56ea26cc6bd25ae10da46ab20ffaa9dcc669b48c..fd7a35de70ecfa131a3a36180d3480e3ab973ab4 100644 --- a/models/audio/speech_recognition/conformer/ixrt/README.md +++ b/models/audio/speech_recognition/conformer/ixrt/README.md @@ -1,4 +1,4 @@ -# Conformer (IxRT) +# Conformer (ixRT) ## Model Description diff --git a/models/audio/speech_recognition/transformer_asr/ixrt/README.md b/models/audio/speech_recognition/transformer_asr/ixrt/README.md index 5792574e9393afb5d069089bace399a9e53c714b..a6b069c47c3b3e9d7023f64f67bc60874f1064ce 100644 --- a/models/audio/speech_recognition/transformer_asr/ixrt/README.md +++ b/models/audio/speech_recognition/transformer_asr/ixrt/README.md @@ -1,4 +1,4 @@ -# Transformer ASR (IxRT) +# Transformer ASR (ixRT) ## Model Description diff --git a/models/cv/classification/alexnet/ixrt/README.md b/models/cv/classification/alexnet/ixrt/README.md index 34b11957351f66e4f4312d0793196e5f8e3c3f3c..221eb875072b773e8bafd3ce3e36f9def8a5bf72 100644 --- a/models/cv/classification/alexnet/ixrt/README.md +++ b/models/cv/classification/alexnet/ixrt/README.md @@ -1,4 +1,4 @@ -# AlexNet (IxRT) +# AlexNet (ixRT) ## Model Description diff --git a/models/cv/classification/clip/ixrt/README.md b/models/cv/classification/clip/ixrt/README.md index a399d9d5b391949679f2a1af3047e117a97aadd7..adf7d9f4cfc2319c0aa4d8d0973b1d047b72f3d3 100644 --- a/models/cv/classification/clip/ixrt/README.md +++ b/models/cv/classification/clip/ixrt/README.md @@ -1,4 +1,4 @@ -# CLIP (IxRT) +# CLIP (ixRT) ## Model Description diff --git a/models/cv/classification/convnext_base/ixrt/README.md b/models/cv/classification/convnext_base/ixrt/README.md index 9dfc874ff0055b882002952fcd690830f566bb0b..ae393cb7424310481a0f7baa9fa739dbde8a9537 100644 --- a/models/cv/classification/convnext_base/ixrt/README.md +++ b/models/cv/classification/convnext_base/ixrt/README.md @@ -1,4 +1,4 @@ -# ConvNeXt Base (IxRT) +# ConvNeXt Base (ixRT) ## Model Description diff --git a/models/cv/classification/convnext_small/ixrt/README.md b/models/cv/classification/convnext_small/ixrt/README.md index 8f216b60bf32d6c841eaf82a2c767e067fbe23aa..368c243f9b81793772ec4151b90db4cded6d3882 100644 --- a/models/cv/classification/convnext_small/ixrt/README.md +++ b/models/cv/classification/convnext_small/ixrt/README.md @@ -1,4 +1,4 @@ -# ConvNeXt Small (IxRT) +# ConvNeXt Small (ixRT) ## Model Description diff --git a/models/cv/classification/cspdarknet53/ixrt/README.md b/models/cv/classification/cspdarknet53/ixrt/README.md index 861860d8a69e3a80b50d6f157c1ae95f0c7dfde5..ecb8aefbdafe3a02760a385b4cb0656a658d27fd 100644 --- a/models/cv/classification/cspdarknet53/ixrt/README.md +++ b/models/cv/classification/cspdarknet53/ixrt/README.md @@ -1,4 +1,4 @@ -# CSPDarkNet53 (IxRT) +# CSPDarkNet53 (ixRT) ## Model Description diff --git a/models/cv/classification/cspresnet50/ixrt/README.md b/models/cv/classification/cspresnet50/ixrt/README.md index 01bed75f4687b1b0f4627a9f6663038439dff216..8b8e0d267ce35acc564f131d64b0c00c2299d82b 100644 --- a/models/cv/classification/cspresnet50/ixrt/README.md +++ b/models/cv/classification/cspresnet50/ixrt/README.md @@ -1,4 +1,4 @@ -# CSPResNet50 (IxRT) +# CSPResNet50 (ixRT) ## Model Description diff --git a/models/cv/classification/cspresnext50/ixrt/README.md b/models/cv/classification/cspresnext50/ixrt/README.md index a0a83eed5b0a745c225ee3f422f736f888cbb0ba..52151b73fc61b2c089418f7a8cad22c069675d3c 100644 --- a/models/cv/classification/cspresnext50/ixrt/README.md +++ b/models/cv/classification/cspresnext50/ixrt/README.md @@ -1,4 +1,4 @@ -# CSPResNeXt50 (IxRT) +# CSPResNeXt50 (ixRT) ## Model Description diff --git a/models/cv/classification/deit_tiny/ixrt/README.md b/models/cv/classification/deit_tiny/ixrt/README.md index 5f5a92e92d7b1fc3fe7d743a0661310c20e67b70..d463290e4b3e6f39a503fe6e9d2e0fb0ce38f873 100644 --- a/models/cv/classification/deit_tiny/ixrt/README.md +++ b/models/cv/classification/deit_tiny/ixrt/README.md @@ -1,4 +1,4 @@ -# DeiT-tiny (IxRT) +# DeiT-tiny (ixRT) ## Model Description diff --git a/models/cv/classification/densenet121/ixrt/README.md b/models/cv/classification/densenet121/ixrt/README.md index cf204af81f5d6d7d80f9e3fdbd6764e689154af2..f7e929309144f3ae94d491094c0a6ba94ed610f7 100644 --- a/models/cv/classification/densenet121/ixrt/README.md +++ b/models/cv/classification/densenet121/ixrt/README.md @@ -1,4 +1,4 @@ -# DenseNet (IxRT) +# DenseNet (ixRT) ## Model Description diff --git a/models/cv/classification/densenet161/ixrt/README.md b/models/cv/classification/densenet161/ixrt/README.md index 294d2d3ce9569053d16e302dc71cb8cc6988ef72..e6cd9ebd2d933dfab9d1446d61d151cc2b0e921c 100644 --- a/models/cv/classification/densenet161/ixrt/README.md +++ b/models/cv/classification/densenet161/ixrt/README.md @@ -1,4 +1,4 @@ -# DenseNet161 (IxRT) +# DenseNet161 (ixRT) ## Model Description diff --git a/models/cv/classification/densenet169/ixrt/README.md b/models/cv/classification/densenet169/ixrt/README.md index c105e417af3de08f1b6d2de36a11524e4c6a04b1..44184471f655947feeb743fcf1917b701b08614b 100644 --- a/models/cv/classification/densenet169/ixrt/README.md +++ b/models/cv/classification/densenet169/ixrt/README.md @@ -1,4 +1,4 @@ -# DenseNet169 (IxRT) +# DenseNet169 (ixRT) ## Model Description diff --git a/models/cv/classification/densenet201/ixrt/README.md b/models/cv/classification/densenet201/ixrt/README.md index 7b9810b23d42668c1c8d66ad7c6bbc6a9bad851d..3f9e206d69c2c913631fb61791e952d041bbc5a7 100644 --- a/models/cv/classification/densenet201/ixrt/README.md +++ b/models/cv/classification/densenet201/ixrt/README.md @@ -1,4 +1,4 @@ -# DenseNet201 (IxRT) +# DenseNet201 (ixRT) ## Model Description diff --git a/models/cv/classification/efficientnet_b0/ixrt/README.md b/models/cv/classification/efficientnet_b0/ixrt/README.md index 7606d841114d25983bc343c668257e8ece897e2e..d4cfa351a7dde097ce4848054f9a2caaa73c9d33 100644 --- a/models/cv/classification/efficientnet_b0/ixrt/README.md +++ b/models/cv/classification/efficientnet_b0/ixrt/README.md @@ -1,4 +1,4 @@ -# EfficientNet B0 (IxRT) +# EfficientNet B0 (ixRT) ## Model Description diff --git a/models/cv/classification/efficientnet_b1/ixrt/README.md b/models/cv/classification/efficientnet_b1/ixrt/README.md index dbad178f54c4e46decca14124c87447a9769423e..9d6cbe934c101a963d1170ad0d7c423f246d8022 100644 --- a/models/cv/classification/efficientnet_b1/ixrt/README.md +++ b/models/cv/classification/efficientnet_b1/ixrt/README.md @@ -1,4 +1,4 @@ -# EfficientNet B1 (IxRT) +# EfficientNet B1 (ixRT) ## Model Description diff --git a/models/cv/classification/efficientnet_b2/ixrt/README.md b/models/cv/classification/efficientnet_b2/ixrt/README.md index 80d95edf9e04317db3d9a68dfbc0170a2936b1cf..860b108357e6120d38b23d1616bdad2f63b06a65 100644 --- a/models/cv/classification/efficientnet_b2/ixrt/README.md +++ b/models/cv/classification/efficientnet_b2/ixrt/README.md @@ -1,4 +1,4 @@ -# EfficientNet B2 (IxRT) +# EfficientNet B2 (ixRT) ## Model Description diff --git a/models/cv/classification/efficientnet_b3/ixrt/README.md b/models/cv/classification/efficientnet_b3/ixrt/README.md index fd312942210ec98e1411790e466f27796b1359a0..749d61a79b30116aef3be4fd34b59c7ff91b8768 100644 --- a/models/cv/classification/efficientnet_b3/ixrt/README.md +++ b/models/cv/classification/efficientnet_b3/ixrt/README.md @@ -1,4 +1,4 @@ -# EfficientNet B3 (IxRT) +# EfficientNet B3 (ixRT) ## Model Description diff --git a/models/cv/classification/efficientnet_b4/ixrt/README.md b/models/cv/classification/efficientnet_b4/ixrt/README.md index 001356bd2559f9f6efc279a4a0cd46e1d09fd24d..aa8710d32a053208aa031dcc186d538660f83f83 100644 --- a/models/cv/classification/efficientnet_b4/ixrt/README.md +++ b/models/cv/classification/efficientnet_b4/ixrt/README.md @@ -1,4 +1,4 @@ -# EfficientNet B4 (IxRT) +# EfficientNet B4 (ixRT) ## Model Description diff --git a/models/cv/classification/efficientnet_b5/ixrt/README.md b/models/cv/classification/efficientnet_b5/ixrt/README.md index 7d661ee01d82ccdca8c0868696da4ac331c6bd40..8489d39527b6da89f253cb26042332aeb03ef3a9 100644 --- a/models/cv/classification/efficientnet_b5/ixrt/README.md +++ b/models/cv/classification/efficientnet_b5/ixrt/README.md @@ -1,4 +1,4 @@ -# EfficientNet B5 (IxRT) +# EfficientNet B5 (ixRT) ## Model Description diff --git a/models/cv/classification/efficientnet_v2/ixrt/README.md b/models/cv/classification/efficientnet_v2/ixrt/README.md index cdcf5de826a16405a208f8a6f6d07024c8e09725..57c974aef547f501a8f83ea8f92ca60deb345b02 100755 --- a/models/cv/classification/efficientnet_v2/ixrt/README.md +++ b/models/cv/classification/efficientnet_v2/ixrt/README.md @@ -1,4 +1,4 @@ -# EfficientNetV2 (IxRT) +# EfficientNetV2 (ixRT) ## Model Description diff --git a/models/cv/classification/efficientnet_v2_s/ixrt/README.md b/models/cv/classification/efficientnet_v2_s/ixrt/README.md index bf9a90eeb1e899472ed14e921999140da03f4890..28ebce7d7b10beecfba0f9b3066a2bb420888383 100644 --- a/models/cv/classification/efficientnet_v2_s/ixrt/README.md +++ b/models/cv/classification/efficientnet_v2_s/ixrt/README.md @@ -1,4 +1,4 @@ -# EfficientNet_v2_s (IxRT) +# EfficientNet_v2_s (ixRT) ## Model Description diff --git a/models/cv/classification/googlenet/ixrt/README.md b/models/cv/classification/googlenet/ixrt/README.md index 252bc958b953cd234ed5bc23533ef210776e89bc..962bd3ce948bd632afecc60621c299470c62a7b1 100644 --- a/models/cv/classification/googlenet/ixrt/README.md +++ b/models/cv/classification/googlenet/ixrt/README.md @@ -1,4 +1,4 @@ -# GoogLeNet (IxRT) +# GoogLeNet (ixRT) ## Model Description diff --git a/models/cv/classification/hrnet_w18/ixrt/README.md b/models/cv/classification/hrnet_w18/ixrt/README.md index 0d121c8b5a94639f6921a7eb6e382401331fb523..ea539f45ea1c02b54ae5238a1c77352a2b024d3a 100644 --- a/models/cv/classification/hrnet_w18/ixrt/README.md +++ b/models/cv/classification/hrnet_w18/ixrt/README.md @@ -1,4 +1,4 @@ -# HRNet-W18 (IxRT) +# HRNet-W18 (ixRT) ## Model Description diff --git a/models/cv/classification/inception_resnet_v2/ixrt/README.md b/models/cv/classification/inception_resnet_v2/ixrt/README.md index 60a8c5f5ae48eed7617ad3626643b57cc8139ff8..15deee31951c3c0f26af32fd668b18d7e59b23ac 100755 --- a/models/cv/classification/inception_resnet_v2/ixrt/README.md +++ b/models/cv/classification/inception_resnet_v2/ixrt/README.md @@ -1,4 +1,4 @@ -# Inception-ResNet-V2 (IxRT) +# Inception-ResNet-V2 (ixRT) ## Model Description diff --git a/models/cv/classification/inception_v3/ixrt/README.md b/models/cv/classification/inception_v3/ixrt/README.md index 5fd218dfa88baf8d9e4fdc13204d7f94c1c195da..f2d35856e16d0678e132cf87a5d16b3c5018e8ac 100755 --- a/models/cv/classification/inception_v3/ixrt/README.md +++ b/models/cv/classification/inception_v3/ixrt/README.md @@ -1,4 +1,4 @@ -# Inception V3 (IxRT) +# Inception V3 (ixRT) ## Model Description diff --git a/models/cv/classification/mobilenet_v2/ixrt/README.md b/models/cv/classification/mobilenet_v2/ixrt/README.md index e6c658cbfa149370d84d92ebd8174cca11802ba2..5a512ecb9f4000955661d367fc72031fcd6ed352 100644 --- a/models/cv/classification/mobilenet_v2/ixrt/README.md +++ b/models/cv/classification/mobilenet_v2/ixrt/README.md @@ -1,4 +1,4 @@ -# MobileNetV2 (IxRT) +# MobileNetV2 (ixRT) ## Model Description diff --git a/models/cv/classification/mobilenet_v3/ixrt/README.md b/models/cv/classification/mobilenet_v3/ixrt/README.md index 149bed834b9f038120e062d282b7068bfbb14263..91f857e64b688a710b9a94dcbc1f2730bda1c57f 100644 --- a/models/cv/classification/mobilenet_v3/ixrt/README.md +++ b/models/cv/classification/mobilenet_v3/ixrt/README.md @@ -1,4 +1,4 @@ -# MobileNetV3 (IxRT) +# MobileNetV3 (ixRT) ## Model Description diff --git a/models/cv/classification/repvgg/ixrt/README.md b/models/cv/classification/repvgg/ixrt/README.md index 897b3375f24cf5aca09075abfdb6b1a504d70512..fbc5915b2c7a99200e85eaf45ac3c6ba17c91501 100644 --- a/models/cv/classification/repvgg/ixrt/README.md +++ b/models/cv/classification/repvgg/ixrt/README.md @@ -1,4 +1,4 @@ -# RepVGG (IxRT) +# RepVGG (ixRT) ## Model Description diff --git a/models/cv/classification/res2net50/ixrt/README.md b/models/cv/classification/res2net50/ixrt/README.md index b0ce62ca923383c077051c4a42d8624edd784c20..0f86895fdf39e50fca3b2584742b8e65e19e9ac0 100644 --- a/models/cv/classification/res2net50/ixrt/README.md +++ b/models/cv/classification/res2net50/ixrt/README.md @@ -1,4 +1,4 @@ -# Res2Net50 (IxRT) +# Res2Net50 (ixRT) ## Model Description diff --git a/models/cv/classification/resnet101/ixrt/README.md b/models/cv/classification/resnet101/ixrt/README.md index 8b91c5b52d5d54ba7182b3f4bd3db20f277a9140..4fe1caa1fc8f292f3c127e75fe29d3a787400894 100644 --- a/models/cv/classification/resnet101/ixrt/README.md +++ b/models/cv/classification/resnet101/ixrt/README.md @@ -1,4 +1,4 @@ -# Resnet101 (IxRT) +# Resnet101 (ixRT) ## Model Description diff --git a/models/cv/classification/resnet18/ixrt/README.md b/models/cv/classification/resnet18/ixrt/README.md index bfb0d4b37ef2b6bd1409fe8528aebc098544f0ba..455ff186cfaac3245dc8ac2d8dd17d5ac719a6c1 100644 --- a/models/cv/classification/resnet18/ixrt/README.md +++ b/models/cv/classification/resnet18/ixrt/README.md @@ -1,4 +1,4 @@ -# ResNet18 (IxRT) +# ResNet18 (ixRT) ## Model Description diff --git a/models/cv/classification/resnet34/ixrt/README.md b/models/cv/classification/resnet34/ixrt/README.md index fc63548e173fd277709c8f2158fa73307005477f..9d33b97c3a7c37a411c6631e4e6c2f9b63ffb836 100644 --- a/models/cv/classification/resnet34/ixrt/README.md +++ b/models/cv/classification/resnet34/ixrt/README.md @@ -1,4 +1,4 @@ -# ResNet34 (IxRT) +# ResNet34 (ixRT) ## Model Description diff --git a/models/cv/classification/resnet50/ixrt/README.md b/models/cv/classification/resnet50/ixrt/README.md index c4edfe1d96d4fb3ddf1567953fb8482bf20014e8..4d5a870c3fc422eed3f9b0edfe11059b7de8248e 100644 --- a/models/cv/classification/resnet50/ixrt/README.md +++ b/models/cv/classification/resnet50/ixrt/README.md @@ -1,4 +1,4 @@ -# ResNet50 (IxRT) +# ResNet50 (ixRT) ## Model Description diff --git a/models/cv/classification/resnetv1d50/ixrt/README.md b/models/cv/classification/resnetv1d50/ixrt/README.md index 5f85b4e15860a4cd78afa91faacb5487083800dc..7d3be62c72bd1cb766f4a136c570a0f41343b3d3 100644 --- a/models/cv/classification/resnetv1d50/ixrt/README.md +++ b/models/cv/classification/resnetv1d50/ixrt/README.md @@ -1,4 +1,4 @@ -# ResNetV1D50 (IxRT) +# ResNetV1D50 (ixRT) ## Model Description diff --git a/models/cv/classification/resnext101_32x8d/ixrt/README.md b/models/cv/classification/resnext101_32x8d/ixrt/README.md index 84a63be8902aeaed6169113a304ce916a3f14525..6df37e99fe23f0b1dc9134b5088933ed15e8d69f 100644 --- a/models/cv/classification/resnext101_32x8d/ixrt/README.md +++ b/models/cv/classification/resnext101_32x8d/ixrt/README.md @@ -1,4 +1,4 @@ -# ResNext101_32x8d (IxRT) +# ResNext101_32x8d (ixRT) ## Model Description diff --git a/models/cv/classification/resnext101_64x4d/ixrt/README.md b/models/cv/classification/resnext101_64x4d/ixrt/README.md index 503d284764e443ff2563ad8df0e81435bdc79128..0f22a5a5dd38e43ad2e27fe8509330dfa4c61558 100644 --- a/models/cv/classification/resnext101_64x4d/ixrt/README.md +++ b/models/cv/classification/resnext101_64x4d/ixrt/README.md @@ -1,4 +1,4 @@ -# ResNext101_64x4d (IxRT) +# ResNext101_64x4d (ixRT) ## Model Description diff --git a/models/cv/classification/resnext50_32x4d/ixrt/README.md b/models/cv/classification/resnext50_32x4d/ixrt/README.md index da34629261ffd2b112a2fd3c6e58253d0f878f10..aa0034dc291cfd2ad66ca128df1767140bff184d 100644 --- a/models/cv/classification/resnext50_32x4d/ixrt/README.md +++ b/models/cv/classification/resnext50_32x4d/ixrt/README.md @@ -1,4 +1,4 @@ -# ResNext50_32x4d (IxRT) +# ResNext50_32x4d (ixRT) ## Model Description diff --git a/models/cv/classification/shufflenet_v1/ixrt/README.md b/models/cv/classification/shufflenet_v1/ixrt/README.md index 9417776f24dac06eba2b30ff39fb3326afda1dbe..11caf110dcc83a692a9ddd614b15e6eee757a013 100644 --- a/models/cv/classification/shufflenet_v1/ixrt/README.md +++ b/models/cv/classification/shufflenet_v1/ixrt/README.md @@ -1,4 +1,4 @@ -# ShuffleNetV1 (IxRT) +# ShuffleNetV1 (ixRT) ## Model Description diff --git a/models/cv/classification/shufflenetv2_x0_5/ixrt/README.md b/models/cv/classification/shufflenetv2_x0_5/ixrt/README.md index dc1d42892ef945218aacc3774b20a810e36a482d..282ab1c5a9ade0a2099e6457e7a86760a061ca48 100644 --- a/models/cv/classification/shufflenetv2_x0_5/ixrt/README.md +++ b/models/cv/classification/shufflenetv2_x0_5/ixrt/README.md @@ -1,4 +1,4 @@ -# ShuffleNetV2_x0_5 (IxRT) +# ShuffleNetV2_x0_5 (ixRT) ## Model Description diff --git a/models/cv/classification/shufflenetv2_x1_0/ixrt/README.md b/models/cv/classification/shufflenetv2_x1_0/ixrt/README.md index 5122bd333e0a0823d61bc2899b0505445dd3d600..58accdb79d964c681460cab71207f1b77d4c7c25 100644 --- a/models/cv/classification/shufflenetv2_x1_0/ixrt/README.md +++ b/models/cv/classification/shufflenetv2_x1_0/ixrt/README.md @@ -1,4 +1,4 @@ -# ShuffleNetV2_x1_0 (IxRT) +# ShuffleNetV2_x1_0 (ixRT) ## Model Description diff --git a/models/cv/classification/shufflenetv2_x1_5/ixrt/README.md b/models/cv/classification/shufflenetv2_x1_5/ixrt/README.md index c10d0a2c861ef77dd7bb8888ef178e3b5ff2c58a..d10e09fc163c776ff8567bcdb6f84a6d27e74e49 100644 --- a/models/cv/classification/shufflenetv2_x1_5/ixrt/README.md +++ b/models/cv/classification/shufflenetv2_x1_5/ixrt/README.md @@ -1,4 +1,4 @@ -# ShuffleNetV2_x1_5 (IxRT) +# ShuffleNetV2_x1_5 (ixRT) ## Model Description diff --git a/models/cv/classification/shufflenetv2_x2_0/ixrt/README.md b/models/cv/classification/shufflenetv2_x2_0/ixrt/README.md index 529e5f867135a59649d6db47c42b59546b6a19a6..8f5963c1b9816d2d668b5de7739ffe0100840810 100644 --- a/models/cv/classification/shufflenetv2_x2_0/ixrt/README.md +++ b/models/cv/classification/shufflenetv2_x2_0/ixrt/README.md @@ -1,4 +1,4 @@ -# ShuffleNetV2_x2_0 (IxRT) +# ShuffleNetV2_x2_0 (ixRT) ## Model Description diff --git a/models/cv/classification/squeezenet_v1_0/ixrt/README.md b/models/cv/classification/squeezenet_v1_0/ixrt/README.md index 69d79fede5c3d0095bc658dc2598fc4ae0a0a137..e5256e6ff54f91f99c14cad99531d313bb1cea6c 100644 --- a/models/cv/classification/squeezenet_v1_0/ixrt/README.md +++ b/models/cv/classification/squeezenet_v1_0/ixrt/README.md @@ -1,4 +1,4 @@ -# SqueezeNet 1.0 (IxRT) +# SqueezeNet 1.0 (ixRT) ## Model Description diff --git a/models/cv/classification/squeezenet_v1_1/ixrt/README.md b/models/cv/classification/squeezenet_v1_1/ixrt/README.md index 39811e760f6d84f6dbcf6098e06ac6041bbbf62c..15699bb8a2a387d049f5b67f9df869962aceda44 100644 --- a/models/cv/classification/squeezenet_v1_1/ixrt/README.md +++ b/models/cv/classification/squeezenet_v1_1/ixrt/README.md @@ -1,4 +1,4 @@ -# SqueezeNet 1.1 (IxRT) +# SqueezeNet 1.1 (ixRT) ## Model Description diff --git a/models/cv/classification/swin_transformer_large/ixrt/README.md b/models/cv/classification/swin_transformer_large/ixrt/README.md index a7c0c3219c4eb64e8d9553f4451bc0c853777823..9a951a1bb10fa51802ddf188c61ea17eb1a9ba99 100644 --- a/models/cv/classification/swin_transformer_large/ixrt/README.md +++ b/models/cv/classification/swin_transformer_large/ixrt/README.md @@ -1,4 +1,4 @@ -# Swin Transformer Large (IxRT) +# Swin Transformer Large (ixRT) ## Model Description diff --git a/models/cv/classification/vgg16/ixrt/README.md b/models/cv/classification/vgg16/ixrt/README.md index c763274c12f9d6ad436eca587cfd585db472a40d..39b4968dbafde1070d6df006a07ae7aa31030770 100644 --- a/models/cv/classification/vgg16/ixrt/README.md +++ b/models/cv/classification/vgg16/ixrt/README.md @@ -1,4 +1,4 @@ -# VGG16 (IxRT) +# VGG16 (ixRT) ## Model Description diff --git a/models/cv/classification/wide_resnet50/ixrt/README.md b/models/cv/classification/wide_resnet50/ixrt/README.md index 7608697fe78024157026ac73fbfe6587d81df010..889e3def575d155b90ae1b48096345ad4d105fd0 100644 --- a/models/cv/classification/wide_resnet50/ixrt/README.md +++ b/models/cv/classification/wide_resnet50/ixrt/README.md @@ -1,4 +1,4 @@ -# Wide ResNet50 (IxRT) +# Wide ResNet50 (ixRT) ## Model Description diff --git a/models/cv/face_recognition/facenet/ixrt/README.md b/models/cv/face_recognition/facenet/ixrt/README.md index c44213ad790130b95519466ab2272f219b4c5768..e9325571710d462114caca8f0818c3dc15ccd4e6 100644 --- a/models/cv/face_recognition/facenet/ixrt/README.md +++ b/models/cv/face_recognition/facenet/ixrt/README.md @@ -1,4 +1,4 @@ -# FaceNet (IxRT) +# FaceNet (ixRT) ## Model Description diff --git a/models/cv/instance_segmentation/mask_rcnn/ixrt/README.md b/models/cv/instance_segmentation/mask_rcnn/ixrt/README.md index 9afd0d7a663ea18f4c17ea6e7b7c467372979cc2..e4768d9bf51eda21188c52090d36ffb3f22cc90d 100644 --- a/models/cv/instance_segmentation/mask_rcnn/ixrt/README.md +++ b/models/cv/instance_segmentation/mask_rcnn/ixrt/README.md @@ -1,4 +1,4 @@ -# Mask R-CNN (IxRT) +# Mask R-CNN (ixRT) ## Model Description diff --git a/models/cv/instance_segmentation/solov1/ixrt/README.md b/models/cv/instance_segmentation/solov1/ixrt/README.md index 9a59fda0696189f68c642e251381a2579f8dc323..a3002a59d041fe2fc303589345e4a5f4aa667c13 100644 --- a/models/cv/instance_segmentation/solov1/ixrt/README.md +++ b/models/cv/instance_segmentation/solov1/ixrt/README.md @@ -1,4 +1,4 @@ -# SOLOv1 (IxRT) +# SOLOv1 (ixRT) ## Model Description diff --git a/models/cv/object_detection/atss/ixrt/README.md b/models/cv/object_detection/atss/ixrt/README.md index 16808f76098dc9f93f9885b22f5a8b15b20b7439..88e5571942f5b75bdfeb3ef6d744e82d6c5a1aa8 100644 --- a/models/cv/object_detection/atss/ixrt/README.md +++ b/models/cv/object_detection/atss/ixrt/README.md @@ -1,4 +1,4 @@ -# ATSS (IxRT) +# ATSS (ixRT) ## Model Description diff --git a/models/cv/object_detection/centernet/ixrt/README.md b/models/cv/object_detection/centernet/ixrt/README.md index f9c9bcf157151b1037e8442b801c23b2b7de5909..292ce2767f613037a4e4278e176d274676845003 100644 --- a/models/cv/object_detection/centernet/ixrt/README.md +++ b/models/cv/object_detection/centernet/ixrt/README.md @@ -1,4 +1,4 @@ -# CenterNet (IxRT) +# CenterNet (ixRT) ## Model Description diff --git a/models/cv/object_detection/detr/ixrt/README.md b/models/cv/object_detection/detr/ixrt/README.md index 2a79ab6acd022f3f35f8a08cb34563090fa68f31..2386a675f822e04f4c3b2afec63d805aeb80a669 100755 --- a/models/cv/object_detection/detr/ixrt/README.md +++ b/models/cv/object_detection/detr/ixrt/README.md @@ -1,4 +1,4 @@ -# DETR (IxRT) +# DETR (ixRT) ## Model Description diff --git a/models/cv/object_detection/fcos/ixrt/README.md b/models/cv/object_detection/fcos/ixrt/README.md index c818daad6a2a40e6ff406353664b933878d6e6c2..ca628784bb761a3075230fede1f7e2be121389e9 100755 --- a/models/cv/object_detection/fcos/ixrt/README.md +++ b/models/cv/object_detection/fcos/ixrt/README.md @@ -1,4 +1,4 @@ -# FCOS (IxRT) +# FCOS (ixRT) ## Model Description diff --git a/models/cv/object_detection/foveabox/ixrt/README.md b/models/cv/object_detection/foveabox/ixrt/README.md index 1c71c519c614ad121cf2767678e32a9c691077e7..b131f0d79e194ac501da184d8af51f35aefe37d4 100644 --- a/models/cv/object_detection/foveabox/ixrt/README.md +++ b/models/cv/object_detection/foveabox/ixrt/README.md @@ -1,4 +1,4 @@ -# FoveaBox (IxRT) +# FoveaBox (ixRT) ## Model Description diff --git a/models/cv/object_detection/fsaf/ixrt/README.md b/models/cv/object_detection/fsaf/ixrt/README.md index b228bf9168ebcdc44d8fbf8d9b1a5986893c7500..f7093224a7342823c4b83c1c2e03c341a1e5f172 100644 --- a/models/cv/object_detection/fsaf/ixrt/README.md +++ b/models/cv/object_detection/fsaf/ixrt/README.md @@ -1,4 +1,4 @@ -# FSAF (IxRT) +# FSAF (ixRT) ## Model Description diff --git a/models/cv/object_detection/hrnet/ixrt/README.md b/models/cv/object_detection/hrnet/ixrt/README.md index 148630903cca7ea0c092253fc448cfbe4e7acada..93b2c5f7e96da9cc1b3d666db974a33762bf756e 100644 --- a/models/cv/object_detection/hrnet/ixrt/README.md +++ b/models/cv/object_detection/hrnet/ixrt/README.md @@ -1,4 +1,4 @@ -# HRNet (IxRT) +# HRNet (ixRT) ## Model Description diff --git a/models/cv/object_detection/paa/ixrt/README.md b/models/cv/object_detection/paa/ixrt/README.md index 97cbd9ec2371349909c2eb635b72698c1c94723d..4d86d44b82f29dbaec678d2bcef19b92b7e7ec1e 100644 --- a/models/cv/object_detection/paa/ixrt/README.md +++ b/models/cv/object_detection/paa/ixrt/README.md @@ -1,4 +1,4 @@ -# PAA (IxRT) +# PAA (ixRT) ## Model Description diff --git a/models/cv/object_detection/retinaface/ixrt/README.md b/models/cv/object_detection/retinaface/ixrt/README.md index 9b0bb6caa83349d26ea5cb08a6181186dc81f9df..19a42cc8dd0c790b6b38d55b416776f4b96ef62a 100644 --- a/models/cv/object_detection/retinaface/ixrt/README.md +++ b/models/cv/object_detection/retinaface/ixrt/README.md @@ -1,4 +1,4 @@ -# RetinaFace (IxRT) +# RetinaFace (ixRT) ## Model Description diff --git a/models/cv/object_detection/retinanet/ixrt/README.md b/models/cv/object_detection/retinanet/ixrt/README.md index b39473611357a79ee7f0af8057fece17b5360fe2..1993f3a6266b7c41a5b98a39b5fd070ac8362ac8 100644 --- a/models/cv/object_detection/retinanet/ixrt/README.md +++ b/models/cv/object_detection/retinanet/ixrt/README.md @@ -1,4 +1,4 @@ -# RetinaNet (IxRT) +# RetinaNet (ixRT) ## Model Description diff --git a/models/cv/object_detection/yolov10/ixrt/README.md b/models/cv/object_detection/yolov10/ixrt/README.md index d1475f8b13f2fc73f74c22b19986a836713024b3..54ccc13dc10dfee6bc33cf23d41f8d059baa7e62 100644 --- a/models/cv/object_detection/yolov10/ixrt/README.md +++ b/models/cv/object_detection/yolov10/ixrt/README.md @@ -1,4 +1,4 @@ -# YOLOv10 (IxRT) +# YOLOv10 (ixRT) ## Model Description diff --git a/models/cv/object_detection/yolov11/ixrt/README.md b/models/cv/object_detection/yolov11/ixrt/README.md index 78faa528c56716152dded22349f56c1fe3b3ba8e..1368906e0ad62f074c05d9b269492eb5d666d8ab 100644 --- a/models/cv/object_detection/yolov11/ixrt/README.md +++ b/models/cv/object_detection/yolov11/ixrt/README.md @@ -1,4 +1,4 @@ -# YOLOv11 (IxRT) +# YOLOv11 (ixRT) ## Model Description diff --git a/models/cv/object_detection/yolov3/ixrt/README.md b/models/cv/object_detection/yolov3/ixrt/README.md index 34b82267b8b56344341c7f0473c133209b87be92..f2bead093c0bc2343524caebf8b47ea6a96636dd 100644 --- a/models/cv/object_detection/yolov3/ixrt/README.md +++ b/models/cv/object_detection/yolov3/ixrt/README.md @@ -1,4 +1,4 @@ -# YOLOv3 (IxRT) +# YOLOv3 (ixRT) ## Model Description diff --git a/models/cv/object_detection/yolov4/ixrt/README.md b/models/cv/object_detection/yolov4/ixrt/README.md index 2795658bb17113e3cc70659949944d9a79b0dad6..16811bb4619d816e5e3d8a3c0d2d389e0e28c9d8 100644 --- a/models/cv/object_detection/yolov4/ixrt/README.md +++ b/models/cv/object_detection/yolov4/ixrt/README.md @@ -1,4 +1,4 @@ -# YOLOv4 (IxRT) +# YOLOv4 (ixRT) ## Model Description diff --git a/models/cv/object_detection/yolov5/ixrt/README.md b/models/cv/object_detection/yolov5/ixrt/README.md index 5e8cea88eee85e51ff4503e64ea5dfe96c1e4dc4..94f8c00e0c02cd5ef83212c0e7a39622e6049883 100644 --- a/models/cv/object_detection/yolov5/ixrt/README.md +++ b/models/cv/object_detection/yolov5/ixrt/README.md @@ -1,4 +1,4 @@ -# YOLOv5-m (IxRT) +# YOLOv5-m (ixRT) ## Model Description diff --git a/models/cv/object_detection/yolov5s/ixrt/README.md b/models/cv/object_detection/yolov5s/ixrt/README.md index b00b00cb7038047efb72fdff1760e12589d97456..2c3982006f41aaa22fd05ff952d602b0919a1979 100755 --- a/models/cv/object_detection/yolov5s/ixrt/README.md +++ b/models/cv/object_detection/yolov5s/ixrt/README.md @@ -1,4 +1,4 @@ -# YOLOv5s (IxRT) +# YOLOv5s (ixRT) ## Model Description diff --git a/models/cv/object_detection/yolov6/ixrt/README.md b/models/cv/object_detection/yolov6/ixrt/README.md index 0aa4a9d44a234450ea63052e43c76e43bec3ee2e..3ec3c1b6aba984413d52a512ec422d9449747f3c 100644 --- a/models/cv/object_detection/yolov6/ixrt/README.md +++ b/models/cv/object_detection/yolov6/ixrt/README.md @@ -1,4 +1,4 @@ -# YOLOv6 (IxRT) +# YOLOv6 (ixRT) ## Model Description diff --git a/models/cv/object_detection/yolov7/ixrt/README.md b/models/cv/object_detection/yolov7/ixrt/README.md index 1b9562ef59d96f1a0a07a2a0d3507d4319793baa..0f448dd08b46a4b1712f9c39d0e06bea10aa9846 100644 --- a/models/cv/object_detection/yolov7/ixrt/README.md +++ b/models/cv/object_detection/yolov7/ixrt/README.md @@ -1,4 +1,4 @@ -# YOLOv7 (IxRT) +# YOLOv7 (ixRT) ## Model Description diff --git a/models/cv/object_detection/yolov8/ixrt/README.md b/models/cv/object_detection/yolov8/ixrt/README.md index 7a54654fe7ea05a9ee9b0fac420d6c804a5118fa..753853a5c391007b6c4089c06ad3eaada92691ee 100644 --- a/models/cv/object_detection/yolov8/ixrt/README.md +++ b/models/cv/object_detection/yolov8/ixrt/README.md @@ -1,4 +1,4 @@ -# YOLOv8 (IxRT) +# YOLOv8 (ixRT) ## Model Description diff --git a/models/cv/object_detection/yolov9/ixrt/README.md b/models/cv/object_detection/yolov9/ixrt/README.md index 1229e7422f2891fa395f6e5e590c04eec9b0aa88..f4cd7d80b2585e4fb36962b76991772e415cab85 100644 --- a/models/cv/object_detection/yolov9/ixrt/README.md +++ b/models/cv/object_detection/yolov9/ixrt/README.md @@ -1,4 +1,4 @@ -# YOLOv9 (IxRT) +# YOLOv9 (ixRT) ## Model Description diff --git a/models/cv/object_detection/yolox/ixrt/README.md b/models/cv/object_detection/yolox/ixrt/README.md index 8e73c40fb2468a3b1503b9a2fd1474057641cebc..75f3a5584c85027fec5f80588a106b6a771046fb 100644 --- a/models/cv/object_detection/yolox/ixrt/README.md +++ b/models/cv/object_detection/yolox/ixrt/README.md @@ -1,4 +1,4 @@ -# YOLOX (IxRT) +# YOLOX (ixRT) ## Model Description diff --git a/models/cv/pose_estimation/lightweight_openpose/ixrt/README.md b/models/cv/pose_estimation/lightweight_openpose/ixrt/README.md index 54b8579a3a9906120ee5ec388d425f0e3b5aee0c..f6b5c621f124a449fe8f5f8c0bcc8530cbb7b0d2 100644 --- a/models/cv/pose_estimation/lightweight_openpose/ixrt/README.md +++ b/models/cv/pose_estimation/lightweight_openpose/ixrt/README.md @@ -1,4 +1,4 @@ -# Lightweight OpenPose (IxRT) +# Lightweight OpenPose (ixRT) ## Model Description diff --git a/models/cv/pose_estimation/rtmpose/ixrt/README.md b/models/cv/pose_estimation/rtmpose/ixrt/README.md index c757624173112211edf64d6a933beed181eaaf4c..2396196d798a7c4bd1d1a1be16d03165c82cbefa 100644 --- a/models/cv/pose_estimation/rtmpose/ixrt/README.md +++ b/models/cv/pose_estimation/rtmpose/ixrt/README.md @@ -1,4 +1,4 @@ -# RTMPose (IxRT) +# RTMPose (ixRT) ## Model Description diff --git a/models/nlp/plm/albert/ixrt/README.md b/models/nlp/plm/albert/ixrt/README.md index 1248945b7f46ffffb8d48fab714e40add9700c7a..e2fc2d46b9536addd18d5672454f5774b631334a 100644 --- a/models/nlp/plm/albert/ixrt/README.md +++ b/models/nlp/plm/albert/ixrt/README.md @@ -1,4 +1,4 @@ -# ALBERT (IxRT) +# ALBERT (ixRT) ## Model Description diff --git a/models/nlp/plm/bert_base_squad/ixrt/README.md b/models/nlp/plm/bert_base_squad/ixrt/README.md index 0372004e7a59f4f6bb5fa04a16a1e2dd6d8d26fa..901ba72764a1691a6b1501fed1bfc34463a06f9d 100644 --- a/models/nlp/plm/bert_base_squad/ixrt/README.md +++ b/models/nlp/plm/bert_base_squad/ixrt/README.md @@ -1,4 +1,4 @@ -# BERT Base SQuAD (IxRT) +# BERT Base SQuAD (ixRT) ## Model Description diff --git a/models/nlp/plm/bert_large_squad/ixrt/README.md b/models/nlp/plm/bert_large_squad/ixrt/README.md index a6a90eabecf55369443b28fb1dcfcd5699e69e31..dcb9f8c5cebd56e7fa5b33c15ce1d615a405a70f 100644 --- a/models/nlp/plm/bert_large_squad/ixrt/README.md +++ b/models/nlp/plm/bert_large_squad/ixrt/README.md @@ -1,4 +1,4 @@ -# BERT Large SQuAD (IxRT) +# BERT Large SQuAD (ixRT) ## Model Description diff --git a/models/nlp/plm/deberta/ixrt/README.md b/models/nlp/plm/deberta/ixrt/README.md index df60dcb7efa1bbbceb1c7378cc396ae32356c242..087e2b368f2c32b646a674ab46a2c2e776674ebb 100644 --- a/models/nlp/plm/deberta/ixrt/README.md +++ b/models/nlp/plm/deberta/ixrt/README.md @@ -1,4 +1,4 @@ -# DeBERTa (IxRT) +# DeBERTa (ixRT) ## Model Description diff --git a/models/nlp/plm/roberta/ixrt/README.md b/models/nlp/plm/roberta/ixrt/README.md index e234123558063da3c2f72966c66821aa02cbef55..346f64a1ef242778ca8f4dfd041dc624e29fda93 100644 --- a/models/nlp/plm/roberta/ixrt/README.md +++ b/models/nlp/plm/roberta/ixrt/README.md @@ -1,4 +1,4 @@ -# RoBERTa (IxRT) +# RoBERTa (ixRT) ## Model Description diff --git a/models/nlp/plm/roformer/ixrt/README.md b/models/nlp/plm/roformer/ixrt/README.md index bad1940351c4e3e8eaa546f0ad1b94d07eb3deae..3838aa976183fd1ab75a7b6d94101d3ce56f2851 100644 --- a/models/nlp/plm/roformer/ixrt/README.md +++ b/models/nlp/plm/roformer/ixrt/README.md @@ -1,4 +1,4 @@ -# RoFormer (IxRT) +# RoFormer (ixRT) ## Model Description diff --git a/models/nlp/plm/videobert/ixrt/README.md b/models/nlp/plm/videobert/ixrt/README.md index ded0114471da00dded55f6910c833998411cba4c..01197a1b63308cba1861ba0d43c67149b74e7054 100644 --- a/models/nlp/plm/videobert/ixrt/README.md +++ b/models/nlp/plm/videobert/ixrt/README.md @@ -1,4 +1,4 @@ -# VideoBERT (IxRT) +# VideoBERT (ixRT) ## Model Description diff --git a/models/others/recommendation/wide_and_deep/ixrt/README.md b/models/others/recommendation/wide_and_deep/ixrt/README.md index f50911d1aa19f696282b0ab666ae3ee2a5ab84af..19772222d795d9accfc27f1c9291c2718b2336da 100644 --- a/models/others/recommendation/wide_and_deep/ixrt/README.md +++ b/models/others/recommendation/wide_and_deep/ixrt/README.md @@ -1,4 +1,4 @@ -# Wide & Deep (IxRT) +# Wide & Deep (ixRT) ## Model Description