From 672ae82b08d31cfb107bfd29f75b4af7b47f5122 Mon Sep 17 00:00:00 2001 From: Jingxian Ke <102451740+JingxianKe@users.noreply.github.com> Date: Fri, 4 Aug 2023 10:06:10 +0800 Subject: [PATCH] Updata broken links (#502) * Update all broken links --- .github/CONTRIBUTING.md | 6 ++--- .github/ISSUE_TEMPLATE/bug-report.yml | 2 +- .github/ISSUE_TEMPLATE/config.yml | 2 +- .github/ISSUE_TEMPLATE/documentation.yml | 4 ++-- README.md | 22 +++++++++---------- deployment/tensorrt-yolov6/README.md | 4 ++-- deployment/tensorrt/README.md | 2 +- docs/source/conf.py | 6 ++--- docs/source/index.rst | 4 ++-- docs/source/installation.rst | 4 ++-- .../comparison-between-yolort-vs-yolov5.ipynb | 2 +- .../export-onnx-inference-onnxruntime.ipynb | 10 ++++----- notebooks/export-relay-inference-tvm.ipynb | 14 ++++++------ ...how-to-align-with-ultralytics-yolov5.ipynb | 2 +- .../inference-pytorch-export-libtorch.ipynb | 6 ++--- notebooks/model-graph-visualization.ipynb | 18 +++++++-------- ...onnx-graphsurgeon-inference-tensorrt.ipynb | 10 ++++----- notebooks/why-yolort.ipynb | 6 ++--- setup.py | 8 +++---- test/test_models_yolov5.py | 2 +- test/test_runtime_ort.py | 2 +- yolort/data/_helper.py | 2 +- yolort/models/transform.py | 2 +- yolort/models/yolo.py | 4 ++-- yolort/relay/trt_graphsurgeon.py | 2 +- yolort/utils/annotations_converter.py | 2 +- 26 files changed, 74 insertions(+), 74 deletions(-) diff --git a/.github/CONTRIBUTING.md b/.github/CONTRIBUTING.md index d3330dcc..6f74e4bf 100644 --- a/.github/CONTRIBUTING.md +++ b/.github/CONTRIBUTING.md @@ -17,7 +17,7 @@ We appreciate all contributions. If you are interested in contributing to `yolor - If you would like to fix a bug - - please pick one from the [list of open issues labelled as "help wanted"](https://github.com/zhiqwang/yolov5-rt-stack/issues?q=is%3Aopen+is%3Aissue+label%3A%22help+wanted%22) + - please pick one from the [list of open issues labelled as "help wanted"](https://github.com/zhiqwang/yolort/issues?q=is%3Aopen+is%3Aissue+label%3A%22help+wanted%22) - comment on the issue that you want to work on this issue - send a PR with your fix, see below. @@ -42,7 +42,7 @@ conda install pytorch torchvision cudatoolkit=10.2 -c pytorch ```bash git clone https://github.com/zhiqwang/yolort.git -cd yolov5-rt-stack +cd yolort pip install -e . ``` @@ -102,7 +102,7 @@ If all previous checks (flake8, mypy, unit tests) are passing, please send a PR. - :white_check_mark: Verify your PR is **up-to-date with upstream/main**. You could update your PR to upstream/main by running the following code, don't forget replacing 'feature' with the name of your local branch: ```bash - git remote add upstream https://github.com/zhiqwang/yolov5-rt-stack.git + git remote add upstream https://github.com/zhiqwang/yolort.git git fetch upstream git rebase upstream/main git checkout -b feature # <--- REPLACE 'feature' WITH YOUR LOCAL BRANCH NAME diff --git a/.github/ISSUE_TEMPLATE/bug-report.yml b/.github/ISSUE_TEMPLATE/bug-report.yml index dcfd6da2..d6ea3f26 100644 --- a/.github/ISSUE_TEMPLATE/bug-report.yml +++ b/.github/ISSUE_TEMPLATE/bug-report.yml @@ -5,7 +5,7 @@ body: - type: markdown attributes: value: > - #### Before submitting a bug, please make sure the issue hasn't been already addressed by searching through [the existing and past issues](https://github.com/zhiqwang/yolov5-rt-stack/issues?q=is%3Aissue+sort%3Acreated-desc+). + #### Before submitting a bug, please make sure the issue hasn't been already addressed by searching through [the existing and past issues](https://github.com/zhiqwang/yolort/issues?q=is%3Aissue+sort%3Acreated-desc+). - type: textarea attributes: label: 🐛 Describe the bug diff --git a/.github/ISSUE_TEMPLATE/config.yml b/.github/ISSUE_TEMPLATE/config.yml index 72be7d84..9921de77 100644 --- a/.github/ISSUE_TEMPLATE/config.yml +++ b/.github/ISSUE_TEMPLATE/config.yml @@ -1,5 +1,5 @@ blank_issues_enabled: true contact_links: - name: Usage questions - url: https://github.com/zhiqwang/yolov5-rt-stack/discussions + url: https://github.com/zhiqwang/yolort/discussions about: Ask questions and discuss with other yolort community members diff --git a/.github/ISSUE_TEMPLATE/documentation.yml b/.github/ISSUE_TEMPLATE/documentation.yml index d1ffc761..fcaa6ed0 100644 --- a/.github/ISSUE_TEMPLATE/documentation.yml +++ b/.github/ISSUE_TEMPLATE/documentation.yml @@ -1,12 +1,12 @@ name: 📚 Documentation -description: Report an issue related to https://github.com/zhiqwang/yolov5-rt-stack/tree/master/docs +description: Report an issue related to https://github.com/zhiqwang/yolort/tree/master/docs body: - type: textarea attributes: label: 📚 The doc issue description: > - A clear and concise description of what content in https://github.com/zhiqwang/yolov5-rt-stack/tree/master/docs is an issue. + A clear and concise description of what content in https://github.com/zhiqwang/yolort/tree/master/docs is an issue. validations: required: true - type: textarea diff --git a/README.md b/README.md index bc87c1b1..664f2f9d 100644 --- a/README.md +++ b/README.md @@ -10,21 +10,21 @@ ______________________________________________________________________ [Installation Instructions](https://zhiqwang.com/yolort/installation.html) • [Deployment](#-deployment) • [Contributing](.github/CONTRIBUTING.md) • -[Reporting Issues](https://github.com/zhiqwang/yolov5-rt-stack/issues/new?assignees=&labels=&template=bug-report.yml) +[Reporting Issues](https://github.com/zhiqwang/yolort/issues/new?assignees=&labels=&template=bug-report.yml) ______________________________________________________________________ [![Python Version](https://img.shields.io/badge/Python-3.6--3.10-FFD43B?logo=python)](https://pypi.org/project/yolort/) [![PyPI version](https://img.shields.io/pypi/v/yolort?color=4D97FF&logo=PyPI)](https://badge.fury.io/py/yolort) [![PyPI downloads](https://static.pepy.tech/personalized-badge/yolort?period=total&units=international_system&left_color=grey&right_color=brightgreen&left_text=pypi%20downloads)](https://pepy.tech/project/yolort) -[![Github downloads](https://img.shields.io/github/downloads/zhiqwang/yolov5-rt-stack/total?label=Model%20downloads&logo=PyTorch&color=FF6F00&logoColor=EE4C2C)](https://github.com/zhiqwang/yolov5-rt-stack/releases) +[![Github downloads](https://img.shields.io/github/downloads/zhiqwang/yolort/total?label=Model%20downloads&logo=PyTorch&color=FF6F00&logoColor=EE4C2C)](https://github.com/zhiqwang/yolort/releases) [![Slack](https://img.shields.io/badge/Slack%20chat-4A154B?logo=slack&logoColor=white)](https://join.slack.com/t/yolort/shared_invite/zt-mqwc7235-940aAh8IaKYeWclrJx10SA) [![PRs Welcome](https://img.shields.io/badge/PRs%20welcome-792EE5?logo=GitHub-Sponsors&logoColor=#white)](.github/CONTRIBUTING.md) -[![CI testing](https://github.com/zhiqwang/yolov5-rt-stack/actions/workflows/ci-test.yml/badge.svg)](https://github.com/zhiqwang/yolov5-rt-stack/actions/workflows/ci-test.yml) -[![Build & deploy docs](https://github.com/zhiqwang/yolov5-rt-stack/actions/workflows/gh-pages.yml/badge.svg)](https://github.com/zhiqwang/yolov5-rt-stack/tree/gh-pages) -[![pre-commit.ci status](https://results.pre-commit.ci/badge/github/zhiqwang/yolov5-rt-stack/main.svg)](https://results.pre-commit.ci/latest/github/zhiqwang/yolov5-rt-stack/main) -[![codecov](https://codecov.io/gh/zhiqwang/yolov5-rt-stack/branch/main/graph/badge.svg?token=1GX96EA72Y)](https://codecov.io/gh/zhiqwang/yolov5-rt-stack) +[![CI testing](https://github.com/zhiqwang/yolort/actions/workflows/ci-test.yml/badge.svg)](https://github.com/zhiqwang/yolort/actions/workflows/ci-test.yml) +[![Build & deploy docs](https://github.com/zhiqwang/yolort/actions/workflows/gh-pages.yml/badge.svg)](https://github.com/zhiqwang/yolort/tree/gh-pages) +[![pre-commit.ci status](https://results.pre-commit.ci/badge/github/zhiqwang/yolort/main.svg)](https://results.pre-commit.ci/latest/github/zhiqwang/yolort/main) +[![codecov](https://codecov.io/gh/zhiqwang/yolort/branch/main/graph/badge.svg?token=1GX96EA72Y)](https://codecov.io/gh/zhiqwang/yolort) ______________________________________________________________________ @@ -74,8 +74,8 @@ There are no extra compiled components in `yolort` and package dependencies are ```shell # clone yolort repository locally - git clone https://github.com/zhiqwang/yolov5-rt-stack.git - cd yolov5-rt-stack + git clone https://github.com/zhiqwang/yolort.git + cd yolort # install in editable mode pip install -e . ``` @@ -106,7 +106,7 @@ There are no extra compiled components in `yolort` and package dependencies are The models are also available via torch hub, to load `yolov5s` with pretrained weights simply do: ```python -model = torch.hub.load("zhiqwang/yolov5-rt-stack:main", "yolov5s", pretrained=True) +model = torch.hub.load("zhiqwang/yolort:main", "yolov5s", pretrained=True) ``` ### Loading checkpoint from official yolov5 @@ -177,7 +177,7 @@ Now, `yolort` can draw the model graph directly, checkout our [tutorial](https:/ We love your input! Please see our [Contributing Guide](.github/CONTRIBUTING.md) to get started and for how to help out. Thank you to all our contributors! If you like this project please consider ⭐ this repo, as it is the simplest way to support us. -[![Contributors](https://contrib.rocks/image?repo=zhiqwang/yolov5-rt-stack)](https://github.com/zhiqwang/yolov5-rt-stack/graphs/contributors) +[![Contributors](https://contrib.rocks/image?repo=zhiqwang/yolort)](https://github.com/zhiqwang/yolort/graphs/contributors) ## 📖 Citing yolort @@ -187,7 +187,7 @@ If you use yolort in your publication, please cite it by using the following Bib @Misc{yolort2021, author = {Zhiqiang Wang and Song Lin and Shiquan Yu and Wei Zeng and Fidan Kharrasov}, title = {YOLORT: A runtime stack for object detection on specialized accelerators}, - howpublished = {\url{https://github.com/zhiqwang/yolov5-rt-stack}}, + howpublished = {\url{https://github.com/zhiqwang/yolort}}, year = {2021} } ``` diff --git a/deployment/tensorrt-yolov6/README.md b/deployment/tensorrt-yolov6/README.md index 150c557e..0df234ad 100644 --- a/deployment/tensorrt-yolov6/README.md +++ b/deployment/tensorrt-yolov6/README.md @@ -16,8 +16,8 @@ 1. 下载 yolort 源码: ```sh - git clone https://github.com/zhiqwang/yolov5-rt-stack.git - cd yolov5-rt-stack/deployment/tensorrt-yolov6 + git clone https://github.com/zhiqwang/yolort.git + cd yolort/deployment/tensorrt-yolov6 ``` 1. 导出 ONNX 的时候请务必包含 EfficientNMS 算子, 稍后我们会加入一个更清晰的流程. ~从 YOLOv6 官方地址下载 ONNX 模型,如 [yolov6n.onnx](https://github.com/meituan/YOLOv6/releases/download/0.1.0/yolov6n.onnx)~. diff --git a/deployment/tensorrt/README.md b/deployment/tensorrt/README.md index 6e7cb07a..228ee88a 100644 --- a/deployment/tensorrt/README.md +++ b/deployment/tensorrt/README.md @@ -11,7 +11,7 @@ The TensorRT inference example of `yolort`. ## Usage -Here we will mainly discuss how to use the C++ interface, we recommend that you check out our [tutorial](https://zhiqwang.com/yolov5-rt-stack/notebooks/onnx-graphsurgeon-inference-tensorrt.html) first. +Here we will mainly discuss how to use the C++ interface, we recommend that you check out our [tutorial](https://zhiqwang.com/yolort/notebooks/onnx-graphsurgeon-inference-tensorrt.html) first. 1. Export your custom model to TensorRT format diff --git a/docs/source/conf.py b/docs/source/conf.py index 239a2650..c2737d7e 100644 --- a/docs/source/conf.py +++ b/docs/source/conf.py @@ -80,7 +80,7 @@ def setup(app): nbsphinx_epilog = """ View this document as a notebook: -https://github.com/zhiqwang/yolov5-rt-stack/blob/main/{{ env.doc2path(env.docname, base=None) }} +https://github.com/zhiqwang/yolort/blob/main/{{ env.doc2path(env.docname, base=None) }} ---- """ @@ -106,12 +106,12 @@ def setup(app): # "google_analytics_account": "UA-XXXXX", # Specify a base_url used to generate sitemap.xml. If not # specified, then no sitemap will be built. - "base_url": "https://zhiqwang.com/yolov5-rt-stack", + "base_url": "https://zhiqwang.com/yolort", # Set the color and the accent color "color_primary": "blue", "color_accent": "light-blue", # Set the repo location to get a badge with stats - "repo_url": "https://github.com/zhiqwang/yolov5-rt-stack/", + "repo_url": "https://github.com/zhiqwang/yolort/", "repo_name": "yolort", # Visible levels of the global TOC; -1 means unlimited "globaltoc_depth": 3, diff --git a/docs/source/index.rst b/docs/source/index.rst index 2b51f7b4..dbb047d3 100644 --- a/docs/source/index.rst +++ b/docs/source/index.rst @@ -50,8 +50,8 @@ Read a source of image(s) and detect its objects: And we support loading the trained weights from YOLOv5. Please see our documents on what we `share`_ and how we `differ`_ from yolov5 for more details. -.. _share: https://zhiqwang.com/yolov5-rt-stack/notebooks/how-to-align-with-ultralytics-yolov5.html -.. _differ: https://zhiqwang.com/yolov5-rt-stack/notebooks/comparison-between-yolort-vs-yolov5.html +.. _share: https://zhiqwang.com/yolort/notebooks/how-to-align-with-ultralytics-yolov5.html +.. _differ: https://zhiqwang.com/yolort/notebooks/comparison-between-yolort-vs-yolov5.html .. code:: python diff --git a/docs/source/installation.rst b/docs/source/installation.rst index e8f3eb05..63692aae 100644 --- a/docs/source/installation.rst +++ b/docs/source/installation.rst @@ -10,7 +10,7 @@ install PyTorch 1.8.0+ and torchvision 0.9.0+. To install yolort, you may either use the repository - https://github.com/zhiqwang/yolov5-rt-stack/ + https://github.com/zhiqwang/yolort/ and ``setup.py`` from there or use @@ -22,7 +22,7 @@ to get the latest release and :: - pip install 'git+https://github.com/zhiqwang/yolov5-rt-stack.git' + pip install 'git+https://github.com/zhiqwang/yolort.git' to install the development version. diff --git a/notebooks/comparison-between-yolort-vs-yolov5.ipynb b/notebooks/comparison-between-yolort-vs-yolov5.ipynb index 9633cf35..82dcb397 100644 --- a/notebooks/comparison-between-yolort-vs-yolov5.ipynb +++ b/notebooks/comparison-between-yolort-vs-yolov5.ipynb @@ -11,7 +11,7 @@ "\n", "For pre-processing, YOLOv5 uses the [letterboxing (padding)](https://en.wikipedia.org/wiki/Letterboxing_(filming)) resizing that maintains the aspect ratio. The error arises from the `interpolate` operator used in resizing. YOLOv5 uses the [cv2.resize](https://docs.opencv.org/4.x/da/d54/group__imgproc__transform.html#ga47a974309e9102f5f08231edc7e7529d) operator on the input `uint8 [0-255]` images, the operators in OpenCV are not traceable or scriptable, so we use [torch.nn.functional.interpolate](https://pytorch.org/docs/stable/generated/torch.nn.functional.interpolate.html#torch-nn-functional-interpolate) in yolort. Fortunately, the `interpolation` operator of PyTorch is [aligned](https://github.com/pytorch/vision/issues/2950#issuecomment-723038041) with that of OpenCV, however PyTorch's `interpolate` [only supports](https://github.com/pytorch/pytorch/issues/5580) the float data type now, we can only operate with images cast to float types, and therefore there will introduce some errors.\n", "\n", - "YOLOv5 provides a very powerful function to do the post-processing, of which we implement only a non-agnostic version, but the accuracy here should be able to be consistent with the original version. See our [doc](https://zhiqwang.com/yolov5-rt-stack/notebooks/how-to-align-with-ultralytics-yolov5.html) for more details.\n", + "YOLOv5 provides a very powerful function to do the post-processing, of which we implement only a non-agnostic version, but the accuracy here should be able to be consistent with the original version. See our [doc](https://zhiqwang.com/yolort/notebooks/how-to-align-with-ultralytics-yolov5.html) for more details.\n", "\n", "## Prepare environment, image and model weights to test" ] diff --git a/notebooks/export-onnx-inference-onnxruntime.ipynb b/notebooks/export-onnx-inference-onnxruntime.ipynb index fe369ee0..21d2918b 100644 --- a/notebooks/export-onnx-inference-onnxruntime.ipynb +++ b/notebooks/export-onnx-inference-onnxruntime.ipynb @@ -342,15 +342,15 @@ "text": [ "/opt/conda/lib/python3.8/site-packages/torch/nn/functional.py:3701: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requires_grad_(True), rather than torch.tensor(sourceTensor).\n", " (torch.floor((input.size(i + 2).float() * torch.tensor(scale_factors[i], dtype=torch.float32)).float()))\n", - "/coding/yolov5-rt-stack/yolort/models/transform.py:282: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", + "/coding/yolort/yolort/models/transform.py:282: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", " img_h, img_w = _get_shape_onnx(img)\n", - "/coding/yolov5-rt-stack/yolort/models/anchor_utils.py:45: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + "/coding/yolort/yolort/models/anchor_utils.py:45: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", " anchors = torch.as_tensor(self.anchor_grids, dtype=torch.float32, device=device).to(dtype=dtype)\n", - "/coding/yolov5-rt-stack/yolort/models/anchor_utils.py:46: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + "/coding/yolort/yolort/models/anchor_utils.py:46: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", " strides = torch.as_tensor(self.strides, dtype=torch.float32, device=device).to(dtype=dtype)\n", - "/coding/yolov5-rt-stack/yolort/models/box_head.py:402: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + "/coding/yolort/yolort/models/box_head.py:402: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", " strides = torch.as_tensor(self.strides, dtype=torch.float32, device=device).to(dtype=dtype)\n", - "/coding/yolov5-rt-stack/yolort/models/box_head.py:333: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", + "/coding/yolort/yolort/models/box_head.py:333: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", " for head_output, grid, shift, stride in zip(head_outputs, grids, shifts, strides):\n", "/opt/conda/lib/python3.8/site-packages/torch/onnx/symbolic_opset9.py:2815: UserWarning: Exporting aten::index operator of advanced indexing in opset 11 is achieved by combination of multiple ONNX operators, including Reshape, Transpose, Concat, and Gather. If indices include negative values, the exported graph will produce incorrect results.\n", " warnings.warn(\"Exporting aten::index operator of advanced indexing in opset \" +\n" diff --git a/notebooks/export-relay-inference-tvm.ipynb b/notebooks/export-relay-inference-tvm.ipynb index 638acc00..4ce72a43 100644 --- a/notebooks/export-relay-inference-tvm.ipynb +++ b/notebooks/export-relay-inference-tvm.ipynb @@ -100,23 +100,23 @@ " if hasattr(mod, name):\n", "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/torch/_jit_internal.py:669: LightningDeprecationWarning: The `LightningModule.model_size` property was deprecated in v1.5 and will be removed in v1.7. Please use the `pytorch_lightning.utilities.memory.get_model_size_mb`.\n", " item = getattr(mod, name)\n", - "/Users/zhiqiang/Coding/yolov5-rt-stack/yolort/models/yolo_module.py:113: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", + "/Users/zhiqiang/Coding/yolort/yolort/models/yolo_module.py:113: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", " for img in inputs:\n", - "/Users/zhiqiang/Coding/yolov5-rt-stack/yolort/models/transform.py:179: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", + "/Users/zhiqiang/Coding/yolort/yolort/models/transform.py:179: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", " images = [img for img in images]\n", "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/torch/nn/functional.py:3701: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requires_grad_(True), rather than torch.tensor(sourceTensor).\n", " (torch.floor((input.size(i + 2).float() * torch.tensor(scale_factors[i], dtype=torch.float32)).float()))\n", - "/Users/zhiqiang/Coding/yolov5-rt-stack/yolort/models/transform.py:282: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", + "/Users/zhiqiang/Coding/yolort/yolort/models/transform.py:282: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", " img_h, img_w = _get_shape_onnx(img)\n", "/Users/zhiqiang/miniconda3/envs/tvm/lib/python3.8/site-packages/torch/functional.py:445: UserWarning: torch.meshgrid: in an upcoming release, it will be required to pass the indexing argument. (Triggered internally at ../aten/src/ATen/native/TensorShape.cpp:2157.)\n", " return _VF.meshgrid(tensors, **kwargs) # type: ignore[attr-defined]\n", - "/Users/zhiqiang/Coding/yolov5-rt-stack/yolort/models/anchor_utils.py:45: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + "/Users/zhiqiang/Coding/yolort/yolort/models/anchor_utils.py:45: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", " anchors = torch.as_tensor(self.anchor_grids, dtype=torch.float32, device=device).to(dtype=dtype)\n", - "/Users/zhiqiang/Coding/yolov5-rt-stack/yolort/models/anchor_utils.py:46: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + "/Users/zhiqiang/Coding/yolort/yolort/models/anchor_utils.py:46: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", " strides = torch.as_tensor(self.strides, dtype=torch.float32, device=device).to(dtype=dtype)\n", - "/Users/zhiqiang/Coding/yolov5-rt-stack/yolort/models/box_head.py:402: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + "/Users/zhiqiang/Coding/yolort/yolort/models/box_head.py:402: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", " strides = torch.as_tensor(self.strides, dtype=torch.float32, device=device).to(dtype=dtype)\n", - "/Users/zhiqiang/Coding/yolov5-rt-stack/yolort/models/box_head.py:333: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", + "/Users/zhiqiang/Coding/yolort/yolort/models/box_head.py:333: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", " for head_output, grid, shift, stride in zip(head_outputs, grids, shifts, strides):\n" ] } diff --git a/notebooks/how-to-align-with-ultralytics-yolov5.ipynb b/notebooks/how-to-align-with-ultralytics-yolov5.ipynb index d6a173b8..c2c99462 100644 --- a/notebooks/how-to-align-with-ultralytics-yolov5.ipynb +++ b/notebooks/how-to-align-with-ultralytics-yolov5.ipynb @@ -13,7 +13,7 @@ "id": "99e34367-25cc-4a0f-a6fa-74f2cec0c970", "metadata": {}, "source": [ - "As described in the above [document](https://zhiqwang.com/yolov5-rt-stack/notebooks/comparison-between-yolort-vs-yolov5.html), the model inference and post-processing parts of our implementation are consistent with the official version except for the pre-processing part, where we provide a way to load the trained checkpoints of YOLOv5 without the pre-processing." + "As described in the above [document](https://zhiqwang.com/yolort/notebooks/comparison-between-yolort-vs-yolov5.html), the model inference and post-processing parts of our implementation are consistent with the official version except for the pre-processing part, where we provide a way to load the trained checkpoints of YOLOv5 without the pre-processing." ] }, { diff --git a/notebooks/inference-pytorch-export-libtorch.ipynb b/notebooks/inference-pytorch-export-libtorch.ipynb index d49e9781..6d8d4140 100644 --- a/notebooks/inference-pytorch-export-libtorch.ipynb +++ b/notebooks/inference-pytorch-export-libtorch.ipynb @@ -280,7 +280,7 @@ } ], "source": [ - "# label_path = \"https://github.com/raw/zhiqwang/yolov5-rt-stack/main/notebooks/assets/coco.names\"\n", + "# label_path = \"https://github.com/raw/zhiqwang/yolort/main/notebooks/assets/coco.names\"\n", "label_source = \"https://huggingface.co/spaces/zhiqwang/assets/resolve/main/coco.names\"\n", "label_path = label_source.split(\"/\")[-1]\n", "safe_download(label_path, label_source)" @@ -371,9 +371,9 @@ "name": "stderr", "output_type": "stream", "text": [ - "/coding/yolov5-rt-stack/yolort/models/yolo.py:179: UserWarning: YOLO always returns a (Losses, Detections) tuple in scripting.\n", + "/coding/yolort/yolort/models/yolo.py:179: UserWarning: YOLO always returns a (Losses, Detections) tuple in scripting.\n", " warnings.warn(\"YOLO always returns a (Losses, Detections) tuple in scripting.\")\n", - "/coding/yolov5-rt-stack/yolort/models/yolov5.py:180: UserWarning: YOLOv5 always returns a (Losses, Detections) tuple in scripting.\n", + "/coding/yolort/yolort/models/yolov5.py:180: UserWarning: YOLOv5 always returns a (Losses, Detections) tuple in scripting.\n", " warnings.warn(\"YOLOv5 always returns a (Losses, Detections) tuple in scripting.\")\n" ] } diff --git a/notebooks/model-graph-visualization.ipynb b/notebooks/model-graph-visualization.ipynb index aec848db..8703fdae 100644 --- a/notebooks/model-graph-visualization.ipynb +++ b/notebooks/model-graph-visualization.ipynb @@ -46,25 +46,25 @@ " if hasattr(mod, name):\n", "/usr/local/lib/python3.9/site-packages/torch/_jit_internal.py:668: LightningDeprecationWarning: The `LightningModule.loaded_optimizer_states_dict` property is deprecated in v1.4 and will be removed in v1.6.\n", " if hasattr(mod, name):\n", - "/Users/chi/Documents/projects/coding/yolov5-rt-stack/yolort/models/yolo_module.py:97: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", + "/Users/chi/Documents/projects/coding/yolort/yolort/models/yolo_module.py:97: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", " for img in inputs:\n", - "/Users/chi/Documents/projects/coding/yolov5-rt-stack/yolort/models/transform.py:79: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", + "/Users/chi/Documents/projects/coding/yolort/yolort/models/transform.py:79: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", " images = [img for img in images]\n", - "/Users/chi/Documents/projects/coding/yolov5-rt-stack/yolort/models/anchor_utils.py:31: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + "/Users/chi/Documents/projects/coding/yolort/yolort/models/anchor_utils.py:31: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", " stride = torch.as_tensor([stride], dtype=dtype, device=device)\n", - "/Users/chi/Documents/projects/coding/yolov5-rt-stack/yolort/models/anchor_utils.py:50: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + "/Users/chi/Documents/projects/coding/yolort/yolort/models/anchor_utils.py:50: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", " anchor_grid = torch.as_tensor(anchor_grid, dtype=dtype, device=device)\n", "/usr/local/lib/python3.9/site-packages/torch/functional.py:445: UserWarning: torch.meshgrid: in an upcoming release, it will be required to pass the indexing argument. (Triggered internally at ../aten/src/ATen/native/TensorShape.cpp:2157.)\n", " return _VF.meshgrid(tensors, **kwargs) # type: ignore[attr-defined]\n", - "/Users/chi/Documents/projects/coding/yolov5-rt-stack/yolort/models/anchor_utils.py:79: TracerWarning: torch.tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + "/Users/chi/Documents/projects/coding/yolort/yolort/models/anchor_utils.py:79: TracerWarning: torch.tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", " shifts = shifts - torch.tensor(0.5, dtype=shifts.dtype, device=device)\n", - "/Users/chi/Documents/projects/coding/yolov5-rt-stack/yolort/models/transform.py:312: TracerWarning: torch.tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + "/Users/chi/Documents/projects/coding/yolort/yolort/models/transform.py:312: TracerWarning: torch.tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", " torch.tensor(s, dtype=torch.float32, device=boxes.device)\n", - "/Users/chi/Documents/projects/coding/yolov5-rt-stack/yolort/models/transform.py:312: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requires_grad_(True), rather than torch.tensor(sourceTensor).\n", + "/Users/chi/Documents/projects/coding/yolort/yolort/models/transform.py:312: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requires_grad_(True), rather than torch.tensor(sourceTensor).\n", " torch.tensor(s, dtype=torch.float32, device=boxes.device)\n", - "/Users/chi/Documents/projects/coding/yolov5-rt-stack/yolort/models/transform.py:313: TracerWarning: torch.tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + "/Users/chi/Documents/projects/coding/yolort/yolort/models/transform.py:313: TracerWarning: torch.tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", " / torch.tensor(s_orig, dtype=torch.float32, device=boxes.device)\n", - "/Users/chi/Documents/projects/coding/yolov5-rt-stack/yolort/models/transform.py:313: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requires_grad_(True), rather than torch.tensor(sourceTensor).\n", + "/Users/chi/Documents/projects/coding/yolort/yolort/models/transform.py:313: UserWarning: To copy construct from a tensor, it is recommended to use sourceTensor.clone().detach() or sourceTensor.clone().detach().requires_grad_(True), rather than torch.tensor(sourceTensor).\n", " / torch.tensor(s_orig, dtype=torch.float32, device=boxes.device)\n" ] } diff --git a/notebooks/onnx-graphsurgeon-inference-tensorrt.ipynb b/notebooks/onnx-graphsurgeon-inference-tensorrt.ipynb index 2391134e..b24e2050 100644 --- a/notebooks/onnx-graphsurgeon-inference-tensorrt.ipynb +++ b/notebooks/onnx-graphsurgeon-inference-tensorrt.ipynb @@ -241,13 +241,13 @@ "Loaded saved model from yolov5s.pt\n", "/root/miniconda3/envs/torch/lib/python3.8/site-packages/torch/functional.py:568: UserWarning: torch.meshgrid: in an upcoming release, it will be required to pass the indexing argument. (Triggered internally at ../aten/src/ATen/native/TensorShape.cpp:2228.)\n", " return _VF.meshgrid(tensors, **kwargs) # type: ignore[attr-defined]\n", - "/workspace/yolo/yolov5-rt-stack/yolort/models/anchor_utils.py:46: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + "/workspace/yolo/yolort/yolort/models/anchor_utils.py:46: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", " anchors = torch.as_tensor(self.anchor_grids, dtype=torch.float32, device=device).to(dtype=dtype)\n", - "/workspace/yolo/yolov5-rt-stack/yolort/models/anchor_utils.py:47: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + "/workspace/yolo/yolort/yolort/models/anchor_utils.py:47: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", " strides = torch.as_tensor(self.strides, dtype=torch.float32, device=device).to(dtype=dtype)\n", - "/workspace/yolo/yolov5-rt-stack/yolort/relay/logits_decoder.py:45: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", + "/workspace/yolo/yolort/yolort/relay/logits_decoder.py:45: TracerWarning: torch.as_tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect.\n", " strides = torch.as_tensor(self.strides, dtype=torch.float32, device=device).to(dtype=dtype)\n", - "/workspace/yolo/yolov5-rt-stack/yolort/models/box_head.py:337: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", + "/workspace/yolo/yolort/yolort/models/box_head.py:337: TracerWarning: Iterating over a tensor might cause the trace to be incorrect. Passing a tensor of different shape won't change the number of iterations executed (and might lead to errors or silently give incorrect results).\n", " for head_output, grid, shift, stride in zip(head_outputs, grids, shifts, strides):\n", "PyTorch2ONNX graph created successfully\n" ] @@ -685,7 +685,7 @@ } ], "source": [ - "# label_path = \"https://github.com/raw/zhiqwang/yolov5-rt-stack/main/notebooks/assets/coco.names\"\n", + "# label_path = \"https://github.com/raw/zhiqwang/yolort/main/notebooks/assets/coco.names\"\n", "label_source = \"https://huggingface.co/spaces/zhiqwang/assets/resolve/main/coco.names\"\n", "label_path = label_source.split(\"/\")[-1]\n", "safe_download(label_path, label_source)" diff --git a/notebooks/why-yolort.ipynb b/notebooks/why-yolort.ipynb index 7ff5ab5f..cdbe6a6b 100644 --- a/notebooks/why-yolort.ipynb +++ b/notebooks/why-yolort.ipynb @@ -63,10 +63,10 @@ "source": [ "## Part of the code details\n", "\n", - "1. [LetterBox](https://github.com/zhiqwang/yolov5-rt-stack/blob/7cdef76166b2497abf626d12ca74f2c4401f80e2/yolort/models/transform.py#L112) is implemented using PyTorch native operators, via `torch.nn.functional.interpolate` and `torch.nn.functional.pad` operators.\n", + "1. [LetterBox](https://github.com/zhiqwang/yolort/blob/7cdef76166b2497abf626d12ca74f2c4401f80e2/yolort/models/transform.py#L112) is implemented using PyTorch native operators, via `torch.nn.functional.interpolate` and `torch.nn.functional.pad` operators.\n", "1. Easily exported to TorchScript and ONNX formats.\n", - "1. P5/P6-compatible [PathAggregationNetwork](https://github.com/zhiqwang/yolov5-rt-stack/blob/7cdef76166b2497abf626d12ca74f2c4401f80e2/yolort/models/path_aggregation_network.py#L44) implementation, which fully captures the symmetry in the PAN structure.\n", - "1. Minimalist implementation of [PostProcess](https://github.com/zhiqwang/yolov5-rt-stack/blob/7cdef76166b2497abf626d12ca74f2c4401f80e2/yolort/models/box_head.py#L360)." + "1. P5/P6-compatible [PathAggregationNetwork](https://github.com/zhiqwang/yolort/blob/7cdef76166b2497abf626d12ca74f2c4401f80e2/yolort/models/path_aggregation_network.py#L44) implementation, which fully captures the symmetry in the PAN structure.\n", + "1. Minimalist implementation of [PostProcess](https://github.com/zhiqwang/yolort/blob/7cdef76166b2497abf626d12ca74f2c4401f80e2/yolort/models/box_head.py#L360)." ] }, { diff --git a/setup.py b/setup.py index c259fac5..4fdd4049 100644 --- a/setup.py +++ b/setup.py @@ -44,7 +44,7 @@ def get_long_description(): # Get the long description from the README file description = (PATH_ROOT / "README.md").read_text(encoding="utf-8") # replace relative repository path to absolute link to the release - static_url = f"https://github.com/raw/zhiqwang/yolov5-rt-stack/v{version}" + static_url = f"https://github.com/raw/zhiqwang/yolort/v{version}" description = description.replace("docs/source/_static/", f"{static_url}/docs/source/_static/") description = description.replace("notebooks/assets/", f"{static_url}/notebooks/assets/") description = description.replace("_graph_visualize.svg", "_graph_visualize.png") @@ -78,7 +78,7 @@ def load_requirements(path_dir=PATH_ROOT, file_name="requirements.txt", comment_ author_email="me@zhiqwang.com", long_description=get_long_description(), long_description_content_type="text/markdown", - url="https://github.com/zhiqwang/yolov5-rt-stack", + url="https://github.com/zhiqwang/yolort", license="GPL-3.0", packages=find_packages(exclude=["test", "deployment", "notebooks"]), zip_safe=False, @@ -128,8 +128,8 @@ def load_requirements(path_dir=PATH_ROOT, file_name="requirements.txt", comment_ # maintainers, and where to support the project financially. The key is # what's used to render the link text on PyPI. project_urls={ # Optional - "Bug Reports": "https://github.com/zhiqwang/yolov5-rt-stack/issues", + "Bug Reports": "https://github.com/zhiqwang/yolort/issues", "Funding": "https://zhiqwang.com", - "Source": "https://github.com/zhiqwang/yolov5-rt-stack/", + "Source": "https://github.com/zhiqwang/yolort/", }, ) diff --git a/test/test_models_yolov5.py b/test/test_models_yolov5.py index c6c892a0..52bee61a 100644 --- a/test/test_models_yolov5.py +++ b/test/test_models_yolov5.py @@ -52,7 +52,7 @@ def test_train_with_vanilla_model(): def test_train_with_vanilla_module(): """ - For issue #86: + For issue #86: """ # Define the device device = torch.device("cpu") diff --git a/test/test_runtime_ort.py b/test/test_runtime_ort.py index 483bde48..1be9e3ed 100644 --- a/test/test_runtime_ort.py +++ b/test/test_runtime_ort.py @@ -132,5 +132,5 @@ def test_onnx_export_misbatch(self, arch): self.run_model(model, [[img_one, img_two], [img_two, img_one, img_dummy]]) # Test exported model on images of misbatch - with pytest.raises(ValueError, match="Model requires 3 inputs. Input Feed contains 2"): + with pytest.raises(ValueError, match="Required inputs (['image3']) are missing from input feed"): self.run_model(model, [[img_two, img_one, img_dummy], [img_one, img_two]]) diff --git a/yolort/data/_helper.py b/yolort/data/_helper.py index ede98717..2a95af9a 100644 --- a/yolort/data/_helper.py +++ b/yolort/data/_helper.py @@ -65,7 +65,7 @@ def prepare_coco128( data_path.mkdir(parents=True, exist_ok=True) zip_path = data_path / "coco128.zip" - coco128_url = "https://github.com/zhiqwang/yolov5-rt-stack/releases/download/v0.3.0/coco128.zip" + coco128_url = "https://github.com/zhiqwang/yolort/releases/download/v0.3.0/coco128.zip" if not zip_path.is_file(): logger.info(f"Downloading coco128 datasets form {coco128_url}") torch.hub.download_url_to_file(coco128_url, zip_path, hash_prefix="a67d2887") diff --git a/yolort/models/transform.py b/yolort/models/transform.py index da68d28c..08b3dd0a 100644 --- a/yolort/models/transform.py +++ b/yolort/models/transform.py @@ -152,7 +152,7 @@ def forward( images (List[Tensor]): Images to be processed. In general the type of images is a list of 3-dim `Tensor`, except for the dataloader in training and evaluation, the `images` will be a 4-dim `Tensor` in that case. Check out the belows link for more details: - https://github.com/zhiqwang/yolov5-rt-stack/pull/308#pullrequestreview-878689796 + https://github.com/zhiqwang/yolort/pull/308#pullrequestreview-878689796 targets (List[Dict[Tensor]], optional): ground-truth boxes present in the image for training. Default: None diff --git a/yolort/models/yolo.py b/yolort/models/yolo.py index fdca11e8..f436e4ae 100644 --- a/yolort/models/yolo.py +++ b/yolort/models/yolo.py @@ -265,8 +265,8 @@ def build_model( return model -model_urls_root_r40 = "https://github.com/zhiqwang/yolov5-rt-stack/releases/download/v0.3.0" -model_urls_root_r60 = "https://github.com/zhiqwang/yolov5-rt-stack/releases/download/v0.5.2-alpha" +model_urls_root_r40 = "https://github.com/zhiqwang/yolort/releases/download/v0.3.0" +model_urls_root_r60 = "https://github.com/zhiqwang/yolort/releases/download/v0.5.2-alpha" model_urls = { # Path Aggregation Network 3.1 and 4.0 diff --git a/yolort/relay/trt_graphsurgeon.py b/yolort/relay/trt_graphsurgeon.py index 2824801b..38d33e2c 100644 --- a/yolort/relay/trt_graphsurgeon.py +++ b/yolort/relay/trt_graphsurgeon.py @@ -35,7 +35,7 @@ class YOLOTRTGraphSurgeon: module named ``LogitsDecoder`` to connect to ``EfficientNMS_TRT`` plugin in TensorRT. And the ``EfficientNMS_TRT`` plays the same role of following computation. - https://github.com/zhiqwang/yolov5-rt-stack/blob/ba00833/yolort/models/box_head.py#L410-L418 + https://github.com/zhiqwang/yolort/blob/ba00833/yolort/models/box_head.py#L410-L418 Args: model_path (string): The path pointing to the PyTorch saved model to load. diff --git a/yolort/utils/annotations_converter.py b/yolort/utils/annotations_converter.py index 6f4eaf65..ba6690a4 100644 --- a/yolort/utils/annotations_converter.py +++ b/yolort/utils/annotations_converter.py @@ -84,7 +84,7 @@ def _get_licenses(set_license): { "id": 1, "name": "GNU General Public License v3.0", - "url": "https://github.com/zhiqwang/yolov5-rt-stack/blob/main/LICENSE", + "url": "https://github.com/zhiqwang/yolort/blob/main/LICENSE", } ] return licenses