language
stringclasses 1
value | id
int64 0
77
| repo_owner
stringlengths 3
20
| repo_name
stringlengths 3
28
| head_branch
stringlengths 2
63
| workflow_name
stringlengths 2
37
| workflow_filename
stringlengths 6
28
| workflow_path
stringlengths 24
46
| contributor
stringlengths 3
16
| sha_fail
stringlengths 40
40
| sha_success
stringlengths 40
40
| workflow
stringlengths 317
6.11k
| logs
listlengths 1
23
| diff
stringlengths 356
56.7k
| difficulty
int64 1
3
| changed_files
sequencelengths 1
21
| commit_link
stringlengths 74
106
|
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
Python | 17 | huggingface | accelerate | AjayP13-patch-1 | Quality Check | quality.yml | .github/workflows/quality.yml | AjayP13 | 028ad1efee2c41691d78e5a4de90ebd6f8236cad | 9ff59024aee19e24948401eb8cc7057602592b49 | name: Quality Check
on: [pull_request]
jobs:
quality:
runs-on: ubuntu-latest
steps:
- uses: actions/[email protected]
- name: Set up Python 3.8
uses: actions/setup-python@v3
with:
python-version: 3.8
- name: Install Python dependencies
run: pip install -e .[quality]
- name: Run Quality check
run: make quality
- name: Check if failure
if: ${{ failure() }}
run: |
echo "Quality check failed. Please ensure the right dependency versions are installed with 'pip install -e .[quality]' and rerun 'make style; make quality;'" >> $GITHUB_STEP_SUMMARY
| [
{
"step_name": "quality/5_Run Quality check.txt",
"log": "##[group]Run make quality\n\u001b[36;1mmake quality\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\nblack --required-version 23 --check tests src examples benchmarks utils\nAll done! โจ ๐ฐ โจ\n118 files would be left unchanged.\nruff tests src examples benchmarks utils\nsrc/accelerate/utils/__init__.py:1:1: I001 [*] Import block is un-sorted or un-formatted\nsrc/accelerate/utils/modeling.py:15:1: I001 [*] Import block is un-sorted or un-formatted\nFound 2 errors.\n[*] 2 fixable with the `--fix` option.\nmake: *** [Makefile:16: quality] Error 1\n##[error]Process completed with exit code 2.\n"
}
] | diff --git a/src/accelerate/utils/__init__.py b/src/accelerate/utils/__init__.py
index ddf794a..7179afb 100644
--- a/src/accelerate/utils/__init__.py
+++ b/src/accelerate/utils/__init__.py
@@ -59,7 +59,6 @@ from .imports import (
is_comet_ml_available,
is_cuda_available,
is_datasets_available,
- is_peft_available,
is_deepspeed_available,
is_dvclive_available,
is_fp8_available,
@@ -70,6 +69,7 @@ from .imports import (
is_msamp_available,
is_npu_available,
is_pandas_available,
+ is_peft_available,
is_rich_available,
is_sagemaker_available,
is_tensorboard_available,
@@ -81,7 +81,6 @@ from .imports import (
is_xpu_available,
)
from .modeling import (
- is_peft_model,
calculate_maximum_sizes,
check_device_map,
check_tied_parameters_in_config,
@@ -96,6 +95,7 @@ from .modeling import (
get_mixed_precision_context_manager,
id_tensor_storage,
infer_auto_device_map,
+ is_peft_model,
load_checkpoint_in_model,
load_offloaded_weights,
load_state_dict,
diff --git a/src/accelerate/utils/modeling.py b/src/accelerate/utils/modeling.py
index 802b13c..03d3a39 100644
--- a/src/accelerate/utils/modeling.py
+++ b/src/accelerate/utils/modeling.py
@@ -30,7 +30,7 @@ import torch.nn as nn
from ..state import AcceleratorState
from .constants import SAFE_WEIGHTS_NAME, WEIGHTS_NAME
from .dataclasses import AutocastKwargs, CustomDtype, DistributedType
-from .imports import is_mps_available, is_npu_available, is_xpu_available, is_peft_available
+from .imports import is_mps_available, is_npu_available, is_peft_available, is_xpu_available
from .offload import load_offloaded_weight, offload_weight, save_offload_index
from .tqdm import is_tqdm_available, tqdm
| 1 | [
"src/accelerate/utils/__init__.py",
"src/accelerate/utils/modeling.py"
] | https://github.com/huggingface/accelerate/tree/028ad1efee2c41691d78e5a4de90ebd6f8236cad |
Python | 32 | mikel-brostrom | yolo_tracking | centroid-asso-support | CI CPU testing | ci.yml | .github/workflows/ci.yml | mikel-brostrom | 03669a5d72130c57575bedd657b82c601f08a982 | 0948605abb9d6d962450f1bbf9a0b9c96c429b29 | # name of the workflow, what it is doing (optional)
name: CI CPU testing
# events that trigger the workflow (required)
on:
push:
branches: [master, CIdebug]
pull_request:
# pull request where master is target
branches: [master]
env:
# Directory of PyPi package to be tested
PACKAGE_DIR: boxmot
# Minimum acceptable test coverage
# Increase as you add more tests to increase coverage
COVERAGE_FAIL_UNDER: 29
# the workflow that gets triggerd
jobs:
build:
runs-on: ${{ matrix.os }}
strategy:
fail-fast: false
matrix:
os: [ubuntu-latest] # skip windows-latest for
python-version: ['3.8', '3.9', '3.10']
#model: ['yolov8n', 'yolo_nas_s', yolox_n] # yolo models to test
#tracking-methods: ['deepocsort', 'ocsort', 'botsort', 'strongsort', 'bytetrack'] # tracking methods to test
# Timeout: https://stackoverflow.com/a/59076067/4521646
timeout-minutes: 50
steps:
- uses: actions/checkout@v4 # Check out the repository
- uses: actions/setup-python@v5 # Prepare environment with python 3.9
with:
python-version: ${{ matrix.python-version }}
cache: 'pip' # caching pip dependencies
- name: Install requirements
shell: bash # for Windows compatibility
run: |
python -m pip install --upgrade pip setuptools wheel
pip install -e . pytest pytest-cov --extra-index-url https://download.pytorch.org/whl/cpu
python --version
pip --version
pip list
- name: Tests all tracking options
shell: bash # for Windows compatibility
env:
IMG: ./assets/MOT17-mini/train/MOT17-05-FRCNN/img1/000001.jpg
run: |
# deepocsort fro all supported yolo models
python examples/track.py --tracking-method deepocsort --source $IMG --imgsz 320
python examples/track.py --yolo-model yolo_nas_s --tracking-method deepocsort --source $IMG --imgsz 320
# python examples/track.py --yolo-model yolox_n --tracking-method deepocsort --source $IMG --imgsz 320
# hybridsort
python examples/track.py --tracking-method hybridsort --source $IMG --imgsz 320
# botsort
python examples/track.py --tracking-method botsort --source $IMG --imgsz 320
# strongsort
python examples/track.py --tracking-method strongsort --source $IMG --imgsz 320
# ocsort
python examples/track.py --tracking-method ocsort --source $IMG --imgsz 320
# bytetrack
python examples/track.py --tracking-method bytetrack --source $IMG --imgsz 320
- name: Pytest tests # after tracking options as this does not download models
shell: bash # for Windows compatibility
run: |
# needed in TFLite export
wget https://github.com/PINTO0309/onnx2tf/releases/download/1.16.31/flatc.tar.gz
tar -zxvf flatc.tar.gz
sudo chmod +x flatc
sudo mv flatc /usr/bin/
pytest --cov=$PACKAGE_DIR --cov-report=html -v tests
coverage report --fail-under=$COVERAGE_FAIL_UNDER
- name: Tests exported reid models
env:
IMG: ./assets/MOT17-mini/train/MOT17-05-FRCNN/img1/000001.jpg
shell: bash # for Windows compatibility
run: |
# test exported reid model
python examples/track.py --reid-model examples/weights/osnet_x0_25_msmt17.torchscript --source $IMG --imgsz 320
python examples/track.py --reid-model examples/weights/osnet_x0_25_msmt17.onnx --source $IMG --imgsz 320
#python examples/track.py --reid-model examples/weights/osnet_x0_25_msmt17_saved_model/osnet_x0_25_msmt17_float16.tflite --source $IMG --imgsz 320
python examples/track.py --reid-model examples/weights/osnet_x0_25_msmt17_openvino_model --source $IMG --imgsz 320
- name: Test tracking with seg models
env:
IMG: ./assets/MOT17-mini/train/MOT17-05-FRCNN/img1/000001.jpg
shell: bash # for Windows compatibility
run: |
# tracking with SEG models
python examples/track.py --tracking-method deepocsort --yolo-model yolov8n-seg.pt --source $IMG
- name: Test tracking with pose models
env:
IMG: ./assets/MOT17-mini/train/MOT17-05-FRCNN/img1/000001.jpg
shell: bash # for Windows compatibility
run: |
# tracking with POSE models
python3 examples/track.py --yolo-model weights/yolov8n.pt --source $IMG --imgsz 320
- name: Test validation on MOT17 subset
shell: bash # for Windows compatibility
run: |
# validation on a few MOT17 imges
python examples/val.py --tracking-method deepocsort --yolo-model yolov8n.pt --benchmark MOT17-mini --imgsz 320 --conf 0.2
- name: Test evolution on MOT17 subset
shell: bash # for Windows compatibility
run: |
# evolve a for a single set of parameters
python examples/evolve.py --objectives HOTA,MOTA,IDF1 --benchmark MOT17-mini --n-trials 1 --imgsz 320 --conf 0.2
| [
{
"step_name": "build (ubuntu-latest, 3.8)/6_Pytest tests.txt",
"log": "##[group]Run # needed in TFLite export\n\u001b[36;1m\u001b[0m\n\u001b[36;1m# needed in TFLite export\u001b[0m\n\u001b[36;1mwget https://github.com/PINTO0309/onnx2tf/releases/download/1.16.31/flatc.tar.gz\u001b[0m\n\u001b[36;1mtar -zxvf flatc.tar.gz\u001b[0m\n\u001b[36;1msudo chmod +x flatc\u001b[0m\n\u001b[36;1msudo mv flatc /usr/bin/\u001b[0m\n\u001b[36;1m\u001b[0m\n\u001b[36;1mpytest --cov=$PACKAGE_DIR --cov-report=html -v tests\u001b[0m\n\u001b[36;1mcoverage report --fail-under=$COVERAGE_FAIL_UNDER\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n PACKAGE_DIR: boxmot\n COVERAGE_FAIL_UNDER: 29\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n--2024-01-12 20:11:25-- https://github.com/PINTO0309/onnx2tf/releases/download/1.16.31/flatc.tar.gz\nResolving github.com (github.com)... 140.82.112.3\nConnecting to github.com (github.com)|140.82.112.3|:443... connected.\nHTTP request sent, awaiting response... 302 Found\nLocation: https://objects.githubusercontent.com/github-production-release-asset-2e65be/541831874/29499355-44ab-4fb6-86c8-582f4bad68a3?X-Amz-Algorithm=AWS4-HMAC-SHA256&X-Amz-Credential=AKIAVCODYLSA53PQK4ZA%2F20240112%2Fus-east-1%2Fs3%2Faws4_request&X-Amz-Date=20240112T201125Z&X-Amz-Expires=300&X-Amz-Signature=3bfcceeafbe583d085cec55f86a8526c6e9f64b963ff80c4ac3797875e856d28&X-Amz-SignedHeaders=host&actor_id=0&key_id=0&repo_id=541831874&response-content-disposition=attachment%3B%20filename%3Dflatc.tar.gz&response-content-type=application%2Foctet-stream [following]\n--2024-01-12 20:11:25-- https://objects.githubusercontent.com/github-production-release-asset-2e65be/541831874/29499355-44ab-4fb6-86c8-582f4bad68a3?X-Amz-Algorithm=AWS4-HMAC-SHA256&X-Amz-Credential=AKIAVCODYLSA53PQK4ZA%2F20240112%2Fus-east-1%2Fs3%2Faws4_request&X-Amz-Date=20240112T201125Z&X-Amz-Expires=300&X-Amz-Signature=3bfcceeafbe583d085cec55f86a8526c6e9f64b963ff80c4ac3797875e856d28&X-Amz-SignedHeaders=host&actor_id=0&key_id=0&repo_id=541831874&response-content-disposition=attachment%3B%20filename%3Dflatc.tar.gz&response-content-type=application%2Foctet-stream\nResolving objects.githubusercontent.com (objects.githubusercontent.com)... 185.199.110.133, 185.199.108.133, 185.199.109.133, ...\nConnecting to objects.githubusercontent.com (objects.githubusercontent.com)|185.199.110.133|:443... connected.\nHTTP request sent, awaiting response... 200 OK\nLength: 1382707 (1.3M) [application/octet-stream]\nSaving to: โflatc.tar.gzโ\n\n 0K .......... .......... .......... .......... .......... 3% 28.1M 0s\n 50K .......... .......... .......... .......... .......... 7% 36.5M 0s\n 100K .......... .......... .......... .......... .......... 11% 143M 0s\n 150K .......... .......... .......... .......... .......... 14% 42.2M 0s\n 200K .......... .......... .......... .......... .......... 18% 131M 0s\n 250K .......... .......... .......... .......... .......... 22% 167M 0s\n 300K .......... .......... .......... .......... .......... 25% 200M 0s\n 350K .......... .......... .......... .......... .......... 29% 74.0M 0s\n 400K .......... .......... .......... .......... .......... 33% 187M 0s\n 450K .......... .......... .......... .......... .......... 37% 172M 0s\n 500K .......... .......... .......... .......... .......... 40% 132M 0s\n 550K .......... .......... .......... .......... .......... 44% 233M 0s\n 600K .......... .......... .......... .......... .......... 48% 155M 0s\n 650K .......... .......... .......... .......... .......... 51% 208M 0s\n 700K .......... .......... .......... .......... .......... 55% 136M 0s\n 750K .......... .......... .......... .......... .......... 59% 223M 0s\n 800K .......... .......... .......... .......... .......... 62% 136M 0s\n 850K .......... .......... .......... .......... .......... 66% 140M 0s\n 900K .......... .......... .......... .......... .......... 70% 238M 0s\n 950K .......... .......... .......... .......... .......... 74% 241M 0s\n 1000K .......... .......... .......... .......... .......... 77% 242M 0s\n 1050K .......... .......... .......... .......... .......... 81% 215M 0s\n 1100K .......... .......... .......... .......... .......... 85% 238M 0s\n 1150K .......... .......... .......... .......... .......... 88% 240M 0s\n 1200K .......... .......... .......... .......... .......... 92% 236M 0s\n 1250K .......... .......... .......... .......... .......... 96% 198M 0s\n 1300K .......... .......... .......... .......... .......... 99% 251M 0s\n 1350K 100% 572G=0.01s\n\n2024-01-12 20:11:25 (120 MB/s) - โflatc.tar.gzโ saved [1382707/1382707]\n\nflatc\n============================= test session starts ==============================\nplatform linux -- Python 3.8.18, pytest-7.4.4, pluggy-1.3.0 -- /opt/hostedtoolcache/Python/3.8.18/x64/bin/python\ncachedir: .pytest_cache\nrootdir: /home/runner/work/yolo_tracking/yolo_tracking\nplugins: hydra-core-1.3.2, cov-4.1.0\ncollecting ... collected 14 items\n\ntests/test_exports.py::test_export_torchscript PASSED [ 7%]\ntests/test_exports.py::test_export_onnx PASSED [ 14%]\ntests/test_exports.py::test_export_openvino PASSED [ 21%]\ntests/test_python.py::test_strongsort_instantiation PASSED [ 28%]\ntests/test_python.py::test_botsort_instantiation PASSED [ 35%]\ntests/test_python.py::test_deepocsort_instantiation PASSED [ 42%]\ntests/test_python.py::test_ocsort_instantiation PASSED [ 50%]\ntests/test_python.py::test_bytetrack_instantiation PASSED [ 57%]\ntests/test_python.py::test_deepocsort_output FAILED [ 64%]\ntests/test_python.py::test_ocsort_output PASSED [ 71%]\ntests/test_python.py::test_botsort_output PASSED [ 78%]\ntests/test_python.py::test_bytetrack_output PASSED [ 85%]\ntests/test_python.py::test_strongsort_output PASSED [ 92%]\ntests/test_python.py::test_gsi PASSED [100%]\n\n=================================== FAILURES ===================================\n____________________________ test_deepocsort_output ____________________________\n\n def test_deepocsort_output():\n tracker_conf = get_tracker_config('deepocsort')\n tracker = create_tracker(\n tracker_type='deepocsort',\n tracker_config=tracker_conf,\n reid_weights=WEIGHTS / 'mobilenetv2_x1_4_dukemtmcreid.pt',\n device='cpu',\n half=False,\n per_class=False\n )\n rgb = np.random.randint(255, size=(640, 640, 3), dtype=np.uint8)\n det = np.array([[144, 212, 578, 480, 0.82, 0],\n [425, 281, 576, 472, 0.56, 65]])\n output = tracker.update(det, rgb)\n # Works since frame count is less than min hits (1 <= 2)\n assert output.shape == (2, 8) # two inputs should give two outputs\n output = np.flip(np.delete(output, [4, 7], axis=1), axis=0)\n assert_allclose(det, output, atol=1, rtol=7e-3, verbose=True)\n \n # Instantiate new tracker and ensure minimum number of hits works\n tracker = create_tracker(\n tracker_type='deepocsort',\n tracker_config=tracker_conf,\n reid_weights=WEIGHTS / 'mobilenetv2_x1_4_dukemtmcreid.pt',\n device='cpu',\n half=False,\n per_class=False\n )\n tracker.min_hits = 2\n output = tracker.update(np.empty((0, 6)), rgb)\n assert output.size == 0\n output = tracker.update(np.empty((0, 6)), rgb)\n assert output.size == 0\n output = tracker.update(det, rgb)\n assert output.size == 0\n> output = tracker.update(det, rgb)\n\ntests/test_python.py:86: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \nboxmot/trackers/deepocsort/deep_ocsort.py:434: in update\n matched, unmatched_dets, unmatched_trks = associate(\nboxmot/utils/association.py:146: in associate\n iou_matrix = run_asso_func(asso_func, detections, trackers, w, h)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nfunc = <function giou_batch at 0x7f1dba152ca0>\nargs = (array([[1.44e+02, 2.12e+02, 5.78e+02, 4.80e+02, 8.20e-01],\n [4.25e+02, 2.81e+02, 5.76e+02, 4.72e+02, 5.60e-01]]), array([[144., 212., 578., 480., 0.],\n [425., 281., 576., 472., 0.]]), 640, 640)\n\n def run_asso_func(func, *args):\n \"\"\"\n Wrapper function that checks the inputs to the association functions\n and then call either one of the iou association functions or centroid.\n \n Parameters:\n func: The batch function to call (either *iou*_batch or centroid_batch).\n *args: Variable length argument list, containing either bounding boxes and optionally size parameters.\n \"\"\"\n if func not in [iou_batch, giou_batch, diou_batch, ciou_batch, centroid_batch]:\n raise ValueError(\"Invalid function specified. Must be either '(g,d,c, )iou_batch' or 'centroid_batch'.\")\n \n if func is (iou_batch or giou_batch or diou_batch or ciou_batch):\n if len(args) != 4 or not all(isinstance(arg, (list, np.ndarray)) for arg in args[0:2]):\n raise ValueError(\"Invalid arguments for iou_batch. Expected two bounding boxes.\")\n return func(*args)\n elif func is centroid_batch:\n if len(args) != 4 or not all(isinstance(arg, (list, np.ndarray)) for arg in args[:2]) or not all(isinstance(arg, (int)) for arg in args[2:]):\n raise ValueError(\"Invalid arguments for centroid_batch. Expected two bounding boxes and two size parameters.\")\n return func(*args)\n else:\n> raise ValueError(\"No such association method\")\nE ValueError: No such association method\n\nboxmot/utils/iou.py:212: ValueError\n----------------------------- Captured stderr call -----------------------------\nDownloading...\nFrom: https://drive.google.com/uc?id=12uD5FeVqLg9-AFDju2L7SQxjmPb4zpBN\nTo: /home/runner/work/yolo_tracking/yolo_tracking/examples/weights/mobilenetv2_x1_4_dukemtmcreid.pt\n\n 0%| | 0.00/22.4M [00:00<?, ?B/s]\n 9%|โ | 2.10M/22.4M [00:00<00:01, 19.5MB/s]\n 40%|โโโโ | 8.91M/22.4M [00:00<00:00, 43.6MB/s]\n 82%|โโโโโโโโโ | 18.4M/22.4M [00:00<00:00, 65.1MB/s]\n100%|โโโโโโโโโโ| 22.4M/22.4M [00:00<00:00, 64.2MB/s]\n\u001b[32m2024-01-12 20:11:55.585\u001b[0m | \u001b[32m\u001b[1mSUCCESS \u001b[0m | \u001b[36mboxmot.appearance.reid_model_factory\u001b[0m:\u001b[36mload_pretrained_weights\u001b[0m:\u001b[36m207\u001b[0m - \u001b[32m\u001b[1mSuccessfully loaded pretrained weights from \"/home/runner/work/yolo_tracking/yolo_tracking/examples/weights/mobilenetv2_x1_4_dukemtmcreid.pt\"\u001b[0m\n\u001b[32m2024-01-12 20:11:55.738\u001b[0m | \u001b[32m\u001b[1mSUCCESS \u001b[0m | \u001b[36mboxmot.appearance.reid_model_factory\u001b[0m:\u001b[36mload_pretrained_weights\u001b[0m:\u001b[36m207\u001b[0m - \u001b[32m\u001b[1mSuccessfully loaded pretrained weights from \"/home/runner/work/yolo_tracking/yolo_tracking/examples/weights/mobilenetv2_x1_4_dukemtmcreid.pt\"\u001b[0m\n=============================== warnings summary ===============================\nboxmot/utils/checks.py:5\n /home/runner/work/yolo_tracking/yolo_tracking/boxmot/utils/checks.py:5: DeprecationWarning: pkg_resources is deprecated as an API. See https://setuptools.pypa.io/en/latest/pkg_resources.html\n import pkg_resources\n\n../../../../../opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868\n /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868: DeprecationWarning: Deprecated call to `pkg_resources.declare_namespace('mpl_toolkits')`.\n Implementing implicit namespace packages (as specified in PEP 420) is preferred to `pkg_resources.declare_namespace`. See https://setuptools.pypa.io/en/latest/references/keywords.html#keyword-namespace-packages\n declare_namespace(pkg)\n\n../../../../../opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868\n /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868: DeprecationWarning: Deprecated call to `pkg_resources.declare_namespace('google')`.\n Implementing implicit namespace packages (as specified in PEP 420) is preferred to `pkg_resources.declare_namespace`. See https://setuptools.pypa.io/en/latest/references/keywords.html#keyword-namespace-packages\n declare_namespace(pkg)\n\n../../../../../opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868\n /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868: DeprecationWarning: Deprecated call to `pkg_resources.declare_namespace('sphinxcontrib')`.\n Implementing implicit namespace packages (as specified in PEP 420) is preferred to `pkg_resources.declare_namespace`. See https://setuptools.pypa.io/en/latest/references/keywords.html#keyword-namespace-packages\n declare_namespace(pkg)\n\ntests/test_exports.py::test_export_onnx\n /home/runner/work/yolo_tracking/yolo_tracking/boxmot/appearance/backbones/osnet.py:389: TracerWarning: Converting a tensor to a Python boolean might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs!\n if return_featuremaps:\n\ntests/test_exports.py::test_export_openvino\n /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/defusedxml/__init__.py:30: DeprecationWarning: defusedxml.cElementTree is deprecated, import from defusedxml.ElementTree instead.\n from . import cElementTree\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n\n---------- coverage: platform linux, python 3.8.18-final-0 -----------\nCoverage HTML written to dir htmlcov\n\n=========================== short test summary info ============================\nFAILED tests/test_python.py::test_deepocsort_output - ValueError: No such association method\n================== 1 failed, 13 passed, 9 warnings in 31.85s ===================\n##[error]Process completed with exit code 1.\n"
},
{
"step_name": "build (ubuntu-latest, 3.9)/6_Pytest tests.txt",
"log": "##[group]Run # needed in TFLite export\n\u001b[36;1m\u001b[0m\n\u001b[36;1m# needed in TFLite export\u001b[0m\n\u001b[36;1mwget https://github.com/PINTO0309/onnx2tf/releases/download/1.16.31/flatc.tar.gz\u001b[0m\n\u001b[36;1mtar -zxvf flatc.tar.gz\u001b[0m\n\u001b[36;1msudo chmod +x flatc\u001b[0m\n\u001b[36;1msudo mv flatc /usr/bin/\u001b[0m\n\u001b[36;1m\u001b[0m\n\u001b[36;1mpytest --cov=$PACKAGE_DIR --cov-report=html -v tests\u001b[0m\n\u001b[36;1mcoverage report --fail-under=$COVERAGE_FAIL_UNDER\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n PACKAGE_DIR: boxmot\n COVERAGE_FAIL_UNDER: 29\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\n--2024-01-12 20:11:58-- https://github.com/PINTO0309/onnx2tf/releases/download/1.16.31/flatc.tar.gz\nResolving github.com (github.com)... 192.30.255.113\nConnecting to github.com (github.com)|192.30.255.113|:443... connected.\nHTTP request sent, awaiting response... 302 Found\nLocation: https://objects.githubusercontent.com/github-production-release-asset-2e65be/541831874/29499355-44ab-4fb6-86c8-582f4bad68a3?X-Amz-Algorithm=AWS4-HMAC-SHA256&X-Amz-Credential=AKIAVCODYLSA53PQK4ZA%2F20240112%2Fus-east-1%2Fs3%2Faws4_request&X-Amz-Date=20240112T201159Z&X-Amz-Expires=300&X-Amz-Signature=709497883dd2c2a9471410daf12c63e704acb6b779fb216aa16d512cc5577229&X-Amz-SignedHeaders=host&actor_id=0&key_id=0&repo_id=541831874&response-content-disposition=attachment%3B%20filename%3Dflatc.tar.gz&response-content-type=application%2Foctet-stream [following]\n--2024-01-12 20:11:59-- https://objects.githubusercontent.com/github-production-release-asset-2e65be/541831874/29499355-44ab-4fb6-86c8-582f4bad68a3?X-Amz-Algorithm=AWS4-HMAC-SHA256&X-Amz-Credential=AKIAVCODYLSA53PQK4ZA%2F20240112%2Fus-east-1%2Fs3%2Faws4_request&X-Amz-Date=20240112T201159Z&X-Amz-Expires=300&X-Amz-Signature=709497883dd2c2a9471410daf12c63e704acb6b779fb216aa16d512cc5577229&X-Amz-SignedHeaders=host&actor_id=0&key_id=0&repo_id=541831874&response-content-disposition=attachment%3B%20filename%3Dflatc.tar.gz&response-content-type=application%2Foctet-stream\nResolving objects.githubusercontent.com (objects.githubusercontent.com)... 185.199.111.133, 185.199.108.133, 185.199.109.133, ...\nConnecting to objects.githubusercontent.com (objects.githubusercontent.com)|185.199.111.133|:443... connected.\nHTTP request sent, awaiting response... 200 OK\nLength: 1382707 (1.3M) [application/octet-stream]\nSaving to: โflatc.tar.gzโ\n\n 0K .......... .......... .......... .......... .......... 3% 10.7M 0s\n 50K .......... .......... .......... .......... .......... 7% 44.1M 0s\n 100K .......... .......... .......... .......... .......... 11% 89.2M 0s\n 150K .......... .......... .......... .......... .......... 14% 62.8M 0s\n 200K .......... .......... .......... .......... .......... 18% 108M 0s\n 250K .......... .......... .......... .......... .......... 22% 163M 0s\n 300K .......... .......... .......... .......... .......... 25% 186M 0s\n 350K .......... .......... .......... .......... .......... 29% 202M 0s\n 400K .......... .......... .......... .......... .......... 33% 108M 0s\n 450K .......... .......... .......... .......... .......... 37% 199M 0s\n 500K .......... .......... .......... .......... .......... 40% 190M 0s\n 550K .......... .......... .......... .......... .......... 44% 198M 0s\n 600K .......... .......... .......... .......... .......... 48% 171M 0s\n 650K .......... .......... .......... .......... .......... 51% 212M 0s\n 700K .......... .......... .......... .......... .......... 55% 170M 0s\n 750K .......... .......... .......... .......... .......... 59% 185M 0s\n 800K .......... .......... .......... .......... .......... 62% 199M 0s\n 850K .......... .......... .......... .......... .......... 66% 259M 0s\n 900K .......... .......... .......... .......... .......... 70% 191M 0s\n 950K .......... .......... .......... .......... .......... 74% 205M 0s\n 1000K .......... .......... .......... .......... .......... 77% 193M 0s\n 1050K .......... .......... .......... .......... .......... 81% 267M 0s\n 1100K .......... .......... .......... .......... .......... 85% 271M 0s\n 1150K .......... .......... .......... .......... .......... 88% 239M 0s\n 1200K .......... .......... .......... .......... .......... 92% 268M 0s\n 1250K .......... .......... .......... .......... .......... 96% 260M 0s\n 1300K .......... .......... .......... .......... .......... 99% 269M 0s\n 1350K 100% 572G=0.01s\n\n2024-01-12 20:11:59 (103 MB/s) - โflatc.tar.gzโ saved [1382707/1382707]\n\nflatc\n============================= test session starts ==============================\nplatform linux -- Python 3.9.18, pytest-7.4.4, pluggy-1.3.0 -- /opt/hostedtoolcache/Python/3.9.18/x64/bin/python\ncachedir: .pytest_cache\nrootdir: /home/runner/work/yolo_tracking/yolo_tracking\nplugins: hydra-core-1.3.2, cov-4.1.0\ncollecting ... collected 14 items\n\ntests/test_exports.py::test_export_torchscript PASSED [ 7%]\ntests/test_exports.py::test_export_onnx PASSED [ 14%]\ntests/test_exports.py::test_export_openvino PASSED [ 21%]\ntests/test_python.py::test_strongsort_instantiation PASSED [ 28%]\ntests/test_python.py::test_botsort_instantiation PASSED [ 35%]\ntests/test_python.py::test_deepocsort_instantiation PASSED [ 42%]\ntests/test_python.py::test_ocsort_instantiation PASSED [ 50%]\ntests/test_python.py::test_bytetrack_instantiation PASSED [ 57%]\ntests/test_python.py::test_deepocsort_output FAILED [ 64%]\ntests/test_python.py::test_ocsort_output PASSED [ 71%]\ntests/test_python.py::test_botsort_output PASSED [ 78%]\ntests/test_python.py::test_bytetrack_output PASSED [ 85%]\ntests/test_python.py::test_strongsort_output PASSED [ 92%]\ntests/test_python.py::test_gsi PASSED [100%]\n\n=================================== FAILURES ===================================\n____________________________ test_deepocsort_output ____________________________\n\n def test_deepocsort_output():\n tracker_conf = get_tracker_config('deepocsort')\n tracker = create_tracker(\n tracker_type='deepocsort',\n tracker_config=tracker_conf,\n reid_weights=WEIGHTS / 'mobilenetv2_x1_4_dukemtmcreid.pt',\n device='cpu',\n half=False,\n per_class=False\n )\n rgb = np.random.randint(255, size=(640, 640, 3), dtype=np.uint8)\n det = np.array([[144, 212, 578, 480, 0.82, 0],\n [425, 281, 576, 472, 0.56, 65]])\n output = tracker.update(det, rgb)\n # Works since frame count is less than min hits (1 <= 2)\n assert output.shape == (2, 8) # two inputs should give two outputs\n output = np.flip(np.delete(output, [4, 7], axis=1), axis=0)\n assert_allclose(det, output, atol=1, rtol=7e-3, verbose=True)\n \n # Instantiate new tracker and ensure minimum number of hits works\n tracker = create_tracker(\n tracker_type='deepocsort',\n tracker_config=tracker_conf,\n reid_weights=WEIGHTS / 'mobilenetv2_x1_4_dukemtmcreid.pt',\n device='cpu',\n half=False,\n per_class=False\n )\n tracker.min_hits = 2\n output = tracker.update(np.empty((0, 6)), rgb)\n assert output.size == 0\n output = tracker.update(np.empty((0, 6)), rgb)\n assert output.size == 0\n output = tracker.update(det, rgb)\n assert output.size == 0\n> output = tracker.update(det, rgb)\n\ntests/test_python.py:86: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \nboxmot/trackers/deepocsort/deep_ocsort.py:434: in update\n matched, unmatched_dets, unmatched_trks = associate(\nboxmot/utils/association.py:146: in associate\n iou_matrix = run_asso_func(asso_func, detections, trackers, w, h)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nfunc = <function giou_batch at 0x7ff526351e50>\nargs = (array([[1.44e+02, 2.12e+02, 5.78e+02, 4.80e+02, 8.20e-01],\n [4.25e+02, 2.81e+02, 5.76e+02, 4.72e+02, 5.60e-01]]), array([[144., 212., 578., 480., 0.],\n [425., 281., 576., 472., 0.]]), 640, 640)\n\n def run_asso_func(func, *args):\n \"\"\"\n Wrapper function that checks the inputs to the association functions\n and then call either one of the iou association functions or centroid.\n \n Parameters:\n func: The batch function to call (either *iou*_batch or centroid_batch).\n *args: Variable length argument list, containing either bounding boxes and optionally size parameters.\n \"\"\"\n if func not in [iou_batch, giou_batch, diou_batch, ciou_batch, centroid_batch]:\n raise ValueError(\"Invalid function specified. Must be either '(g,d,c, )iou_batch' or 'centroid_batch'.\")\n \n if func is (iou_batch or giou_batch or diou_batch or ciou_batch):\n if len(args) != 4 or not all(isinstance(arg, (list, np.ndarray)) for arg in args[0:2]):\n raise ValueError(\"Invalid arguments for iou_batch. Expected two bounding boxes.\")\n return func(*args)\n elif func is centroid_batch:\n if len(args) != 4 or not all(isinstance(arg, (list, np.ndarray)) for arg in args[:2]) or not all(isinstance(arg, (int)) for arg in args[2:]):\n raise ValueError(\"Invalid arguments for centroid_batch. Expected two bounding boxes and two size parameters.\")\n return func(*args)\n else:\n> raise ValueError(\"No such association method\")\nE ValueError: No such association method\n\nboxmot/utils/iou.py:212: ValueError\n----------------------------- Captured stderr call -----------------------------\nDownloading...\nFrom: https://drive.google.com/uc?id=12uD5FeVqLg9-AFDju2L7SQxjmPb4zpBN\nTo: /home/runner/work/yolo_tracking/yolo_tracking/examples/weights/mobilenetv2_x1_4_dukemtmcreid.pt\n\n 0%| | 0.00/22.4M [00:00<?, ?B/s]\n 5%|โ | 1.05M/22.4M [00:00<00:02, 9.56MB/s]\n 21%|โโ | 4.72M/22.4M [00:00<00:00, 21.4MB/s]\n 54%|โโโโโโ | 12.1M/22.4M [00:00<00:00, 32.0MB/s]\n 77%|โโโโโโโโ | 17.3M/22.4M [00:00<00:00, 32.2MB/s]\n100%|โโโโโโโโโโ| 22.4M/22.4M [00:00<00:00, 37.0MB/s]\n\u001b[32m2024-01-12 20:12:31.441\u001b[0m | \u001b[32m\u001b[1mSUCCESS \u001b[0m | \u001b[36mboxmot.appearance.reid_model_factory\u001b[0m:\u001b[36mload_pretrained_weights\u001b[0m:\u001b[36m207\u001b[0m - \u001b[32m\u001b[1mSuccessfully loaded pretrained weights from \"/home/runner/work/yolo_tracking/yolo_tracking/examples/weights/mobilenetv2_x1_4_dukemtmcreid.pt\"\u001b[0m\n\u001b[32m2024-01-12 20:12:31.599\u001b[0m | \u001b[32m\u001b[1mSUCCESS \u001b[0m | \u001b[36mboxmot.appearance.reid_model_factory\u001b[0m:\u001b[36mload_pretrained_weights\u001b[0m:\u001b[36m207\u001b[0m - \u001b[32m\u001b[1mSuccessfully loaded pretrained weights from \"/home/runner/work/yolo_tracking/yolo_tracking/examples/weights/mobilenetv2_x1_4_dukemtmcreid.pt\"\u001b[0m\n=============================== warnings summary ===============================\nboxmot/utils/checks.py:5\n /home/runner/work/yolo_tracking/yolo_tracking/boxmot/utils/checks.py:5: DeprecationWarning: pkg_resources is deprecated as an API. See https://setuptools.pypa.io/en/latest/pkg_resources.html\n import pkg_resources\n\n../../../../../opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pkg_resources/__init__.py:2868\n /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pkg_resources/__init__.py:2868: DeprecationWarning: Deprecated call to `pkg_resources.declare_namespace('google')`.\n Implementing implicit namespace packages (as specified in PEP 420) is preferred to `pkg_resources.declare_namespace`. See https://setuptools.pypa.io/en/latest/references/keywords.html#keyword-namespace-packages\n declare_namespace(pkg)\n\n../../../../../opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pkg_resources/__init__.py:2868\n /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pkg_resources/__init__.py:2868: DeprecationWarning: Deprecated call to `pkg_resources.declare_namespace('sphinxcontrib')`.\n Implementing implicit namespace packages (as specified in PEP 420) is preferred to `pkg_resources.declare_namespace`. See https://setuptools.pypa.io/en/latest/references/keywords.html#keyword-namespace-packages\n declare_namespace(pkg)\n\ntests/test_exports.py::test_export_onnx\n /home/runner/work/yolo_tracking/yolo_tracking/boxmot/appearance/backbones/osnet.py:389: TracerWarning: Converting a tensor to a Python boolean might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs!\n if return_featuremaps:\n\ntests/test_exports.py::test_export_openvino\n /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/defusedxml/__init__.py:30: DeprecationWarning: defusedxml.cElementTree is deprecated, import from defusedxml.ElementTree instead.\n from . import cElementTree\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n\n---------- coverage: platform linux, python 3.9.18-final-0 -----------\nCoverage HTML written to dir htmlcov\n\n=========================== short test summary info ============================\nFAILED tests/test_python.py::test_deepocsort_output - ValueError: No such association method\n================== 1 failed, 13 passed, 8 warnings in 33.86s ===================\n##[error]Process completed with exit code 1.\n"
},
{
"step_name": "build (ubuntu-latest, 3.10)/6_Pytest tests.txt",
"log": "##[group]Run # needed in TFLite export\n\u001b[36;1m\u001b[0m\n\u001b[36;1m# needed in TFLite export\u001b[0m\n\u001b[36;1mwget https://github.com/PINTO0309/onnx2tf/releases/download/1.16.31/flatc.tar.gz\u001b[0m\n\u001b[36;1mtar -zxvf flatc.tar.gz\u001b[0m\n\u001b[36;1msudo chmod +x flatc\u001b[0m\n\u001b[36;1msudo mv flatc /usr/bin/\u001b[0m\n\u001b[36;1m\u001b[0m\n\u001b[36;1mpytest --cov=$PACKAGE_DIR --cov-report=html -v tests\u001b[0m\n\u001b[36;1mcoverage report --fail-under=$COVERAGE_FAIL_UNDER\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n PACKAGE_DIR: boxmot\n COVERAGE_FAIL_UNDER: 29\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n##[endgroup]\n--2024-01-12 20:12:02-- https://github.com/PINTO0309/onnx2tf/releases/download/1.16.31/flatc.tar.gz\nResolving github.com (github.com)... 140.82.113.3\nConnecting to github.com (github.com)|140.82.113.3|:443... connected.\nHTTP request sent, awaiting response... 302 Found\nLocation: https://objects.githubusercontent.com/github-production-release-asset-2e65be/541831874/29499355-44ab-4fb6-86c8-582f4bad68a3?X-Amz-Algorithm=AWS4-HMAC-SHA256&X-Amz-Credential=AKIAVCODYLSA53PQK4ZA%2F20240112%2Fus-east-1%2Fs3%2Faws4_request&X-Amz-Date=20240112T201203Z&X-Amz-Expires=300&X-Amz-Signature=f339441879645b502b6bf0bbc8e04deb0dcdf54ed1dcd223e8a7e04adef107ad&X-Amz-SignedHeaders=host&actor_id=0&key_id=0&repo_id=541831874&response-content-disposition=attachment%3B%20filename%3Dflatc.tar.gz&response-content-type=application%2Foctet-stream [following]\n--2024-01-12 20:12:03-- https://objects.githubusercontent.com/github-production-release-asset-2e65be/541831874/29499355-44ab-4fb6-86c8-582f4bad68a3?X-Amz-Algorithm=AWS4-HMAC-SHA256&X-Amz-Credential=AKIAVCODYLSA53PQK4ZA%2F20240112%2Fus-east-1%2Fs3%2Faws4_request&X-Amz-Date=20240112T201203Z&X-Amz-Expires=300&X-Amz-Signature=f339441879645b502b6bf0bbc8e04deb0dcdf54ed1dcd223e8a7e04adef107ad&X-Amz-SignedHeaders=host&actor_id=0&key_id=0&repo_id=541831874&response-content-disposition=attachment%3B%20filename%3Dflatc.tar.gz&response-content-type=application%2Foctet-stream\nResolving objects.githubusercontent.com (objects.githubusercontent.com)... 185.199.108.133, 185.199.110.133, 185.199.109.133, ...\nConnecting to objects.githubusercontent.com (objects.githubusercontent.com)|185.199.108.133|:443... connected.\nHTTP request sent, awaiting response... 200 OK\nLength: 1382707 (1.3M) [application/octet-stream]\nSaving to: โflatc.tar.gzโ\n\n 0K .......... .......... .......... .......... .......... 3% 5.77M 0s\n 50K .......... .......... .......... .......... .......... 7% 6.18M 0s\n 100K .......... .......... .......... .......... .......... 11% 30.6M 0s\n 150K .......... .......... .......... .......... .......... 14% 39.6M 0s\n 200K .......... .......... .......... .......... .......... 18% 9.54M 0s\n 250K .......... .......... .......... .......... .......... 22% 49.5M 0s\n 300K .......... .......... .......... .......... .......... 25% 65.1M 0s\n 350K .......... .......... .......... .......... .......... 29% 45.1M 0s\n 400K .......... .......... .......... .......... .......... 33% 47.7M 0s\n 450K .......... .......... .......... .......... .......... 37% 86.6M 0s\n 500K .......... .......... .......... .......... .......... 40% 13.9M 0s\n 550K .......... .......... .......... .......... .......... 44% 44.2M 0s\n 600K .......... .......... .......... .......... .......... 48% 74.1M 0s\n 650K .......... .......... .......... .......... .......... 51% 127M 0s\n 700K .......... .......... .......... .......... .......... 55% 88.8M 0s\n 750K .......... .......... .......... .......... .......... 59% 126M 0s\n 800K .......... .......... .......... .......... .......... 62% 178M 0s\n 850K .......... .......... .......... .......... .......... 66% 77.3M 0s\n 900K .......... .......... .......... .......... .......... 70% 209M 0s\n 950K .......... .......... .......... .......... .......... 74% 180M 0s\n 1000K .......... .......... .......... .......... .......... 77% 159M 0s\n 1050K .......... .......... .......... .......... .......... 81% 14.6M 0s\n 1100K .......... .......... .......... .......... .......... 85% 52.9M 0s\n 1150K .......... .......... .......... .......... .......... 88% 186M 0s\n 1200K .......... .......... .......... .......... .......... 92% 127M 0s\n 1250K .......... .......... .......... .......... .......... 96% 210M 0s\n 1300K .......... .......... .......... .......... .......... 99% 216M 0s\n 1350K 100% 8.87M=0.04s\n\n2024-01-12 20:12:03 (31.1 MB/s) - โflatc.tar.gzโ saved [1382707/1382707]\n\nflatc\n============================= test session starts ==============================\nplatform linux -- Python 3.10.13, pytest-7.4.4, pluggy-1.3.0 -- /opt/hostedtoolcache/Python/3.10.13/x64/bin/python\ncachedir: .pytest_cache\nrootdir: /home/runner/work/yolo_tracking/yolo_tracking\nplugins: hydra-core-1.3.2, cov-4.1.0\ncollecting ... collected 14 items\n\ntests/test_exports.py::test_export_torchscript PASSED [ 7%]\ntests/test_exports.py::test_export_onnx PASSED [ 14%]\ntests/test_exports.py::test_export_openvino PASSED [ 21%]\ntests/test_python.py::test_strongsort_instantiation PASSED [ 28%]\ntests/test_python.py::test_botsort_instantiation PASSED [ 35%]\ntests/test_python.py::test_deepocsort_instantiation PASSED [ 42%]\ntests/test_python.py::test_ocsort_instantiation PASSED [ 50%]\ntests/test_python.py::test_bytetrack_instantiation PASSED [ 57%]\ntests/test_python.py::test_deepocsort_output FAILED [ 64%]\ntests/test_python.py::test_ocsort_output PASSED [ 71%]\ntests/test_python.py::test_botsort_output PASSED [ 78%]\ntests/test_python.py::test_bytetrack_output PASSED [ 85%]\ntests/test_python.py::test_strongsort_output PASSED [ 92%]\ntests/test_python.py::test_gsi PASSED [100%]\n\n=================================== FAILURES ===================================\n____________________________ test_deepocsort_output ____________________________\n\n def test_deepocsort_output():\n tracker_conf = get_tracker_config('deepocsort')\n tracker = create_tracker(\n tracker_type='deepocsort',\n tracker_config=tracker_conf,\n reid_weights=WEIGHTS / 'mobilenetv2_x1_4_dukemtmcreid.pt',\n device='cpu',\n half=False,\n per_class=False\n )\n rgb = np.random.randint(255, size=(640, 640, 3), dtype=np.uint8)\n det = np.array([[144, 212, 578, 480, 0.82, 0],\n [425, 281, 576, 472, 0.56, 65]])\n output = tracker.update(det, rgb)\n # Works since frame count is less than min hits (1 <= 2)\n assert output.shape == (2, 8) # two inputs should give two outputs\n output = np.flip(np.delete(output, [4, 7], axis=1), axis=0)\n assert_allclose(det, output, atol=1, rtol=7e-3, verbose=True)\n \n # Instantiate new tracker and ensure minimum number of hits works\n tracker = create_tracker(\n tracker_type='deepocsort',\n tracker_config=tracker_conf,\n reid_weights=WEIGHTS / 'mobilenetv2_x1_4_dukemtmcreid.pt',\n device='cpu',\n half=False,\n per_class=False\n )\n tracker.min_hits = 2\n output = tracker.update(np.empty((0, 6)), rgb)\n assert output.size == 0\n output = tracker.update(np.empty((0, 6)), rgb)\n assert output.size == 0\n output = tracker.update(det, rgb)\n assert output.size == 0\n> output = tracker.update(det, rgb)\n\ntests/test_python.py:86: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \nboxmot/trackers/deepocsort/deep_ocsort.py:434: in update\n matched, unmatched_dets, unmatched_trks = associate(\nboxmot/utils/association.py:146: in associate\n iou_matrix = run_asso_func(asso_func, detections, trackers, w, h)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nfunc = <function giou_batch at 0x7f20a69f0700>\nargs = (array([[1.44e+02, 2.12e+02, 5.78e+02, 4.80e+02, 8.20e-01],\n [4.25e+02, 2.81e+02, 5.76e+02, 4.72e+02, 5.60e-01]]), array([[144., 212., 578., 480., 0.],\n [425., 281., 576., 472., 0.]]), 640, 640)\n\n def run_asso_func(func, *args):\n \"\"\"\n Wrapper function that checks the inputs to the association functions\n and then call either one of the iou association functions or centroid.\n \n Parameters:\n func: The batch function to call (either *iou*_batch or centroid_batch).\n *args: Variable length argument list, containing either bounding boxes and optionally size parameters.\n \"\"\"\n if func not in [iou_batch, giou_batch, diou_batch, ciou_batch, centroid_batch]:\n raise ValueError(\"Invalid function specified. Must be either '(g,d,c, )iou_batch' or 'centroid_batch'.\")\n \n if func is (iou_batch or giou_batch or diou_batch or ciou_batch):\n if len(args) != 4 or not all(isinstance(arg, (list, np.ndarray)) for arg in args[0:2]):\n raise ValueError(\"Invalid arguments for iou_batch. Expected two bounding boxes.\")\n return func(*args)\n elif func is centroid_batch:\n if len(args) != 4 or not all(isinstance(arg, (list, np.ndarray)) for arg in args[:2]) or not all(isinstance(arg, (int)) for arg in args[2:]):\n raise ValueError(\"Invalid arguments for centroid_batch. Expected two bounding boxes and two size parameters.\")\n return func(*args)\n else:\n> raise ValueError(\"No such association method\")\nE ValueError: No such association method\n\nboxmot/utils/iou.py:212: ValueError\n----------------------------- Captured stderr call -----------------------------\nDownloading...\nFrom: https://drive.google.com/uc?id=12uD5FeVqLg9-AFDju2L7SQxjmPb4zpBN\nTo: /home/runner/work/yolo_tracking/yolo_tracking/examples/weights/mobilenetv2_x1_4_dukemtmcreid.pt\n\n 0%| | 0.00/22.4M [00:00<?, ?B/s]\n 2%|โ | 524k/22.4M [00:00<00:05, 3.80MB/s]\n 35%|โโโโ | 7.86M/22.4M [00:00<00:00, 38.7MB/s]\n 75%|โโโโโโโโ | 16.8M/22.4M [00:00<00:00, 58.3MB/s]\n100%|โโโโโโโโโโ| 22.4M/22.4M [00:00<00:00, 54.7MB/s]\n\u001b[32m2024-01-12 20:12:35.371\u001b[0m | \u001b[32m\u001b[1mSUCCESS \u001b[0m | \u001b[36mboxmot.appearance.reid_model_factory\u001b[0m:\u001b[36mload_pretrained_weights\u001b[0m:\u001b[36m207\u001b[0m - \u001b[32m\u001b[1mSuccessfully loaded pretrained weights from \"/home/runner/work/yolo_tracking/yolo_tracking/examples/weights/mobilenetv2_x1_4_dukemtmcreid.pt\"\u001b[0m\n\u001b[32m2024-01-12 20:12:35.534\u001b[0m | \u001b[32m\u001b[1mSUCCESS \u001b[0m | \u001b[36mboxmot.appearance.reid_model_factory\u001b[0m:\u001b[36mload_pretrained_weights\u001b[0m:\u001b[36m207\u001b[0m - \u001b[32m\u001b[1mSuccessfully loaded pretrained weights from \"/home/runner/work/yolo_tracking/yolo_tracking/examples/weights/mobilenetv2_x1_4_dukemtmcreid.pt\"\u001b[0m\n=============================== warnings summary ===============================\nboxmot/utils/checks.py:5\n /home/runner/work/yolo_tracking/yolo_tracking/boxmot/utils/checks.py:5: DeprecationWarning: pkg_resources is deprecated as an API. See https://setuptools.pypa.io/en/latest/pkg_resources.html\n import pkg_resources\n\n../../../../../opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pkg_resources/__init__.py:2868\n /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pkg_resources/__init__.py:2868: DeprecationWarning: Deprecated call to `pkg_resources.declare_namespace('google')`.\n Implementing implicit namespace packages (as specified in PEP 420) is preferred to `pkg_resources.declare_namespace`. See https://setuptools.pypa.io/en/latest/references/keywords.html#keyword-namespace-packages\n declare_namespace(pkg)\n\n../../../../../opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pkg_resources/__init__.py:2868\n /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pkg_resources/__init__.py:2868: DeprecationWarning: Deprecated call to `pkg_resources.declare_namespace('sphinxcontrib')`.\n Implementing implicit namespace packages (as specified in PEP 420) is preferred to `pkg_resources.declare_namespace`. See https://setuptools.pypa.io/en/latest/references/keywords.html#keyword-namespace-packages\n declare_namespace(pkg)\n\ntests/test_exports.py::test_export_onnx\n /home/runner/work/yolo_tracking/yolo_tracking/boxmot/appearance/backbones/osnet.py:389: TracerWarning: Converting a tensor to a Python boolean might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs!\n if return_featuremaps:\n\ntests/test_exports.py::test_export_openvino\n /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/defusedxml/__init__.py:30: DeprecationWarning: defusedxml.cElementTree is deprecated, import from defusedxml.ElementTree instead.\n from . import cElementTree\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n\n---------- coverage: platform linux, python 3.10.13-final-0 ----------\nCoverage HTML written to dir htmlcov\n\n=========================== short test summary info ============================\nFAILED tests/test_python.py::test_deepocsort_output - ValueError: No such association method\n================== 1 failed, 13 passed, 8 warnings in 33.78s ===================\n##[error]Process completed with exit code 1.\n"
}
] | diff --git a/boxmot/utils/iou.py b/boxmot/utils/iou.py
index d8bfc7e..144f40f 100644
--- a/boxmot/utils/iou.py
+++ b/boxmot/utils/iou.py
@@ -200,10 +200,10 @@ def run_asso_func(func, *args):
if func not in [iou_batch, giou_batch, diou_batch, ciou_batch, centroid_batch]:
raise ValueError("Invalid function specified. Must be either '(g,d,c, )iou_batch' or 'centroid_batch'.")
- if func is (iou_batch or giou_batch or diou_batch or ciou_batch):
+ if func in (iou_batch, giou_batch, diou_batch, ciou_batch):
if len(args) != 4 or not all(isinstance(arg, (list, np.ndarray)) for arg in args[0:2]):
raise ValueError("Invalid arguments for iou_batch. Expected two bounding boxes.")
- return func(*args)
+ return func(*args[0:2])
elif func is centroid_batch:
if len(args) != 4 or not all(isinstance(arg, (list, np.ndarray)) for arg in args[:2]) or not all(isinstance(arg, (int)) for arg in args[2:]):
raise ValueError("Invalid arguments for centroid_batch. Expected two bounding boxes and two size parameters.")
| 3 | [
"boxmot/utils/iou.py"
] | https://github.com/mikel-brostrom/yolo_tracking/tree/03669a5d72130c57575bedd657b82c601f08a982 |
Python | 62 | optuna | optuna | doc/remove-motpe-sampler-and-add-its-description-to-tpe-sampler | Sphinx | sphinx-build.yml | .github/workflows/sphinx-build.yml | nabenabe0928 | 0b08b8e82f8e67d89dd4335e63ecd95ab6f5f048 | c0834a225b9fb703b6aacb789dd822f1b4c8dd21 | "name: Sphinx\n\non:\n push:\n branches:\n - master\n pull_request: {}\n\nconcurrency:\n (...TRUNCATED) | [{"step_name":"doctest/8_Run Doctest.txt","log":"##[group]Run cd docs\n\u001b[36;1mcd docs\u001b[0m\(...TRUNCATED) | "diff --git a/optuna/samplers/_tpe/sampler.py b/optuna/samplers/_tpe/sampler.py\nindex bc9176c10..5a(...TRUNCATED) | 1 | [
"optuna/samplers/_tpe/sampler.py"
] | https://github.com/optuna/optuna/tree/0b08b8e82f8e67d89dd4335e63ecd95ab6f5f048 |
Python | 43 | encode | uvicorn | ioerror-on-send | Test Suite | test-suite.yml | .github/workflows/test-suite.yml | encode | 0b93d2da3b721c80dcb6a2993a23876a97498dd5 | bf13088dd7d7eb531cfbc02ee907f76103c4fa7a | "---\nname: Test Suite\n\non:\n push:\n branches: [\"master\"]\n pull_request:\n branches: [(...TRUNCATED) | [{"step_name":"Python 3.9 ubuntu-latest/7_Run tests.txt","log":"##[group]Run scripts/test\n\u001b[36(...TRUNCATED) | "diff --git a/uvicorn/protocols/websockets/websockets_impl.py b/uvicorn/protocols/websockets/websock(...TRUNCATED) | 3 | [
"uvicorn/protocols/websockets/websockets_impl.py"
] | https://github.com/encode/uvicorn/tree/0b93d2da3b721c80dcb6a2993a23876a97498dd5 |
Python | 65 | scrapy | scrapy | component-getters | Checks | checks.yml | .github/workflows/checks.yml | Gallaecio | 0f71221cf9875ed8ef3400e1008408e79b6691e6 | c1ba9ccdf916b89d875628ba143dc5c9f6977430 | "name: Checks\non: [push, pull_request]\n\nconcurrency:\n group: ${{github.workflow}}-${{ github.re(...TRUNCATED) | [{"step_name":"checks (3.12, pylint)/4_Run check.txt","log":"##[group]Run pip install -U tox\n\u001b(...TRUNCATED) | "diff --git a/scrapy/crawler.py b/scrapy/crawler.py\nindex 76f4048e4..333b39f33 100644\n--- a/scrapy(...TRUNCATED) | 1 | [
"scrapy/crawler.py"
] | https://github.com/scrapy/scrapy/tree/0f71221cf9875ed8ef3400e1008408e79b6691e6 |
Python | 25 | mindsdb | mindsdb | staging | MindsDB Code Checks | code_checks.yml | .github/workflows/code_checks.yml | mindsdb | 102f918deb2532bb7b825f00258f2c1414cf94da | 1cf75d7a1071fba82d4190725e984e8d55db48fb | "name: MindsDB Code Checks\n\non:\n pull_request:\n branches: [stable, staging]\n \njobs:\n (...TRUNCATED) | [{"step_name":"check_requirements/4_Check main requirements.txt","log":"##[group]Run pip install -r (...TRUNCATED) | "diff --git a/mindsdb/__main__.py b/mindsdb/__main__.py\nindex cac3482883..6cc92a7899 100644\n--- a/(...TRUNCATED) | 2 | [
"mindsdb/__main__.py"
] | https://github.com/mindsdb/mindsdb/tree/102f918deb2532bb7b825f00258f2c1414cf94da |
Python | 56 | scrapy | scrapy | simplify-attempt2 | Checks | checks.yml | .github/workflows/checks.yml | monicaq21 | 1168b9244d680437e2a2683294a55c0b52c118f6 | b5b7c99e24c722fa09c426ed0245df1ae792d486 | "name: Checks\non: [push, pull_request]\n\nconcurrency:\n group: ${{github.workflow}}-${{ github.re(...TRUNCATED) | [{"step_name":"checks (3.12, pylint)/4_Run check.txt","log":"##[group]Run pip install -U tox\n\u001b(...TRUNCATED) | "diff --git a/scrapy/core/downloader/contextfactory.py b/scrapy/core/downloader/contextfactory.py\ni(...TRUNCATED) | 3 | ["scrapy/core/downloader/contextfactory.py","scrapy/core/downloader/handlers/__init__.py","scrapy/co(...TRUNCATED) | https://github.com/scrapy/scrapy/tree/1168b9244d680437e2a2683294a55c0b52c118f6 |
Python | 70 | dask | dask | milesgranger/10801-more-deprecations | Linting | pre-commit.yml | .github/workflows/pre-commit.yml | milesgranger | 16a0c04d06205527ec5e379df2596b399ee5dadc | 3716f88d477a969d0910c75b4268949af11c0e6e | "name: Linting\n\non:\n push:\n branches: main\n pull_request:\n branches: main\n\njobs:\n (...TRUNCATED) | [{"step_name":"pre-commit hooks/4_Run [email protected]","log":"##[group]Run pre-commit/ac(...TRUNCATED) | "diff --git a/dask/utils.py b/dask/utils.py\nindex 80ea6e8d6..0da2953c8 100644\n--- a/dask/utils.py\(...TRUNCATED) | 1 | [
"dask/utils.py"
] | https://github.com/dask/dask/tree/16a0c04d06205527ec5e379df2596b399ee5dadc |
Python | 2 | encode | httpx | add-ssl-context-argument | Test Suite | test-suite.yml | .github/workflows/test-suite.yml | karpetrosyan | 1afe2c9cb192d3760d59190cc7892e7ac37d5e27 | 6be802e03bdb78d20f9c8df63a43f9167dcbfd49 | "---\nname: Test Suite\n\non:\n push:\n branches: [\"master\"]\n pull_request:\n branches: [(...TRUNCATED) | [{"step_name":"Python 3.10/5_Run linting checks.txt","log":"##[group]Run scripts/check\n\u001b[36;1m(...TRUNCATED) | "diff --git a/httpx/_client.py b/httpx/_client.py\nindex e5cff5d..4dd2d07 100644\n--- a/httpx/_clien(...TRUNCATED) | 3 | [
"httpx/_client.py"
] | https://github.com/encode/httpx/tree/1afe2c9cb192d3760d59190cc7892e7ac37d5e27 |
Python | 54 | mwaskom | seaborn | plot/layout_rect | CI | ci.yaml | .github/workflows/ci.yaml | mwaskom | 2201be21886bb82201f3c3487f5f1468f6e6ac81 | 596ad4f85f31f39bcedd2fbca935647b1a2fdf84 | "name: CI\n\non:\n push:\n branches: [master, v0.*]\n pull_request:\n branches: master\n sc(...TRUNCATED) | [{"step_name":"build-docs/7_Build docs.txt","log":"##[group]Run cd doc\n\u001b[36;1mcd doc\u001b[0m\(...TRUNCATED) | "diff --git a/seaborn/_core/plot.py b/seaborn/_core/plot.py\nindex af4669c6..39ccd2e0 100644\n--- a/(...TRUNCATED) | 3 | [
"seaborn/_core/plot.py"
] | https://github.com/mwaskom/seaborn/tree/2201be21886bb82201f3c3487f5f1468f6e6ac81 |
๐๏ธ Long Code Arena (CI builds repair)
This is the benchmark for CI builds repair task as part of the ๐๏ธ Long Code Arena benchmark.
๐ ๏ธ Task. Given the logs of a failed GitHub Actions workflow and the corresponding repository snapshot, repair the repository contents in order to make the workflow pass.
All the data is collected from repositories published under permissive licenses (MIT, Apache-2.0, BSD-3-Clause, and BSD-2-Clause). The datapoints can be removed upon request.
To score your model on this dataset, you can use CI build repair benchmark. ๐ฉ If you have any questions or requests concerning this dataset, please contact [email protected]
How-to
List all the available configs
via datasets.get_dataset_config_names
and choose an appropriate one.
Current configs: python
Load the data
via load_dataset
:
from datasets import load_dataset
dataset = load_dataset("JetBrains-Research/lca-ci-builds-repair", split="test")
Note that all the data we have is considered to be in the test split.
NOTE: If you encounter any errors with loading the dataset on Windows, update the datasets
library (was tested on datasets==2.16.1
)
Usage
For the dataset usage please refer to our CI builds repair benchmark. Its workflow is following:
- Repairs repo by fix_repo_function function that utilizes repo state and logs of fails;
- Sends the datapoints to GitHub to run workflows;
- Requests results from GitHub;
- Analyzes results and prints them;
- Clones the necessary repos to the user's local machine.
The user should run their model to repair the failing CI workflows, and the benchmark will push commits to GitHub, returning the results of the workflow runs for all the datapoints.
Dataset Structure
This dataset contains logs of the failed GitHub Action workflows for some commits followed by the commit that passes the workflow successfully.
Note that, unlike other ๐๏ธ Long Code Arena datasets, this dataset does not contain repositories.
Datapoint Schema
Each example has the following fields:
Field | Description |
---|---|
contributor |
Username of the contributor that committed changes |
difficulty |
Difficulty of the problem (assessor-based. 1 means that the repair requires only the code formatting) |
diff |
Contents of the diff between the failed and the successful commits |
head_branch |
Name of the original branch that the commit was pushed at |
id |
Unique ID of the datapoint |
language |
Main language of the repository |
logs |
List of dicts with keys log (logs of the failed job, particular step) and step_name (name of the failed step of the job) |
repo_name |
Name of the original repository (second part of the owner/name on GitHub) |
repo owner |
Owner of the original repository (first part of the owner/name on GitHub) |
sha_fail |
SHA of the failed commit |
sha_success |
SHA of the successful commit |
workflow |
Contents of the workflow file |
workflow_filename |
The name of the workflow file (without directories) |
workflow_name |
The name of the workflow |
workflow_path |
The full path to the workflow file |
changed_files |
List of files changed in diff |
commit_link |
URL to commit corresponding to failed job |
Datapoint Example
{'contributor': 'Gallaecio',
'diff': 'diff --git a/scrapy/crawler.py b/scrapy/crawler.py/n<...>',
'difficulty': '2',
'head_branch': 'component-getters',
'id': 18,
'language': 'Python',
'logs': [{'log': '##[group]Run pip install -U tox\n<...>',
'step_name': 'checks (3.12, pylint)/4_Run check.txt'}],
'repo_name': 'scrapy',
'repo_owner': 'scrapy',
'sha_fail': '0f71221cf9875ed8ef3400e1008408e79b6691e6',
'sha_success': 'c1ba9ccdf916b89d875628ba143dc5c9f6977430',
'workflow': 'name: Checks\non: [push, pull_request]\n\n<...>',
'workflow_filename': 'checks.yml',
'workflow_name': 'Checks',
'workflow_path': '.github/workflows/checks.yml',
'changed_files': ["scrapy/crawler.py"],
'commit_link': "https://github.com/scrapy/scrapy/tree/0f71221cf9875ed8ef3400e1008408e79b6691e6"}
Citing
@article{bogomolov2024long,
title={Long Code Arena: a Set of Benchmarks for Long-Context Code Models},
author={Bogomolov, Egor and Eliseeva, Aleksandra and Galimzyanov, Timur and Glukhov, Evgeniy and Shapkin, Anton and Tigina, Maria and Golubev, Yaroslav and Kovrigin, Alexander and van Deursen, Arie and Izadi, Maliheh and Bryksin, Timofey},
journal={arXiv preprint arXiv:2406.11612},
year={2024}
}
You can find the paper here.
- Downloads last month
- 72