Skip to content

Commit 1283402

Browse files
authored
Merge branch 'dev_1.19.0' into sklearn_nbclasses
2 parents 96b8658 + 1207d0a commit 1283402

File tree

398 files changed

+5784
-4537
lines changed

Some content is hidden

Large Commits have some content hidden by default. Use the searchbox below for content that may be hidden.

398 files changed

+5784
-4537
lines changed

.github/actions/deepspeech-v3/Dockerfile

Lines changed: 4 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -1,10 +1,10 @@
1-
# Get base from a pytorch image
1+
# Get base image
22
FROM python:3.10.13-slim-bullseye
33

44
# Set to install things in non-interactive mode
55
ENV DEBIAN_FRONTEND noninteractive
66

7-
# Install system wide softwares
7+
# Install system wide software
88
RUN apt-get update \
99
&& apt-get install -y \
1010
libgl1-mesa-glx \
@@ -19,6 +19,8 @@ RUN apt-get update \
1919
libsndfile1 \
2020
vim \
2121
curl \
22+
gpg \
23+
gpg-agent \
2224
&& apt-get clean all \
2325
&& rm -r /var/lib/apt/lists/*
2426

.github/actions/espresso/Dockerfile

Lines changed: 12 additions & 20 deletions
Original file line numberDiff line numberDiff line change
@@ -1,12 +1,13 @@
1-
# Get base from a pytorch image
2-
FROM pytorch/pytorch:1.6.0-cuda10.1-cudnn7-runtime
1+
# Get base image
2+
FROM python:3.7.17-slim-bullseye
33

44
# Set to install things in non-interactive mode
55
ENV DEBIAN_FRONTEND noninteractive
66

7-
# Install system wide softwares
7+
# Install system wide software
88
RUN apt-get update \
99
&& apt-get install -y \
10+
build-essential \
1011
libgl1-mesa-glx \
1112
libx11-xcb1 \
1213
git \
@@ -17,26 +18,17 @@ RUN apt-get update \
1718
curl \
1819
libsndfile-dev \
1920
libsndfile1 \
21+
gpg \
22+
gpg-agent \
2023
&& apt-get clean all \
2124
&& rm -r /var/lib/apt/lists/*
2225

23-
RUN /opt/conda/bin/conda install --yes \
24-
astropy \
25-
matplotlib \
26-
pandas \
27-
scikit-learn \
28-
scikit-image
29-
3026
# Install necessary libraries for espresso
31-
RUN pip install torch
32-
RUN pip install tensorflow
33-
RUN pip install torchaudio==0.6.0
34-
RUN pip install --no-build-isolation fairscale
35-
36-
RUN pip install numba==0.50.0
37-
RUN pip install pytest-cov
27+
RUN pip install torch==1.6.0 torchaudio==0.6.0 pytest-cov~=4.1.0 scipy==1.2 scikit-learn==0.24 protobuf==3.20 kaldiio==2.18.0 tensorflow==2.9
28+
RUN pip install --no-build-isolation fairscale==0.3.6
3829

39-
RUN pip install kaldiio
4030
RUN git clone https://github.com/beat-buesser/espresso
41-
RUN cd espresso && git checkout adv && pip install --editable .
42-
RUN pip install sentencepiece
31+
RUN cd espresso && git checkout adv && pip install .
32+
RUN pip install sentencepiece numpy==1.21.6
33+
34+
CMD ["/bin/bash"]

.github/actions/goturn/Dockerfile

Lines changed: 12 additions & 33 deletions
Original file line numberDiff line numberDiff line change
@@ -1,12 +1,10 @@
1-
# Get base from a pytorch image
2-
FROM pytorch/pytorch:1.6.0-cuda10.1-cudnn7-runtime
1+
# Get base image
2+
FROM python:3.8.19-slim-bullseye
33

4-
# Set to install things in non-interactive mode
5-
ENV DEBIAN_FRONTEND noninteractive
6-
7-
# Install system wide softwares
4+
# Install system wide software
85
RUN apt-get update \
96
&& apt-get install -y \
7+
build-essential \
108
libgl1-mesa-glx \
119
libx11-xcb1 \
1210
git \
@@ -17,45 +15,26 @@ RUN apt-get update \
1715
curl \
1816
libsndfile-dev \
1917
libsndfile1 \
18+
libhdf5-dev \
19+
gpg \
20+
gpg-agent \
2021
&& apt-get install -y libsm6 libxext6 \
2122
&& apt-get install -y libxrender-dev \
2223
&& apt-get clean all \
2324
&& rm -r /var/lib/apt/lists/*
2425

25-
RUN /opt/conda/bin/conda install --yes \
26-
astropy \
27-
matplotlib \
28-
pandas \
29-
scikit-learn \
30-
scikit-image
31-
3226
# Install necessary libraries for goturn
33-
RUN pip install torch==1.9.1
34-
RUN pip install torchvision==0.10.1
35-
RUN pip install tensorflow==2.6.0
36-
RUN pip install pytest
37-
RUN pip install numba
38-
RUN pip install scikit-learn==0.20
39-
RUN pip install pytest-cov
40-
RUN pip install gdown
27+
RUN pip install torch==1.9.1 torchvision==0.10.1 tensorflow==2.9 scikit-learn==0.24 pytest~=6.2.5 pytest-cov~=4.1.0
4128

4229
RUN git clone https://github.com/nrupatunga/goturn-pytorch.git /tmp/goturn-pytorch
4330
#RUN cd /tmp/goturn-pytorch && pip install -r requirements.txt
44-
RUN pip install loguru==0.5.3
45-
RUN pip install torchsummary==1.5.1
46-
RUN pip install tqdm==4.62.3
47-
RUN pip install pytorch_lightning==0.7.1
48-
RUN pip install imutils==0.5.3
49-
RUN pip install torch_lr_finder==0.2.1
50-
RUN pip install numpy==1.20.3
51-
RUN pip install opencv_python==4.3.0.36
52-
RUN pip install Pillow==8.0.1
53-
RUN pip install visdom==0.1.8.9
54-
55-
RUN pip install numpy==1.20.3
31+
RUN pip install loguru==0.5.3 torchsummary==1.5.1 tqdm==4.62.3 pytorch_lightning==0.7.1 imutils==0.5.3 torch_lr_finder==0.2.1 numpy==1.21.6 Pillow==8.0.1 visdom==0.1.8.9 gdown==5.1.0
32+
RUN pip3 install opencv_python==4.9.0.80 --no-build-isolation
5633

5734
ENV PYTHONPATH "${PYTHONPATH}:/tmp/goturn-pytorch/src"
5835
ENV PYTHONPATH "${PYTHONPATH}:/tmp/goturn-pytorch/src/scripts"
5936

6037
RUN mkdir /tmp/goturn-pytorch/src/goturn/models/checkpoints
6138
RUN cd /tmp/goturn-pytorch/src/goturn/models/checkpoints && gdown https://drive.google.com/uc?id=1GouImhqpcoDtV_eLrD2wra-qr3vkAMY4
39+
40+
CMD ["/bin/bash"]
Lines changed: 10 additions & 22 deletions
Original file line numberDiff line numberDiff line change
@@ -1,10 +1,7 @@
1-
# Get base from a tensorflow image
2-
FROM tensorflow/tensorflow:1.15.5-py3
1+
# Get base image
2+
FROM python:3.7.17-slim
33

4-
# Set to install things in non-interactive mode
5-
ENV DEBIAN_FRONTEND noninteractive
6-
7-
# Install system wide softwares
4+
# Install system wide software
85
RUN apt-get update \
96
&& apt-get install -y \
107
libgl1-mesa-glx \
@@ -19,29 +16,20 @@ RUN apt-get update \
1916
libsndfile1 \
2017
wget \
2118
unzip \
19+
gpg \
20+
gpg-agent \
2221
&& apt-get clean all \
2322
&& rm -r /var/lib/apt/lists/*
2423

25-
RUN wget https://repo.anaconda.com/miniconda/Miniconda3-latest-Linux-x86_64.sh
26-
RUN bash Miniconda3-latest-Linux-x86_64.sh -b -p /miniconda
27-
RUN /miniconda/bin/conda install --yes \
28-
astropy \
29-
matplotlib \
30-
pandas \
31-
scikit-learn \
32-
scikit-image
33-
34-
# Install necessary libraries for tensorflow faster rcnn
24+
# Install necessary libraries for TensorFlow Faster-RCNN
3525
RUN mkdir TensorFlow
3626
RUN cd TensorFlow && git clone https://github.com/tensorflow/models
3727
RUN cd TensorFlow && wget https://github.com/protocolbuffers/protobuf/releases/download/v3.17.3/protoc-3.17.3-linux-x86_64.zip
3828
RUN cd TensorFlow && unzip protoc-3.17.3-linux-x86_64.zip -d protobuf
3929
RUN cd TensorFlow/models/research && /TensorFlow/protobuf/bin/protoc object_detection/protos/*.proto --python_out=.
4030
RUN cd TensorFlow/models/research && cp object_detection/packages/tf1/setup.py .
41-
RUN cd TensorFlow/models/research && python -m pip install --use-feature=2020-resolver .
31+
RUN cd TensorFlow/models/research && python -m pip install .
32+
33+
RUN pip install tensorflow==1.15.5 keras==2.2.5 tqdm==4.66.1 requests~=2.31.0 scikit-learn==1.0.2 pytest-cov~=4.1.0 protobuf==3.20
4234

43-
RUN pip install tqdm
44-
RUN pip install requests
45-
RUN pip install sklearn
46-
RUN pip install numba==0.50.0
47-
RUN pip install pytest-cov
35+
CMD ["/bin/bash"]

.github/actions/yolo/Dockerfile

Lines changed: 8 additions & 14 deletions
Original file line numberDiff line numberDiff line change
@@ -1,8 +1,5 @@
1-
# Get base from a pytorch image
2-
FROM pytorch/pytorch:1.11.0-cuda11.3-cudnn8-runtime
3-
4-
# Set to install things in non-interactive mode
5-
ENV DEBIAN_FRONTEND noninteractive
1+
# Get base image
2+
FROM python:3.9.19-slim
63

74
# Install system wide software
85
RUN apt-get update \
@@ -17,17 +14,14 @@ RUN apt-get update \
1714
ffmpeg \
1815
curl \
1916
wget \
17+
libhdf5-dev \
18+
gpg \
19+
gpg-agent \
2020
&& apt-get clean all \
2121
&& rm -r /var/lib/apt/lists/*
2222

23-
RUN pip install six setuptools tqdm
24-
RUN pip install numpy==1.21.6 scipy==1.8.1 scikit-learn==1.1.1 numba==0.55.1
25-
RUN pip install torch==1.11.0
26-
RUN pip install tensorflow==2.9.1
27-
RUN pip install pytest-cov
23+
RUN pip install pytorchyolo==1.8.0 tensorflow==2.14.1 scikit-learn==1.4.2 pytest-cov~=4.1.0 torch==1.12.1
2824

29-
# Install necessary libraries for Yolo v3
30-
RUN pip install pytorchyolo==1.6.2
25+
RUN cd /tmp/ && git clone https://github.com/eriklindernoren/PyTorch-YOLOv3.git && cd ./PyTorch-YOLOv3/weights && ./download_weights.sh
3126

32-
RUN cd /tmp/ && git clone https://github.com/eriklindernoren/PyTorch-YOLOv3.git
33-
RUN cd PyTorch-YOLOv3/weights && ./download_weights.sh
27+
CMD ["/bin/bash"]

.github/workflows/ci-deepspeech-v3.yml

Lines changed: 4 additions & 3 deletions
Original file line numberDiff line numberDiff line change
@@ -22,16 +22,17 @@ on:
2222
- cron: '0 8 * * 0'
2323

2424
jobs:
25-
test_deepspeech_v3_torch_1_10:
25+
test_deepspeech_v3_torch_2_1_1:
2626
name: PyTorchDeepSpeech v3 / PyTorch 2.1.1
2727
runs-on: ubuntu-latest
2828
container: adversarialrobustnesstoolbox/art_testing_envs:deepspeech_v3_torch_2_1_1
2929
steps:
3030
- name: Checkout Repo
31-
uses: actions/checkout@v3
31+
uses: actions/checkout@v4
3232
- name: Run Test Action
3333
uses: ./.github/actions/deepspeech-v3
3434
- name: Upload coverage to Codecov
35-
uses: codecov/codecov-action@v3
35+
uses: codecov/codecov-action@v4
3636
with:
37+
token: ${{ secrets.CODECOV_TOKEN }}
3738
fail_ci_if_error: true

.github/workflows/ci-espresso.yml

Lines changed: 3 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -28,10 +28,11 @@ jobs:
2828
container: adversarialrobustnesstoolbox/art_testing_envs:espresso
2929
steps:
3030
- name: Checkout Repo
31-
uses: actions/checkout@v3
31+
uses: actions/checkout@v4
3232
- name: Run Test Action
3333
uses: ./.github/actions/espresso
3434
- name: Upload coverage to Codecov
35-
uses: codecov/codecov-action@v3
35+
uses: codecov/codecov-action@v4
3636
with:
37+
token: ${{ secrets.CODECOV_TOKEN }}
3738
fail_ci_if_error: true

.github/workflows/ci-goturn.yml

Lines changed: 5 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -28,10 +28,13 @@ jobs:
2828
container: adversarialrobustnesstoolbox/art_testing_envs:goturn
2929
steps:
3030
- name: Checkout Repo
31-
uses: actions/checkout@v3
31+
uses: actions/checkout@v4
3232
- name: Run Test Action
3333
uses: ./.github/actions/goturn
3434
- name: Upload coverage to Codecov
35-
uses: codecov/codecov-action@v3
35+
uses: codecov/codecov-action@v4
36+
env:
37+
CODECOV_TOKEN: ${{ secrets.CODECOV_TOKEN }}
3638
with:
39+
token: ${{ secrets.CODECOV_TOKEN }}
3740
fail_ci_if_error: true

.github/workflows/ci-huggingface.yml

Lines changed: 7 additions & 6 deletions
Original file line numberDiff line numberDiff line change
@@ -30,16 +30,16 @@ jobs:
3030
include:
3131
- name: Huggingface 4.30
3232
framework: huggingface
33-
python: 3.9
34-
torch: 1.13.1+cpu
35-
torchvision: 0.14.1+cpu
36-
torchaudio: 0.13.1
33+
python: '3.10'
34+
torch: 2.2.1
35+
torchvision: 0.17.1+cpu
36+
torchaudio: 2.2.1
3737
transformers: 4.30.2
3838

3939
name: ${{ matrix.name }}
4040
steps:
4141
- name: Checkout Repo
42-
uses: actions/checkout@v3
42+
uses: actions/checkout@v4
4343
- name: Setup Python
4444
uses: actions/setup-python@v5
4545
with:
@@ -60,6 +60,7 @@ jobs:
6060
- name: Run Tests
6161
run: ./run_tests.sh ${{ matrix.framework }}
6262
- name: Upload coverage to Codecov
63-
uses: codecov/codecov-action@v3
63+
uses: codecov/codecov-action@v4
6464
with:
65+
token: ${{ secrets.CODECOV_TOKEN }}
6566
fail_ci_if_error: true

.github/workflows/ci-keras.yml

Lines changed: 3 additions & 2 deletions
Original file line numberDiff line numberDiff line change
@@ -50,7 +50,7 @@ jobs:
5050
name: ${{ matrix.name }}
5151
steps:
5252
- name: Checkout Repo
53-
uses: actions/checkout@v3
53+
uses: actions/checkout@v4
5454
- name: Setup Python
5555
uses: actions/setup-python@v5
5656
with:
@@ -68,6 +68,7 @@ jobs:
6868
- name: Run Tests
6969
run: ./run_tests.sh ${{ matrix.framework }}
7070
- name: Upload coverage to Codecov
71-
uses: codecov/codecov-action@v3
71+
uses: codecov/codecov-action@v4
7272
with:
73+
token: ${{ secrets.CODECOV_TOKEN }}
7374
fail_ci_if_error: true

0 commit comments

Comments
 (0)