Skip to content

Commit 976ba93

Browse files
authored
Merge branch 'main' into dev_1.11.1
2 parents db2da50 + 5c1b122 commit 976ba93

File tree

5 files changed

+24
-22
lines changed

5 files changed

+24
-22
lines changed

.github/workflows/ci-legacy.yml

Lines changed: 4 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -26,14 +26,14 @@ jobs:
2626
matrix:
2727
module: [attacks_1, attacks_2, estimators, defences, metrics, art]
2828
include:
29-
- name: legacy (TensorFlow 2.6.0 Keras 2.6.0 PyTorch 1.12.0 scikit-learn 1.0.2 Python 3.9)
29+
- name: legacy (TensorFlow 2.6.0 Keras 2.6.0 PyTorch 1.12.1 scikit-learn 1.0.2 Python 3.9)
3030
framework: legacy
3131
python: 3.9
3232
tensorflow: 2.6.0
3333
keras: 2.6.0
34-
torch: 1.12.0+cpu
35-
torchvision: 0.13.0+cpu
36-
torchaudio: 0.12.0+cpu
34+
torch: 1.12.1+cpu
35+
torchvision: 0.13.1+cpu
36+
torchaudio: 0.12.1+cpu
3737
scikit-learn: 1.0.2
3838

3939
name: Run ${{ matrix.module }} ${{ matrix.name }} Tests

.github/workflows/ci-pytorch-object-detectors.yml

Lines changed: 3 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -40,9 +40,9 @@ jobs:
4040
pip list
4141
- name: Pre-install torch
4242
run: |
43-
pip install torch==1.12.0+cpu -f https://download.pytorch.org/whl/cpu/torch_stable.html
44-
pip install torchvision==0.13.0+cpu -f https://download.pytorch.org/whl/cpu/torch_stable.html
45-
pip install torchaudio==0.12.0+cpu -f https://download.pytorch.org/whl/cpu/torch_stable.html
43+
pip install torch==1.12.1+cpu -f https://download.pytorch.org/whl/cpu/torch_stable.html
44+
pip install torchvision==0.13.1+cpu -f https://download.pytorch.org/whl/cpu/torch_stable.html
45+
pip install torchaudio==0.12.1+cpu -f https://download.pytorch.org/whl/cpu/torch_stable.html
4646
- name: Run Test Action - test_pytorch_object_detector
4747
run: pytest --cov-report=xml --cov=art --cov-append -q -vv tests/estimators/object_detection/test_pytorch_object_detector.py --framework=pytorch --durations=0
4848
- name: Run Test Action - test_pytorch_faster_rcnn

.github/workflows/ci-pytorch.yml

Lines changed: 4 additions & 4 deletions
Original file line numberDiff line numberDiff line change
@@ -37,12 +37,12 @@ jobs:
3737
torch: 1.11.0+cpu
3838
torchvision: 0.12.0+cpu
3939
torchaudio: 0.11.0
40-
- name: PyTorch 1.12.0 (Python 3.8)
40+
- name: PyTorch 1.12.1 (Python 3.8)
4141
framework: pytorch
4242
python: 3.8
43-
torch: 1.12.0+cpu
44-
torchvision: 0.13.0+cpu
45-
torchaudio: 0.12.0
43+
torch: 1.11.0+cpu
44+
torchvision: 0.13.1+cpu
45+
torchaudio: 0.12.1
4646

4747
name: ${{ matrix.name }}
4848
steps:

examples/get_started_tensorflow.py

Lines changed: 2 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -7,6 +7,8 @@
77
import tensorflow.compat.v1 as tf
88
import numpy as np
99

10+
tf.compat.v1.disable_eager_execution() # Added to prevent Tensorflow execution error
11+
1012
from art.attacks.evasion import FastGradientMethod
1113
from art.estimators.classification import TensorFlowClassifier
1214
from art.utils import load_mnist

requirements_test.txt

Lines changed: 11 additions & 11 deletions
Original file line numberDiff line numberDiff line change
@@ -1,18 +1,18 @@
11
# base
22

3-
numpy>=1.18.5,<=1.22
3+
numpy>=1.18.5,<1.24
44
scipy==1.8.1
5-
matplotlib==3.5.2
5+
matplotlib==3.5.3
66
scikit-learn>=0.22.2,<1.2.0
77
six==1.16.0
88
Pillow==9.2.0
99
tqdm==4.64.0
1010
statsmodels==0.13.2
1111
pydub==0.25.1
12-
resampy==0.3.1
12+
resampy==0.4.0
1313
ffmpeg-python==0.2.0
1414
cma==3.2.2
15-
pandas==1.4.3
15+
pandas==1.4.4
1616
librosa==0.9.2
1717
numba~=0.56.0
1818
opencv-python
@@ -30,19 +30,19 @@ mxnet-native==1.8.0.post0
3030

3131
# PyTorch
3232
--find-links https://download.pytorch.org/whl/cpu/torch_stable.html
33-
torch==1.12.0
34-
torchaudio==0.12.0+cpu
35-
torchvision==0.13.0+cpu
33+
torch==1.12.1
34+
torchaudio==0.12.1+cpu
35+
torchvision==0.13.1+cpu
3636

3737
catboost==1.0.6
3838
GPy==1.10.0
3939
lightgbm==3.3.2
40-
xgboost==1.6.1
40+
xgboost==1.6.2
4141

42-
kornia~=0.6.6
42+
kornia~=0.6.7
4343
tensorboardX==2.5.1
4444
lief==0.12.1
45-
jax[cpu]==0.3.15
45+
jax[cpu]==0.3.17
4646

4747
# Lingvo ASR dependencies
4848
# supported versions: (lingvo==0.6.4 with tensorflow-gpu==2.1.0)
@@ -51,7 +51,7 @@ jax[cpu]==0.3.15
5151
# lingvo==0.6.4
5252

5353
# other
54-
pytest~=7.1.2
54+
pytest~=7.1.3
5555
pytest-flake8~=1.1.1
5656
flake8~=4.0.1
5757
pytest-mock~=3.8.2

0 commit comments

Comments
 (0)