From ad51e0dbf0e4fe21b426ebe9681448de4dd44d40 Mon Sep 17 00:00:00 2001 From: Alexander Dokuchaev Date: Tue, 14 Jan 2025 00:46:41 +0200 Subject: [PATCH 01/12] test --- .github/scripts/override_constraints.py | 41 +++ .github/workflows/call_precommit.yml | 385 ++++++++++++------------ .github/workflows/weekly.yml | 25 +- 3 files changed, 258 insertions(+), 193 deletions(-) create mode 100644 .github/scripts/override_constraints.py diff --git a/.github/scripts/override_constraints.py b/.github/scripts/override_constraints.py new file mode 100644 index 00000000000..69f42a8269a --- /dev/null +++ b/.github/scripts/override_constraints.py @@ -0,0 +1,41 @@ +# Copyright (c) 2025 Intel Corporation +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# http://www.apache.org/licenses/LICENSE-2.0 +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import re +import sys +from pathlib import Path + +CONSTRAINTS_FILE = "constraints.txt" + + +def main(): + arg = sys.argv[1] + overrided_requirements = [r.strip() for r in arg.split(",")] + + print("overrided_requirements: ", arg) + + file = Path(CONSTRAINTS_FILE) + content = file.read_text() + + for new_requirement in overrided_requirements: + new_requirement = new_requirement.strip() + package_name = new_requirement.split("==")[0] + content = re.sub(f"^{package_name}\s*[=><].*", "", content, flags=re.MULTILINE) + content += f"\n{new_requirement}" + + print("New constraints:") + print(content) + + file.write_text(content) + + +if __name__ == "__main__": + main() diff --git a/.github/workflows/call_precommit.yml b/.github/workflows/call_precommit.yml index 24eb6116a29..7bfcd01839a 100644 --- a/.github/workflows/call_precommit.yml +++ b/.github/workflows/call_precommit.yml @@ -13,6 +13,11 @@ on: type: boolean default: false required: true + override_requirements: + description: 'Override requirements' + default: '' + type: string + required: false jobs: common: @@ -29,6 +34,10 @@ jobs: with: python-version: ${{ inputs.python_version }} cache: pip + - name: Override constraints + if: ${{ inputs.override_requirements != '' }} + run: python .github/scripts/override_constraints.py "${{ inputs.override_requirements }}" + shell: bash - name: Install NNCF and test requirements run: make install-common-test - name: Print installed modules @@ -38,197 +47,197 @@ jobs: env: NUM_WORKERS: 2 - onnx: - timeout-minutes: 40 - runs-on: ubuntu-20.04-8-cores - defaults: - run: - shell: bash - steps: - - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 - with: - lfs: true - - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 - with: - python-version: ${{ inputs.python_version }} - - name: Install NNCF and test requirements - run: make install-onnx-test - - name: Print installed modules - run: pip list - - name: Run ONNX precommit test scope - run: make test-onnx - env: - NUM_WORKERS: 4 + # onnx: + # timeout-minutes: 40 + # runs-on: ubuntu-20.04-8-cores + # defaults: + # run: + # shell: bash + # steps: + # - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 + # with: + # lfs: true + # - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 + # with: + # python-version: ${{ inputs.python_version }} + # - name: Install NNCF and test requirements + # run: make install-onnx-test + # - name: Print installed modules + # run: pip list + # - name: Run ONNX precommit test scope + # run: make test-onnx + # env: + # NUM_WORKERS: 4 - openvino: - timeout-minutes: 40 - runs-on: ubuntu-20.04-8-cores - defaults: - run: - shell: bash - steps: - - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 - with: - lfs: true - - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 - with: - python-version: ${{ inputs.python_version }} - cache: pip - - name: Install NNCF and test requirements - run: make install-openvino-test - - name: Print installed modules - run: pip list - - name: Run OV precommit test scope - run: make test-openvino - env: - NUM_WORKERS: 4 + # openvino: + # timeout-minutes: 40 + # runs-on: ubuntu-20.04-8-cores + # defaults: + # run: + # shell: bash + # steps: + # - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 + # with: + # lfs: true + # - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 + # with: + # python-version: ${{ inputs.python_version }} + # cache: pip + # - name: Install NNCF and test requirements + # run: make install-openvino-test + # - name: Print installed modules + # run: pip list + # - name: Run OV precommit test scope + # run: make test-openvino + # env: + # NUM_WORKERS: 4 - pytorch-cpu: - timeout-minutes: 40 - runs-on: ubuntu-20.04-8-cores - defaults: - run: - shell: bash - env: - DEBIAN_FRONTEND: noninteractive - steps: - - name: Install dependencies - run : | - sudo apt-get update - sudo apt-get --assume-yes install gcc g++ build-essential ninja-build libgl1-mesa-dev libglib2.0-0 - - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 - with: - lfs: true - - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 - with: - python-version: ${{ inputs.python_version }} - cache: pip - - name: Runner info - continue-on-error: true - run: | - cat /etc/*release - cat /proc/cpuinfo - - name: Install NNCF and test requirements - run: make install-torch-test - - name: Print installed modules - run: pip list - - name: Run PyTorch precommit test scope - run: | - make test-torch-cpu - env: - NUM_WORKERS: 4 + # pytorch-cpu: + # timeout-minutes: 40 + # runs-on: ubuntu-20.04-8-cores + # defaults: + # run: + # shell: bash + # env: + # DEBIAN_FRONTEND: noninteractive + # steps: + # - name: Install dependencies + # run : | + # sudo apt-get update + # sudo apt-get --assume-yes install gcc g++ build-essential ninja-build libgl1-mesa-dev libglib2.0-0 + # - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 + # with: + # lfs: true + # - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 + # with: + # python-version: ${{ inputs.python_version }} + # cache: pip + # - name: Runner info + # continue-on-error: true + # run: | + # cat /etc/*release + # cat /proc/cpuinfo + # - name: Install NNCF and test requirements + # run: make install-torch-test + # - name: Print installed modules + # run: pip list + # - name: Run PyTorch precommit test scope + # run: | + # make test-torch-cpu + # env: + # NUM_WORKERS: 4 - pytorch-cuda: - timeout-minutes: 40 - runs-on: aks-linux-4-cores-28gb-gpu-tesla-t4 - if: ${{ inputs.gpu_enabled == true }} - defaults: - run: - shell: bash - env: - DEBIAN_FRONTEND: noninteractive - steps: - - name: Install dependencies - run : | - sudo apt-get update - sudo apt-get --assume-yes install build-essential ninja-build libgl1-mesa-dev libglib2.0-0 wget make - - name: Download CUDA - run: | - wget -q https://developer.download.nvidia.com/compute/cuda/12.4.0/local_installers/cuda_12.4.0_550.54.14_linux.run - sudo sh cuda_12.4.0_550.54.14_linux.run --toolkit --silent - - name: Runner info - continue-on-error: true - run: | - export PATH=/usr/local/cuda-12.4/bin${PATH:+:${PATH}} - export LD_LIBRARY_PATH=/usr/local/cuda-12.4/lib64${LD_LIBRARY_PATH:+:${LD_LIBRARY_PATH}} - nvidia-smi - cat /proc/cpuinfo - nvcc --version - - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 - with: - lfs: true - - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 - with: - python-version: ${{ inputs.python_version }} - cache: pip - - name: Install NNCF and test requirements - run: make install-torch-test - - name: Print installed modules - run: pip list - - name: Check CUDA - run: | - python -c "import torch; print(torch.cuda.is_available())" - - name: Run PyTorch precommit test scope - run: | - export PATH=/usr/local/cuda-12.4/bin${PATH:+:${PATH}} - export LD_LIBRARY_PATH=/usr/local/cuda-12.4/lib64${LD_LIBRARY_PATH:+:${LD_LIBRARY_PATH}} - make test-torch-cuda + # pytorch-cuda: + # timeout-minutes: 40 + # runs-on: aks-linux-4-cores-28gb-gpu-tesla-t4 + # if: ${{ inputs.gpu_enabled == true }} + # defaults: + # run: + # shell: bash + # env: + # DEBIAN_FRONTEND: noninteractive + # steps: + # - name: Install dependencies + # run : | + # sudo apt-get update + # sudo apt-get --assume-yes install build-essential ninja-build libgl1-mesa-dev libglib2.0-0 wget make + # - name: Download CUDA + # run: | + # wget -q https://developer.download.nvidia.com/compute/cuda/12.4.0/local_installers/cuda_12.4.0_550.54.14_linux.run + # sudo sh cuda_12.4.0_550.54.14_linux.run --toolkit --silent + # - name: Runner info + # continue-on-error: true + # run: | + # export PATH=/usr/local/cuda-12.4/bin${PATH:+:${PATH}} + # export LD_LIBRARY_PATH=/usr/local/cuda-12.4/lib64${LD_LIBRARY_PATH:+:${LD_LIBRARY_PATH}} + # nvidia-smi + # cat /proc/cpuinfo + # nvcc --version + # - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 + # with: + # lfs: true + # - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 + # with: + # python-version: ${{ inputs.python_version }} + # cache: pip + # - name: Install NNCF and test requirements + # run: make install-torch-test + # - name: Print installed modules + # run: pip list + # - name: Check CUDA + # run: | + # python -c "import torch; print(torch.cuda.is_available())" + # - name: Run PyTorch precommit test scope + # run: | + # export PATH=/usr/local/cuda-12.4/bin${PATH:+:${PATH}} + # export LD_LIBRARY_PATH=/usr/local/cuda-12.4/lib64${LD_LIBRARY_PATH:+:${LD_LIBRARY_PATH}} + # make test-torch-cuda - tensorflow: - timeout-minutes: 40 - runs-on: ubuntu-20.04-8-cores - if: ${{ inputs.python_version != '3.12' }} - defaults: - run: - shell: bash - env: - DEBIAN_FRONTEND: noninteractive - steps: - - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 - with: - lfs: true - - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 - with: - python-version: ${{ inputs.python_version }} - cache: pip - - name: Install NNCF and test requirements - run: make install-tensorflow-test - - name: Print installed modules - run: pip list - - name: Run TensorFlow precommit test scope - run: make test-tensorflow - env: - NUM_WORKERS: 6 + # tensorflow: + # timeout-minutes: 40 + # runs-on: ubuntu-20.04-8-cores + # if: ${{ inputs.python_version != '3.12' }} + # defaults: + # run: + # shell: bash + # env: + # DEBIAN_FRONTEND: noninteractive + # steps: + # - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 + # with: + # lfs: true + # - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 + # with: + # python-version: ${{ inputs.python_version }} + # cache: pip + # - name: Install NNCF and test requirements + # run: make install-tensorflow-test + # - name: Print installed modules + # run: pip list + # - name: Run TensorFlow precommit test scope + # run: make test-tensorflow + # env: + # NUM_WORKERS: 6 - tools: - timeout-minutes: 40 - runs-on: ubuntu-20.04 - defaults: - run: - shell: bash - steps: - - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 - with: - lfs: true - - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 - with: - python-version: ${{ inputs.python_version }} - cache: pip - - name: Install NNCF and test requirements - run: pip install -r tests/tools/requirements.txt - - name: Print installed modules - run: pip list - - name: Run tools precommit test scope - run: pytest -ra tests/tools + # tools: + # timeout-minutes: 40 + # runs-on: ubuntu-20.04 + # defaults: + # run: + # shell: bash + # steps: + # - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 + # with: + # lfs: true + # - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 + # with: + # python-version: ${{ inputs.python_version }} + # cache: pip + # - name: Install NNCF and test requirements + # run: pip install -r tests/tools/requirements.txt + # - name: Print installed modules + # run: pip list + # - name: Run tools precommit test scope + # run: pytest -ra tests/tools - pytorch2-cpu: - timeout-minutes: 40 - runs-on: ubuntu-20.04 - defaults: - run: - shell: bash - steps: - - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 - with: - lfs: true - - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 - with: - python-version: ${{ inputs.python_version }} - cache: pip - - name: Install NNCF and test requirements - run: | - pip install -r tests/torch2/requirements.txt -e . - - name: Print installed modules - run: pip list - - name: Run torch2 precommit test scope - run: pytest -ra tests/torch2 -m "not cuda" + # pytorch2-cpu: + # timeout-minutes: 40 + # runs-on: ubuntu-20.04 + # defaults: + # run: + # shell: bash + # steps: + # - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 + # with: + # lfs: true + # - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 + # with: + # python-version: ${{ inputs.python_version }} + # cache: pip + # - name: Install NNCF and test requirements + # run: | + # pip install -r tests/torch2/requirements.txt -e . + # - name: Print installed modules + # run: pip list + # - name: Run torch2 precommit test scope + # run: pytest -ra tests/torch2 -m "not cuda" diff --git a/.github/workflows/weekly.yml b/.github/workflows/weekly.yml index f478667f256..796278ae291 100644 --- a/.github/workflows/weekly.yml +++ b/.github/workflows/weekly.yml @@ -5,19 +5,34 @@ on: workflow_dispatch: schedule: - cron: '0 0 * * 0' - + pull_request: # remove jobs: precommit: if: github.repository_owner == 'openvinotoolkit' strategy: fail-fast: false matrix: - python_version: ["3.9", "3.11", "3.12"] + include: + - python_version: "3.9" + override_requirements: "numpy==1.19.0" + - python_version: "3.9" + override_requirements: "numpy==1.20.0" + - python_version: "3.9" + override_requirements: "numpy==1.21.0" + - python_version: "3.9" + override_requirements: "numpy==1.22.0" + - python_version: "3.9" + override_requirements: "numpy==1.22.4" + - python_version: "3.9" + override_requirements: "numpy==1.23.0" + - python_version: "3.11" + # - python_version: "3.12" uses: ./.github/workflows/call_precommit.yml with: python_version: ${{ matrix.python_version }} + override_requirements: ${{ matrix.override_requirements || '' }} gpu_enabled: false - macos: - if: github.repository_owner == 'openvinotoolkit' - uses: ./.github/workflows/macos.yml + # macos: + # if: github.repository_owner == 'openvinotoolkit' + # uses: ./.github/workflows/macos.yml From 80023c83830025ce75ea68817618b74f9bc1cf66 Mon Sep 17 00:00:00 2001 From: Alexander Dokuchaev Date: Tue, 14 Jan 2025 02:13:01 +0200 Subject: [PATCH 02/12] one line pip --- .github/workflows/call_precommit.yml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.github/workflows/call_precommit.yml b/.github/workflows/call_precommit.yml index 7bfcd01839a..4ca03237ca3 100644 --- a/.github/workflows/call_precommit.yml +++ b/.github/workflows/call_precommit.yml @@ -39,7 +39,7 @@ jobs: run: python .github/scripts/override_constraints.py "${{ inputs.override_requirements }}" shell: bash - name: Install NNCF and test requirements - run: make install-common-test + run: pip install . -r tests/common/requirements.txt - name: Print installed modules run: pip list - name: Run common precommit test scope From b50f149403a0a422ac7ee50364618cd142a6ee1b Mon Sep 17 00:00:00 2001 From: Alexander Dokuchaev Date: Tue, 14 Jan 2025 02:27:53 +0200 Subject: [PATCH 03/12] remove numpy.typing --- .github/workflows/weekly.yml | 2 +- nncf/common/tensor_statistics/collectors.py | 3 +-- nncf/common/tensor_statistics/reduction.py | 5 ++--- 3 files changed, 4 insertions(+), 6 deletions(-) diff --git a/.github/workflows/weekly.yml b/.github/workflows/weekly.yml index 796278ae291..43d288704f3 100644 --- a/.github/workflows/weekly.yml +++ b/.github/workflows/weekly.yml @@ -14,7 +14,7 @@ jobs: matrix: include: - python_version: "3.9" - override_requirements: "numpy==1.19.0" + override_requirements: "numpy==1.19.1" - python_version: "3.9" override_requirements: "numpy==1.20.0" - python_version: "3.9" diff --git a/nncf/common/tensor_statistics/collectors.py b/nncf/common/tensor_statistics/collectors.py index 88dc4775d7e..3601df4737a 100644 --- a/nncf/common/tensor_statistics/collectors.py +++ b/nncf/common/tensor_statistics/collectors.py @@ -15,7 +15,6 @@ from typing import Any, Deque, Dict, List, Optional, Tuple, Union, cast import numpy as np -from numpy.typing import NDArray from nncf.common.tensor import NNCFTensor from nncf.common.tensor import TensorType @@ -318,7 +317,7 @@ class MedianMADStatisticCollector(OfflineTensorStatisticCollector): Collector estimates median and median absolute deviation (MAD). """ - def _prepare_statistics(self) -> Tuple[NDArray[Any], NDArray[Any]]: + def _prepare_statistics(self) -> Tuple[np.ndarray, np.ndarray]: per_channel_history = get_per_channel_history( self._samples, cast(List[int], self._reduction_shape), discard_zeros=True ) diff --git a/nncf/common/tensor_statistics/reduction.py b/nncf/common/tensor_statistics/reduction.py index 6c2fd20924a..37d6ab28137 100644 --- a/nncf/common/tensor_statistics/reduction.py +++ b/nncf/common/tensor_statistics/reduction.py @@ -12,7 +12,6 @@ from typing import Any, Deque, List, Tuple import numpy as np -from numpy.typing import NDArray def get_channel_count_and_dim_idx(scale_shape: List[int]) -> Tuple[int, int]: @@ -25,7 +24,7 @@ def get_channel_count_and_dim_idx(scale_shape: List[int]) -> Tuple[int, int]: return channel_count, channel_dim_idx -def split_into_channels(input_: NDArray[Any], scale_shape: List[int]) -> List[NDArray[Any]]: +def split_into_channels(input_: np.ndarray, scale_shape: List[int]) -> List[np.ndarray]: channel_count, channel_dim_idx = get_channel_count_and_dim_idx(scale_shape) channel_first_tensor = np.moveaxis(input_, channel_dim_idx, 0) if channel_count == 1: @@ -61,7 +60,7 @@ def get_per_channel_history( return per_channel_history -def np_percentile_reduce_like(input_: NDArray[Any], ref_tensor_shape: Tuple[int], q: float) -> NDArray[Any]: +def np_percentile_reduce_like(input_: np.ndarray, ref_tensor_shape: Tuple[int], q: float) -> np.ndarray: numel = np.prod(ref_tensor_shape) if numel == 1: return np.array([np.percentile(input_, q)]) From 435db2d15380501772721bcffe2a9af72a93f7d6 Mon Sep 17 00:00:00 2001 From: Alexander Dokuchaev Date: Tue, 14 Jan 2025 02:31:57 +0200 Subject: [PATCH 04/12] find min numpy --- .github/workflows/weekly.yml | 12 ++++++------ 1 file changed, 6 insertions(+), 6 deletions(-) diff --git a/.github/workflows/weekly.yml b/.github/workflows/weekly.yml index 43d288704f3..d607a83d20d 100644 --- a/.github/workflows/weekly.yml +++ b/.github/workflows/weekly.yml @@ -16,17 +16,17 @@ jobs: - python_version: "3.9" override_requirements: "numpy==1.19.1" - python_version: "3.9" - override_requirements: "numpy==1.20.0" + override_requirements: "numpy==1.19.2" - python_version: "3.9" - override_requirements: "numpy==1.21.0" + override_requirements: "numpy==1.19.3" - python_version: "3.9" - override_requirements: "numpy==1.22.0" + override_requirements: "numpy==1.19.4" - python_version: "3.9" - override_requirements: "numpy==1.22.4" + override_requirements: "numpy==1.19.5" - python_version: "3.9" - override_requirements: "numpy==1.23.0" + override_requirements: "numpy==1.20.0" - python_version: "3.11" - # - python_version: "3.12" + - python_version: "3.12" uses: ./.github/workflows/call_precommit.yml with: python_version: ${{ matrix.python_version }} From f73bfcb61e0f7ddb5de9c6bcd388c6749d84d81b Mon Sep 17 00:00:00 2001 From: Alexander Dokuchaev Date: Tue, 14 Jan 2025 02:44:47 +0200 Subject: [PATCH 05/12] uncomment --- .github/workflows/call_precommit.yml | 402 +++++++++++--------- .github/workflows/weekly.yml | 10 - nncf/common/tensor_statistics/collectors.py | 2 +- nncf/common/tensor_statistics/reduction.py | 4 +- pyproject.toml | 2 +- 5 files changed, 217 insertions(+), 203 deletions(-) diff --git a/.github/workflows/call_precommit.yml b/.github/workflows/call_precommit.yml index 4ca03237ca3..11098e693af 100644 --- a/.github/workflows/call_precommit.yml +++ b/.github/workflows/call_precommit.yml @@ -39,7 +39,7 @@ jobs: run: python .github/scripts/override_constraints.py "${{ inputs.override_requirements }}" shell: bash - name: Install NNCF and test requirements - run: pip install . -r tests/common/requirements.txt + run: pip install . -r tests/common/requirements.txt - name: Print installed modules run: pip list - name: Run common precommit test scope @@ -47,197 +47,221 @@ jobs: env: NUM_WORKERS: 2 - # onnx: - # timeout-minutes: 40 - # runs-on: ubuntu-20.04-8-cores - # defaults: - # run: - # shell: bash - # steps: - # - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 - # with: - # lfs: true - # - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 - # with: - # python-version: ${{ inputs.python_version }} - # - name: Install NNCF and test requirements - # run: make install-onnx-test - # - name: Print installed modules - # run: pip list - # - name: Run ONNX precommit test scope - # run: make test-onnx - # env: - # NUM_WORKERS: 4 + onnx: + timeout-minutes: 40 + runs-on: ubuntu-20.04-8-cores + defaults: + run: + shell: bash + steps: + - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 + with: + lfs: true + - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 + with: + python-version: ${{ inputs.python_version }} + - name: Override constraints + if: ${{ inputs.override_requirements != '' }} + run: python .github/scripts/override_constraints.py "${{ inputs.override_requirements }}" + shell: bash + - name: Install NNCF and test requirements + run: pip install . -r tests/onnx/requirements.txt + - name: Print installed modules + run: pip list + - name: Run ONNX precommit test scope + run: make test-onnx + env: + NUM_WORKERS: 4 - # openvino: - # timeout-minutes: 40 - # runs-on: ubuntu-20.04-8-cores - # defaults: - # run: - # shell: bash - # steps: - # - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 - # with: - # lfs: true - # - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 - # with: - # python-version: ${{ inputs.python_version }} - # cache: pip - # - name: Install NNCF and test requirements - # run: make install-openvino-test - # - name: Print installed modules - # run: pip list - # - name: Run OV precommit test scope - # run: make test-openvino - # env: - # NUM_WORKERS: 4 + openvino: + timeout-minutes: 40 + runs-on: ubuntu-20.04-8-cores + defaults: + run: + shell: bash + steps: + - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 + with: + lfs: true + - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 + with: + python-version: ${{ inputs.python_version }} + cache: pip + - name: Override constraints + if: ${{ inputs.override_requirements != '' }} + run: python .github/scripts/override_constraints.py "${{ inputs.override_requirements }}" + shell: bash + - name: Install NNCF and test requirements + run: pip install . -r tests/openvino/requirements.txt + - name: Print installed modules + run: pip list + - name: Run OV precommit test scope + run: make test-openvino + env: + NUM_WORKERS: 4 - # pytorch-cpu: - # timeout-minutes: 40 - # runs-on: ubuntu-20.04-8-cores - # defaults: - # run: - # shell: bash - # env: - # DEBIAN_FRONTEND: noninteractive - # steps: - # - name: Install dependencies - # run : | - # sudo apt-get update - # sudo apt-get --assume-yes install gcc g++ build-essential ninja-build libgl1-mesa-dev libglib2.0-0 - # - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 - # with: - # lfs: true - # - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 - # with: - # python-version: ${{ inputs.python_version }} - # cache: pip - # - name: Runner info - # continue-on-error: true - # run: | - # cat /etc/*release - # cat /proc/cpuinfo - # - name: Install NNCF and test requirements - # run: make install-torch-test - # - name: Print installed modules - # run: pip list - # - name: Run PyTorch precommit test scope - # run: | - # make test-torch-cpu - # env: - # NUM_WORKERS: 4 + pytorch-cpu: + timeout-minutes: 40 + runs-on: ubuntu-20.04-8-cores + defaults: + run: + shell: bash + env: + DEBIAN_FRONTEND: noninteractive + steps: + - name: Install dependencies + run : | + sudo apt-get update + sudo apt-get --assume-yes install gcc g++ build-essential ninja-build libgl1-mesa-dev libglib2.0-0 + - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 + with: + lfs: true + - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 + with: + python-version: ${{ inputs.python_version }} + cache: pip + - name: Runner info + continue-on-error: true + run: | + cat /etc/*release + cat /proc/cpuinfo + - name: Override constraints + if: ${{ inputs.override_requirements != '' }} + run: python .github/scripts/override_constraints.py "${{ inputs.override_requirements }}" + shell: bash + - name: Install NNCF and test requirements + run: pip install . -r tests/torch/requirements.txt + - name: Print installed modules + run: pip list + - name: Run PyTorch precommit test scope + run: | + make test-torch-cpu + env: + NUM_WORKERS: 4 - # pytorch-cuda: - # timeout-minutes: 40 - # runs-on: aks-linux-4-cores-28gb-gpu-tesla-t4 - # if: ${{ inputs.gpu_enabled == true }} - # defaults: - # run: - # shell: bash - # env: - # DEBIAN_FRONTEND: noninteractive - # steps: - # - name: Install dependencies - # run : | - # sudo apt-get update - # sudo apt-get --assume-yes install build-essential ninja-build libgl1-mesa-dev libglib2.0-0 wget make - # - name: Download CUDA - # run: | - # wget -q https://developer.download.nvidia.com/compute/cuda/12.4.0/local_installers/cuda_12.4.0_550.54.14_linux.run - # sudo sh cuda_12.4.0_550.54.14_linux.run --toolkit --silent - # - name: Runner info - # continue-on-error: true - # run: | - # export PATH=/usr/local/cuda-12.4/bin${PATH:+:${PATH}} - # export LD_LIBRARY_PATH=/usr/local/cuda-12.4/lib64${LD_LIBRARY_PATH:+:${LD_LIBRARY_PATH}} - # nvidia-smi - # cat /proc/cpuinfo - # nvcc --version - # - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 - # with: - # lfs: true - # - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 - # with: - # python-version: ${{ inputs.python_version }} - # cache: pip - # - name: Install NNCF and test requirements - # run: make install-torch-test - # - name: Print installed modules - # run: pip list - # - name: Check CUDA - # run: | - # python -c "import torch; print(torch.cuda.is_available())" - # - name: Run PyTorch precommit test scope - # run: | - # export PATH=/usr/local/cuda-12.4/bin${PATH:+:${PATH}} - # export LD_LIBRARY_PATH=/usr/local/cuda-12.4/lib64${LD_LIBRARY_PATH:+:${LD_LIBRARY_PATH}} - # make test-torch-cuda + pytorch-cuda: + timeout-minutes: 40 + runs-on: aks-linux-4-cores-28gb-gpu-tesla-t4 + if: ${{ inputs.gpu_enabled == true }} + defaults: + run: + shell: bash + env: + DEBIAN_FRONTEND: noninteractive + steps: + - name: Install dependencies + run : | + sudo apt-get update + sudo apt-get --assume-yes install build-essential ninja-build libgl1-mesa-dev libglib2.0-0 wget make + - name: Download CUDA + run: | + wget -q https://developer.download.nvidia.com/compute/cuda/12.4.0/local_installers/cuda_12.4.0_550.54.14_linux.run + sudo sh cuda_12.4.0_550.54.14_linux.run --toolkit --silent + - name: Runner info + continue-on-error: true + run: | + export PATH=/usr/local/cuda-12.4/bin${PATH:+:${PATH}} + export LD_LIBRARY_PATH=/usr/local/cuda-12.4/lib64${LD_LIBRARY_PATH:+:${LD_LIBRARY_PATH}} + nvidia-smi + cat /proc/cpuinfo + nvcc --version + - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 + with: + lfs: true + - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 + with: + python-version: ${{ inputs.python_version }} + cache: pip + - name: Override constraints + if: ${{ inputs.override_requirements != '' }} + run: python .github/scripts/override_constraints.py "${{ inputs.override_requirements }}" + shell: bash + - name: Install NNCF and test requirements + run: pip install . -r tests/torch/requirements.txt + - name: Print installed modules + run: pip list + - name: Check CUDA + run: | + python -c "import torch; print(torch.cuda.is_available())" + - name: Run PyTorch precommit test scope + run: | + export PATH=/usr/local/cuda-12.4/bin${PATH:+:${PATH}} + export LD_LIBRARY_PATH=/usr/local/cuda-12.4/lib64${LD_LIBRARY_PATH:+:${LD_LIBRARY_PATH}} + make test-torch-cuda - # tensorflow: - # timeout-minutes: 40 - # runs-on: ubuntu-20.04-8-cores - # if: ${{ inputs.python_version != '3.12' }} - # defaults: - # run: - # shell: bash - # env: - # DEBIAN_FRONTEND: noninteractive - # steps: - # - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 - # with: - # lfs: true - # - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 - # with: - # python-version: ${{ inputs.python_version }} - # cache: pip - # - name: Install NNCF and test requirements - # run: make install-tensorflow-test - # - name: Print installed modules - # run: pip list - # - name: Run TensorFlow precommit test scope - # run: make test-tensorflow - # env: - # NUM_WORKERS: 6 + tensorflow: + timeout-minutes: 40 + runs-on: ubuntu-20.04-8-cores + if: ${{ inputs.python_version != '3.12' }} + defaults: + run: + shell: bash + env: + DEBIAN_FRONTEND: noninteractive + steps: + - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 + with: + lfs: true + - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 + with: + python-version: ${{ inputs.python_version }} + cache: pip + - name: Override constraints + if: ${{ inputs.override_requirements != '' }} + run: python .github/scripts/override_constraints.py "${{ inputs.override_requirements }}" + shell: bash + - name: Install NNCF and test requirements + run: pip install . -r tests/tensorflow/requirements.txt + - name: Print installed modules + run: pip list + - name: Run TensorFlow precommit test scope + run: make test-tensorflow + env: + NUM_WORKERS: 6 - # tools: - # timeout-minutes: 40 - # runs-on: ubuntu-20.04 - # defaults: - # run: - # shell: bash - # steps: - # - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 - # with: - # lfs: true - # - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 - # with: - # python-version: ${{ inputs.python_version }} - # cache: pip - # - name: Install NNCF and test requirements - # run: pip install -r tests/tools/requirements.txt - # - name: Print installed modules - # run: pip list - # - name: Run tools precommit test scope - # run: pytest -ra tests/tools + tools: + timeout-minutes: 40 + runs-on: ubuntu-20.04 + defaults: + run: + shell: bash + steps: + - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 + with: + lfs: true + - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 + with: + python-version: ${{ inputs.python_version }} + cache: pip + - name: Install test requirements + run: pip install -r tests/tools/requirements.txt + - name: Print installed modules + run: pip list + - name: Run tools precommit test scope + run: pytest -ra tests/tools - # pytorch2-cpu: - # timeout-minutes: 40 - # runs-on: ubuntu-20.04 - # defaults: - # run: - # shell: bash - # steps: - # - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 - # with: - # lfs: true - # - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 - # with: - # python-version: ${{ inputs.python_version }} - # cache: pip - # - name: Install NNCF and test requirements - # run: | - # pip install -r tests/torch2/requirements.txt -e . - # - name: Print installed modules - # run: pip list - # - name: Run torch2 precommit test scope - # run: pytest -ra tests/torch2 -m "not cuda" + pytorch2-cpu: + timeout-minutes: 40 + runs-on: ubuntu-20.04 + defaults: + run: + shell: bash + steps: + - uses: actions/checkout@a5ac7e51b41094c92402da3b24376905380afc29 # v4.1.6 + with: + lfs: true + - uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0 + with: + python-version: ${{ inputs.python_version }} + cache: pip + - name: Override constraints + if: ${{ inputs.override_requirements != '' }} + run: python .github/scripts/override_constraints.py "${{ inputs.override_requirements }}" + shell: bash + - name: Install NNCF and test requirements + run: | + pip install . -r tests/torch2/requirements.txt + - name: Print installed modules + run: pip list + - name: Run torch2 precommit test scope + run: pytest -ra tests/torch2 -m "not cuda" diff --git a/.github/workflows/weekly.yml b/.github/workflows/weekly.yml index d607a83d20d..ed00cfb7ba4 100644 --- a/.github/workflows/weekly.yml +++ b/.github/workflows/weekly.yml @@ -13,18 +13,8 @@ jobs: fail-fast: false matrix: include: - - python_version: "3.9" - override_requirements: "numpy==1.19.1" - - python_version: "3.9" - override_requirements: "numpy==1.19.2" - python_version: "3.9" override_requirements: "numpy==1.19.3" - - python_version: "3.9" - override_requirements: "numpy==1.19.4" - - python_version: "3.9" - override_requirements: "numpy==1.19.5" - - python_version: "3.9" - override_requirements: "numpy==1.20.0" - python_version: "3.11" - python_version: "3.12" uses: ./.github/workflows/call_precommit.yml diff --git a/nncf/common/tensor_statistics/collectors.py b/nncf/common/tensor_statistics/collectors.py index 3601df4737a..e5c645a3e3e 100644 --- a/nncf/common/tensor_statistics/collectors.py +++ b/nncf/common/tensor_statistics/collectors.py @@ -317,7 +317,7 @@ class MedianMADStatisticCollector(OfflineTensorStatisticCollector): Collector estimates median and median absolute deviation (MAD). """ - def _prepare_statistics(self) -> Tuple[np.ndarray, np.ndarray]: + def _prepare_statistics(self) -> Tuple[np.ndarray[Any], np.ndarray[Any]]: per_channel_history = get_per_channel_history( self._samples, cast(List[int], self._reduction_shape), discard_zeros=True ) diff --git a/nncf/common/tensor_statistics/reduction.py b/nncf/common/tensor_statistics/reduction.py index 37d6ab28137..82e0ece54e8 100644 --- a/nncf/common/tensor_statistics/reduction.py +++ b/nncf/common/tensor_statistics/reduction.py @@ -24,7 +24,7 @@ def get_channel_count_and_dim_idx(scale_shape: List[int]) -> Tuple[int, int]: return channel_count, channel_dim_idx -def split_into_channels(input_: np.ndarray, scale_shape: List[int]) -> List[np.ndarray]: +def split_into_channels(input_: np.ndarray[Any], scale_shape: List[int]) -> List[np.ndarray[Any]]: channel_count, channel_dim_idx = get_channel_count_and_dim_idx(scale_shape) channel_first_tensor = np.moveaxis(input_, channel_dim_idx, 0) if channel_count == 1: @@ -60,7 +60,7 @@ def get_per_channel_history( return per_channel_history -def np_percentile_reduce_like(input_: np.ndarray, ref_tensor_shape: Tuple[int], q: float) -> np.ndarray: +def np_percentile_reduce_like(input_: np.ndarray[Any], ref_tensor_shape: Tuple[int], q: float) -> np.ndarray[Any]: numel = np.prod(ref_tensor_shape) if numel == 1: return np.array([np.percentile(input_, q)]) diff --git a/pyproject.toml b/pyproject.toml index 439807c1fe6..8dd2b97e39a 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -38,7 +38,7 @@ dependencies = [ "natsort>=7.1.0", "networkx>=2.6, <=3.3", "ninja>=1.10.0.post2, <1.12", - "numpy>=1.19.1, <2.2.0", + "numpy>=1.19.3, <2.2.0", "openvino-telemetry>=2023.2.0", "packaging>=20.0", "pandas>=1.1.5,<2.3", From dc7da3ed07e853c357cf96b43ff88e97ce81624a Mon Sep 17 00:00:00 2001 From: Alexander Dokuchaev Date: Tue, 14 Jan 2025 03:12:31 +0200 Subject: [PATCH 06/12] numpy==1.20.0 --- .github/workflows/weekly.yml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.github/workflows/weekly.yml b/.github/workflows/weekly.yml index ed00cfb7ba4..d98fa000d45 100644 --- a/.github/workflows/weekly.yml +++ b/.github/workflows/weekly.yml @@ -14,7 +14,7 @@ jobs: matrix: include: - python_version: "3.9" - override_requirements: "numpy==1.19.3" + override_requirements: "numpy==1.20.0" - python_version: "3.11" - python_version: "3.12" uses: ./.github/workflows/call_precommit.yml From 6b58a0f3426e5a9b93098fdaeb2bb5f0964a37cc Mon Sep 17 00:00:00 2001 From: Alexander Dokuchaev Date: Tue, 14 Jan 2025 03:20:57 +0200 Subject: [PATCH 07/12] ndarray --- .github/workflows/weekly.yml | 2 +- nncf/common/tensor_statistics/collectors.py | 3 ++- nncf/common/tensor_statistics/reduction.py | 5 +++-- 3 files changed, 6 insertions(+), 4 deletions(-) diff --git a/.github/workflows/weekly.yml b/.github/workflows/weekly.yml index d98fa000d45..0204d5e5900 100644 --- a/.github/workflows/weekly.yml +++ b/.github/workflows/weekly.yml @@ -14,7 +14,7 @@ jobs: matrix: include: - python_version: "3.9" - override_requirements: "numpy==1.20.0" + override_requirements: "numpy==1.24.0" - python_version: "3.11" - python_version: "3.12" uses: ./.github/workflows/call_precommit.yml diff --git a/nncf/common/tensor_statistics/collectors.py b/nncf/common/tensor_statistics/collectors.py index e5c645a3e3e..88dc4775d7e 100644 --- a/nncf/common/tensor_statistics/collectors.py +++ b/nncf/common/tensor_statistics/collectors.py @@ -15,6 +15,7 @@ from typing import Any, Deque, Dict, List, Optional, Tuple, Union, cast import numpy as np +from numpy.typing import NDArray from nncf.common.tensor import NNCFTensor from nncf.common.tensor import TensorType @@ -317,7 +318,7 @@ class MedianMADStatisticCollector(OfflineTensorStatisticCollector): Collector estimates median and median absolute deviation (MAD). """ - def _prepare_statistics(self) -> Tuple[np.ndarray[Any], np.ndarray[Any]]: + def _prepare_statistics(self) -> Tuple[NDArray[Any], NDArray[Any]]: per_channel_history = get_per_channel_history( self._samples, cast(List[int], self._reduction_shape), discard_zeros=True ) diff --git a/nncf/common/tensor_statistics/reduction.py b/nncf/common/tensor_statistics/reduction.py index 82e0ece54e8..6c2fd20924a 100644 --- a/nncf/common/tensor_statistics/reduction.py +++ b/nncf/common/tensor_statistics/reduction.py @@ -12,6 +12,7 @@ from typing import Any, Deque, List, Tuple import numpy as np +from numpy.typing import NDArray def get_channel_count_and_dim_idx(scale_shape: List[int]) -> Tuple[int, int]: @@ -24,7 +25,7 @@ def get_channel_count_and_dim_idx(scale_shape: List[int]) -> Tuple[int, int]: return channel_count, channel_dim_idx -def split_into_channels(input_: np.ndarray[Any], scale_shape: List[int]) -> List[np.ndarray[Any]]: +def split_into_channels(input_: NDArray[Any], scale_shape: List[int]) -> List[NDArray[Any]]: channel_count, channel_dim_idx = get_channel_count_and_dim_idx(scale_shape) channel_first_tensor = np.moveaxis(input_, channel_dim_idx, 0) if channel_count == 1: @@ -60,7 +61,7 @@ def get_per_channel_history( return per_channel_history -def np_percentile_reduce_like(input_: np.ndarray[Any], ref_tensor_shape: Tuple[int], q: float) -> np.ndarray[Any]: +def np_percentile_reduce_like(input_: NDArray[Any], ref_tensor_shape: Tuple[int], q: float) -> NDArray[Any]: numel = np.prod(ref_tensor_shape) if numel == 1: return np.array([np.percentile(input_, q)]) From e149003bb457875286489fd14607f60cd9c18f8a Mon Sep 17 00:00:00 2001 From: Alexander Dokuchaev Date: Tue, 14 Jan 2025 03:33:19 +0200 Subject: [PATCH 08/12] pt --- .github/workflows/weekly.yml | 8 ++++---- pyproject.toml | 2 +- 2 files changed, 5 insertions(+), 5 deletions(-) diff --git a/.github/workflows/weekly.yml b/.github/workflows/weekly.yml index 0204d5e5900..13c4d0a1742 100644 --- a/.github/workflows/weekly.yml +++ b/.github/workflows/weekly.yml @@ -14,7 +14,7 @@ jobs: matrix: include: - python_version: "3.9" - override_requirements: "numpy==1.24.0" + override_requirements: "numpy==1.24.0,torch==2.4.0" - python_version: "3.11" - python_version: "3.12" uses: ./.github/workflows/call_precommit.yml @@ -23,6 +23,6 @@ jobs: override_requirements: ${{ matrix.override_requirements || '' }} gpu_enabled: false - # macos: - # if: github.repository_owner == 'openvinotoolkit' - # uses: ./.github/workflows/macos.yml + macos: + if: github.repository_owner == 'openvinotoolkit' + uses: ./.github/workflows/macos.yml diff --git a/pyproject.toml b/pyproject.toml index 8dd2b97e39a..d2dff390a79 100644 --- a/pyproject.toml +++ b/pyproject.toml @@ -38,7 +38,7 @@ dependencies = [ "natsort>=7.1.0", "networkx>=2.6, <=3.3", "ninja>=1.10.0.post2, <1.12", - "numpy>=1.19.3, <2.2.0", + "numpy>=1.24.0, <2.2.0", "openvino-telemetry>=2023.2.0", "packaging>=20.0", "pandas>=1.1.5,<2.3", From 03ae14f417f8d684e8f80861e39252d3d29b7b30 Mon Sep 17 00:00:00 2001 From: Alexander Dokuchaev Date: Tue, 14 Jan 2025 15:11:29 +0200 Subject: [PATCH 09/12] vis --- .github/workflows/weekly.yml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.github/workflows/weekly.yml b/.github/workflows/weekly.yml index 13c4d0a1742..ca684f9c6a3 100644 --- a/.github/workflows/weekly.yml +++ b/.github/workflows/weekly.yml @@ -14,7 +14,7 @@ jobs: matrix: include: - python_version: "3.9" - override_requirements: "numpy==1.24.0,torch==2.4.0" + override_requirements: "numpy==1.24.0,torch==2.4.0,torchvision==0.19" - python_version: "3.11" - python_version: "3.12" uses: ./.github/workflows/call_precommit.yml From 8ccc6fe62c74ec200625db0cba7b15ff5f0b5a28 Mon Sep 17 00:00:00 2001 From: Alexander Dokuchaev Date: Tue, 14 Jan 2025 15:42:49 +0200 Subject: [PATCH 10/12] test numpy v --- .github/workflows/weekly.yml | 6 +++++- 1 file changed, 5 insertions(+), 1 deletion(-) diff --git a/.github/workflows/weekly.yml b/.github/workflows/weekly.yml index ca684f9c6a3..b5b0d3f51b1 100644 --- a/.github/workflows/weekly.yml +++ b/.github/workflows/weekly.yml @@ -14,7 +14,11 @@ jobs: matrix: include: - python_version: "3.9" - override_requirements: "numpy==1.24.0,torch==2.4.0,torchvision==0.19" + override_requirements: "numpy==1.24.0" + - python_version: "3.9" + override_requirements: "numpy==1.23.0" + - python_version: "3.9" + override_requirements: "numpy==1.23.4" - python_version: "3.11" - python_version: "3.12" uses: ./.github/workflows/call_precommit.yml From 657c396fbfb2544b6010f57ad97ac4798e103ef2 Mon Sep 17 00:00:00 2001 From: Alexander Dokuchaev Date: Tue, 14 Jan 2025 16:20:28 +0200 Subject: [PATCH 11/12] =?UTF-8?q?=D0=B0?= MIME-Version: 1.0 Content-Type: text/plain; charset=UTF-8 Content-Transfer-Encoding: 8bit --- .github/workflows/weekly.yml | 4 ---- 1 file changed, 4 deletions(-) diff --git a/.github/workflows/weekly.yml b/.github/workflows/weekly.yml index b5b0d3f51b1..9cbec3a9716 100644 --- a/.github/workflows/weekly.yml +++ b/.github/workflows/weekly.yml @@ -15,10 +15,6 @@ jobs: include: - python_version: "3.9" override_requirements: "numpy==1.24.0" - - python_version: "3.9" - override_requirements: "numpy==1.23.0" - - python_version: "3.9" - override_requirements: "numpy==1.23.4" - python_version: "3.11" - python_version: "3.12" uses: ./.github/workflows/call_precommit.yml From a932d9e4bb50cac32548f842e5946e80d2a14adf Mon Sep 17 00:00:00 2001 From: Alexander Dokuchaev Date: Tue, 14 Jan 2025 16:59:09 +0200 Subject: [PATCH 12/12] f --- .github/workflows/weekly.yml | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/.github/workflows/weekly.yml b/.github/workflows/weekly.yml index 9cbec3a9716..8c6556c9014 100644 --- a/.github/workflows/weekly.yml +++ b/.github/workflows/weekly.yml @@ -5,7 +5,7 @@ on: workflow_dispatch: schedule: - cron: '0 0 * * 0' - pull_request: # remove + jobs: precommit: if: github.repository_owner == 'openvinotoolkit'