Skip to content

Commit

Permalink
Merge branch 'main' into dependabot/pip/numba-approx-eq-0.58.1
Browse files Browse the repository at this point in the history
  • Loading branch information
beat-buesser authored Dec 20, 2023
2 parents ac2224f + b2e7827 commit b318991
Show file tree
Hide file tree
Showing 105 changed files with 454 additions and 460 deletions.
45 changes: 0 additions & 45 deletions .github/actions/deepspeech-v2/Dockerfile

This file was deleted.

7 changes: 0 additions & 7 deletions .github/actions/deepspeech-v2/action.yml

This file was deleted.

10 changes: 0 additions & 10 deletions .github/actions/deepspeech-v2/run.sh

This file was deleted.

29 changes: 11 additions & 18 deletions .github/actions/deepspeech-v3/Dockerfile
Original file line number Diff line number Diff line change
@@ -1,5 +1,5 @@
# Get base from a pytorch image
FROM pytorch/pytorch:1.6.0-cuda10.1-cudnn7-runtime
pod# Get base from a pytorch image
FROM pytorch/pytorch:2.1.1-cuda12.1-cudnn8-runtime

# Set to install things in non-interactive mode
ENV DEBIAN_FRONTEND noninteractive
Expand All @@ -17,26 +17,19 @@ RUN apt-get update \
curl \
libsndfile-dev \
libsndfile1 \
vim \
curl \
&& apt-get clean all \
&& rm -r /var/lib/apt/lists/*

RUN /opt/conda/bin/conda install --yes \
astropy \
matplotlib \
pandas \
scikit-learn \
scikit-image

# Install necessary libraries for deepspeech v3
RUN pip install torch
RUN pip install tensorflow
RUN pip install torchaudio==0.6.0
RUN pip install --no-build-isolation fairscale
RUN pip install --ignore-installed PyYAML torch==2.1.1 tensorflow==2.14.1 torchaudio==2.1.1 pytorch-lightning==2.1.2 scikit-learn==1.3.2
RUN pip install --no-build-isolation fairscale==0.4.13

RUN git clone https://github.com/SeanNaren/deepspeech.pytorch.git
RUN cd deepspeech.pytorch && pip install -r requirements.txt
RUN cd deepspeech.pytorch && pip install -e .
RUN cd deepspeech.pytorch && sed -i '/^sklearn/d' requirements.txt && pip install -r requirements.txt && pip install -e .

RUN pip install numba==0.56.4 pytest-cov==4.1.0 pydub==0.25.1
RUN pip list

RUN pip install numba==0.50.0
RUN pip install pytest-cov
RUN pip install pydub==0.25.1
RUN mkdir -p /root/.art/data && cd /root/.art/data && curl -LJO "https://github.com/SeanNaren/deepspeech.pytorch/releases/download/V3.0/librispeech_pretrained_v3.ckpt"
37 changes: 0 additions & 37 deletions .github/workflows/ci-deepspeech-v2.yml

This file was deleted.

4 changes: 2 additions & 2 deletions .github/workflows/ci-deepspeech-v3.yml
Original file line number Diff line number Diff line change
Expand Up @@ -23,9 +23,9 @@ on:

jobs:
test_deepspeech_v3_torch_1_10:
name: PyTorchDeepSpeech v3 / PyTorch 1.10
name: PyTorchDeepSpeech v3 / PyTorch 2.1.1
runs-on: ubuntu-latest
container: adversarialrobustnesstoolbox/art_testing_envs:deepspeech_v3_torch_1_10
container: adversarialrobustnesstoolbox/art_testing_envs:deepspeech_v3_torch_2_1_1
steps:
- name: Checkout Repo
uses: actions/checkout@v3
Expand Down
6 changes: 3 additions & 3 deletions .github/workflows/ci-huggingface.yml
Original file line number Diff line number Diff line change
Expand Up @@ -41,7 +41,7 @@ jobs:
- name: Checkout Repo
uses: actions/checkout@v3
- name: Setup Python
uses: actions/setup-python@v4
uses: actions/setup-python@v5
with:
python-version: ${{ matrix.python }}
- name: Install Dependencies
Expand All @@ -50,8 +50,8 @@ jobs:
sudo apt-get -y -q install ffmpeg libavcodec-extra
python -m pip install --upgrade pip setuptools wheel
pip3 install -r requirements_test.txt
pip install tensorflow==2.10.1
pip install keras==2.10.0
pip install tensorflow==2.14.0
pip install keras==2.14.0
pip install torch==${{ matrix.torch }} -f https://download.pytorch.org/whl/cpu/torch_stable.html
pip install torchvision==${{ matrix.torchvision }} -f https://download.pytorch.org/whl/cpu/torch_stable.html
pip install torchaudio==${{ matrix.torchaudio }} -f https://download.pytorch.org/whl/cpu/torch_stable.html
Expand Down
40 changes: 17 additions & 23 deletions .github/workflows/ci-keras.yml
Original file line number Diff line number Diff line change
Expand Up @@ -28,45 +28,39 @@ jobs:
fail-fast: false
matrix:
include:
- name: Keras 2.9.0 (TensorFlow 2.9.2 Python 3.9)
- name: Keras 2.13.1 (TensorFlow 2.13.1 Python 3.10)
framework: keras
python: 3.9
tensorflow: 2.9.2
keras: 2.9.0
tf_addons: 0.17.0
- name: TensorFlow-Keras 2.9.2 (Keras 2.9.0 Python 3.9)
framework: kerastf
python: 3.9
tensorflow: 2.9.2
keras: 2.9.0
tf_addons: 0.17.0
- name: Keras 2.10.0 (TensorFlow 2.10.1 Python 3.9)
python: '3.10'
tensorflow: 2.13.1
keras: 2.13.1
tf_addons: 0.19.0
- name: Keras 2.14.0 (TensorFlow 2.14.0 Python 3.10)
framework: keras
python: 3.9
tensorflow: 2.10.1
keras: 2.10.0
tf_addons: 0.18.0
- name: TensorFlow-Keras 2.10.1 (Keras 2.10.0 Python 3.9)
python: '3.10'
tensorflow: 2.14.0
keras: 2.14.0
tf_addons: 0.20.0
- name: TensorFlow-Keras 2.14.0 (Keras 2.14.0 Python 3.10)
framework: kerastf
python: 3.9
tensorflow: 2.10.1
keras: 2.10.0
tf_addons: 0.18.0
python: '3.10'
tensorflow: 2.14.0
keras: 2.14.0
tf_addons: 0.20.0

name: ${{ matrix.name }}
steps:
- name: Checkout Repo
uses: actions/checkout@v3
- name: Setup Python
uses: actions/setup-python@v4
uses: actions/setup-python@v5
with:
python-version: ${{ matrix.python }}
- name: Install Dependencies
run: |
sudo apt-get update
sudo apt-get -y -q install ffmpeg libavcodec-extra
python -m pip install --upgrade pip setuptools wheel
pip install -r requirements_test.txt
pip install -q -r <(sed '/^tensorflow/d;/^keras/d;/^tensorflow-addons/d' requirements_test.txt)
pip install tensorflow==${{ matrix.tensorflow }}
pip install keras==${{ matrix.keras }}
pip install tensorflow-addons==${{ matrix.tf_addons }}
Expand Down
10 changes: 5 additions & 5 deletions .github/workflows/ci-legacy.yml
Original file line number Diff line number Diff line change
Expand Up @@ -29,11 +29,11 @@ jobs:
matrix:
module: [attacks_1, attacks_2, estimators, defences, metrics, art]
include:
- name: legacy (TensorFlow 2.10.1 Keras 2.10.0 PyTorch 1.13.1 scikit-learn 1.1.3 Python 3.9)
- name: legacy (TensorFlow 2.14.0 Keras 2.14.0 PyTorch 1.13.1 scikit-learn 1.1.3 Python 3.9)
framework: legacy
python: 3.9
tensorflow: 2.10.1
keras: 2.10.0
python: '3.10'
tensorflow: 2.14.0
keras: 2.14.0
torch: 1.13.1+cpu
torchvision: 0.14.1+cpu
torchaudio: 0.13.1+cpu
Expand All @@ -44,7 +44,7 @@ jobs:
- name: Checkout Repo
uses: actions/checkout@v3
- name: Setup Python
uses: actions/setup-python@v4
uses: actions/setup-python@v5
with:
python-version: ${{ matrix.python }}
- name: Install Dependencies
Expand Down
4 changes: 2 additions & 2 deletions .github/workflows/ci-lingvo.yml
Original file line number Diff line number Diff line change
Expand Up @@ -41,7 +41,7 @@ jobs:
- name: Checkout Repo
uses: actions/checkout@v3
- name: Setup Python
uses: actions/setup-python@v4
uses: actions/setup-python@v5
with:
python-version: ${{ matrix.python }}
- name: Pre-install Lingvo ASR
Expand Down Expand Up @@ -76,7 +76,7 @@ jobs:
pip install tqdm==4.64.1
pip list
- name: Run ${{ matrix.name }} Tests
run: ./run_tests.sh ${{ matrix.framework }}
run: pytest --cov-report=xml --cov=art --cov-append -q -vv tests/estimators/speech_recognition/test_tensorflow_lingvo.py --framework=${{ matrix.framework }} --durations=0
- name: Upload coverage to Codecov
uses: codecov/codecov-action@v3
with:
Expand Down
8 changes: 3 additions & 5 deletions .github/workflows/ci-mxnet.yml
Original file line number Diff line number Diff line change
Expand Up @@ -28,25 +28,23 @@ jobs:
fail-fast: false
matrix:
include:
- name: mxnet (Python 3.8)
- name: mxnet (Python 3.9)
framework: mxnet
python: 3.8
python: 3.9

name: Run ${{ matrix.name }} Tests
steps:
- name: Checkout Repo
uses: actions/checkout@v3
- name: Setup Python
uses: actions/setup-python@v4
uses: actions/setup-python@v5
with:
python-version: ${{ matrix.python }}
- name: Install Dependencies
run: |
sudo apt-get update
sudo apt-get -y -q install ffmpeg libavcodec-extra
python -m pip install --upgrade pip setuptools wheel
pip install tensorflow==2.4.1
pip install keras==2.4.3
pip3 install -q -r requirements_test.txt
pip list
- name: Run ${{ matrix.name }} ${{ matrix.module }} Tests
Expand Down
2 changes: 1 addition & 1 deletion .github/workflows/ci-pytorch-object-detectors.yml
Original file line number Diff line number Diff line change
Expand Up @@ -31,7 +31,7 @@ jobs:
- name: Checkout Repo
uses: actions/checkout@v3
- name: Setup Python
uses: actions/setup-python@v4
uses: actions/setup-python@v5
with:
python-version: '3.10'
- name: Install Dependencies
Expand Down
28 changes: 7 additions & 21 deletions .github/workflows/ci-pytorch.yml
Original file line number Diff line number Diff line change
Expand Up @@ -28,37 +28,25 @@ jobs:
fail-fast: false
matrix:
include:
- name: PyTorch 1.11.0 (Python 3.9)
framework: pytorch
python: 3.8
torch: 1.11.0+cpu
torchvision: 0.12.0+cpu
torchaudio: 0.11.0
- name: PyTorch 1.12.1 (Python 3.9)
framework: pytorch
python: 3.8
torch: 1.12.1+cpu
torchvision: 0.13.1+cpu
torchaudio: 0.12.1
- name: PyTorch 1.13.1 (Python 3.9)
framework: pytorch
python: 3.9
torch: 1.13.1+cpu
torchvision: 0.14.1+cpu
torchaudio: 0.13.1
- name: PyTorch 1.13.1 (Python 3.10)
framework: pytorch
python: '3.10'
torch: 1.13.1+cpu
torchvision: 0.14.1+cpu
torchaudio: 0.13.1
- name: PyTorch 2.1.2 (Python 3.10)
framework: pytorch
python: '3.10'
torch: 2.1.2
torchvision: 0.16.2+cpu
torchaudio: 2.1.2

name: ${{ matrix.name }}
steps:
- name: Checkout Repo
uses: actions/checkout@v3
- name: Setup Python
uses: actions/setup-python@v4
uses: actions/setup-python@v5
with:
python-version: ${{ matrix.python }}
- name: Install Dependencies
Expand All @@ -67,8 +55,6 @@ jobs:
sudo apt-get -y -q install ffmpeg libavcodec-extra
python -m pip install --upgrade pip setuptools wheel
pip3 install -r requirements_test.txt
pip install tensorflow==2.10.1
pip install keras==2.10.0
pip install torch==${{ matrix.torch }} -f https://download.pytorch.org/whl/cpu/torch_stable.html
pip install torchvision==${{ matrix.torchvision }} -f https://download.pytorch.org/whl/cpu/torch_stable.html
pip install torchaudio==${{ matrix.torchaudio }} -f https://download.pytorch.org/whl/cpu/torch_stable.html
Expand Down
4 changes: 1 addition & 3 deletions .github/workflows/ci-scikit-learn.yml
Original file line number Diff line number Diff line change
Expand Up @@ -50,7 +50,7 @@ jobs:
- name: Checkout Repo
uses: actions/checkout@v3
- name: Setup Python
uses: actions/setup-python@v4
uses: actions/setup-python@v5
with:
python-version: ${{ matrix.python }}
- name: Install Dependencies
Expand All @@ -59,8 +59,6 @@ jobs:
sudo apt-get -y -q install ffmpeg libavcodec-extra
python -m pip install --upgrade pip setuptools wheel
pip install -r requirements_test.txt
pip install tensorflow==2.10.1
pip install keras==2.10.0
pip install scikit-learn==${{ matrix.scikit-learn }}
pip list
- name: Run Tests
Expand Down
Loading

0 comments on commit b318991

Please sign in to comment.