Skip to content

Commit

Permalink
Merge branch 'dev_1.19.0' into sklearn_nbclasses
Browse files Browse the repository at this point in the history
  • Loading branch information
beat-buesser authored Oct 7, 2024
2 parents 96b8658 + 1207d0a commit 1283402
Show file tree
Hide file tree
Showing 398 changed files with 5,784 additions and 4,537 deletions.
6 changes: 4 additions & 2 deletions .github/actions/deepspeech-v3/Dockerfile
Original file line number Diff line number Diff line change
@@ -1,10 +1,10 @@
# Get base from a pytorch image
# Get base image
FROM python:3.10.13-slim-bullseye

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

# Install system wide softwares
# Install system wide software
RUN apt-get update \
&& apt-get install -y \
libgl1-mesa-glx \
Expand All @@ -19,6 +19,8 @@ RUN apt-get update \
libsndfile1 \
vim \
curl \
gpg \
gpg-agent \
&& apt-get clean all \
&& rm -r /var/lib/apt/lists/*

Expand Down
32 changes: 12 additions & 20 deletions .github/actions/espresso/Dockerfile
Original file line number Diff line number Diff line change
@@ -1,12 +1,13 @@
# Get base from a pytorch image
FROM pytorch/pytorch:1.6.0-cuda10.1-cudnn7-runtime
# Get base image
FROM python:3.7.17-slim-bullseye

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

# Install system wide softwares
# Install system wide software
RUN apt-get update \
&& apt-get install -y \
build-essential \
libgl1-mesa-glx \
libx11-xcb1 \
git \
Expand All @@ -17,26 +18,17 @@ RUN apt-get update \
curl \
libsndfile-dev \
libsndfile1 \
gpg \
gpg-agent \
&& 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 espresso
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 numba==0.50.0
RUN pip install pytest-cov
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
RUN pip install --no-build-isolation fairscale==0.3.6

RUN pip install kaldiio
RUN git clone https://github.com/beat-buesser/espresso
RUN cd espresso && git checkout adv && pip install --editable .
RUN pip install sentencepiece
RUN cd espresso && git checkout adv && pip install .
RUN pip install sentencepiece numpy==1.21.6

CMD ["/bin/bash"]
45 changes: 12 additions & 33 deletions .github/actions/goturn/Dockerfile
Original file line number Diff line number Diff line change
@@ -1,12 +1,10 @@
# Get base from a pytorch image
FROM pytorch/pytorch:1.6.0-cuda10.1-cudnn7-runtime
# Get base image
FROM python:3.8.19-slim-bullseye

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

# Install system wide softwares
# Install system wide software
RUN apt-get update \
&& apt-get install -y \
build-essential \
libgl1-mesa-glx \
libx11-xcb1 \
git \
Expand All @@ -17,45 +15,26 @@ RUN apt-get update \
curl \
libsndfile-dev \
libsndfile1 \
libhdf5-dev \
gpg \
gpg-agent \
&& apt-get install -y libsm6 libxext6 \
&& apt-get install -y libxrender-dev \
&& 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 goturn
RUN pip install torch==1.9.1
RUN pip install torchvision==0.10.1
RUN pip install tensorflow==2.6.0
RUN pip install pytest
RUN pip install numba
RUN pip install scikit-learn==0.20
RUN pip install pytest-cov
RUN pip install gdown
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

RUN git clone https://github.com/nrupatunga/goturn-pytorch.git /tmp/goturn-pytorch
#RUN cd /tmp/goturn-pytorch && pip install -r requirements.txt
RUN pip install loguru==0.5.3
RUN pip install torchsummary==1.5.1
RUN pip install tqdm==4.62.3
RUN pip install pytorch_lightning==0.7.1
RUN pip install imutils==0.5.3
RUN pip install torch_lr_finder==0.2.1
RUN pip install numpy==1.20.3
RUN pip install opencv_python==4.3.0.36
RUN pip install Pillow==8.0.1
RUN pip install visdom==0.1.8.9

RUN pip install numpy==1.20.3
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
RUN pip3 install opencv_python==4.9.0.80 --no-build-isolation

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

RUN mkdir /tmp/goturn-pytorch/src/goturn/models/checkpoints
RUN cd /tmp/goturn-pytorch/src/goturn/models/checkpoints && gdown https://drive.google.com/uc?id=1GouImhqpcoDtV_eLrD2wra-qr3vkAMY4

CMD ["/bin/bash"]
32 changes: 10 additions & 22 deletions .github/actions/tf-faster-rcnn/Dockerfile
Original file line number Diff line number Diff line change
@@ -1,10 +1,7 @@
# Get base from a tensorflow image
FROM tensorflow/tensorflow:1.15.5-py3
# Get base image
FROM python:3.7.17-slim

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

# Install system wide softwares
# Install system wide software
RUN apt-get update \
&& apt-get install -y \
libgl1-mesa-glx \
Expand All @@ -19,29 +16,20 @@ RUN apt-get update \
libsndfile1 \
wget \
unzip \
gpg \
gpg-agent \
&& apt-get clean all \
&& rm -r /var/lib/apt/lists/*

RUN wget https://repo.anaconda.com/miniconda/Miniconda3-latest-Linux-x86_64.sh
RUN bash Miniconda3-latest-Linux-x86_64.sh -b -p /miniconda
RUN /miniconda/bin/conda install --yes \
astropy \
matplotlib \
pandas \
scikit-learn \
scikit-image

# Install necessary libraries for tensorflow faster rcnn
# Install necessary libraries for TensorFlow Faster-RCNN
RUN mkdir TensorFlow
RUN cd TensorFlow && git clone https://github.com/tensorflow/models
RUN cd TensorFlow && wget https://github.com/protocolbuffers/protobuf/releases/download/v3.17.3/protoc-3.17.3-linux-x86_64.zip
RUN cd TensorFlow && unzip protoc-3.17.3-linux-x86_64.zip -d protobuf
RUN cd TensorFlow/models/research && /TensorFlow/protobuf/bin/protoc object_detection/protos/*.proto --python_out=.
RUN cd TensorFlow/models/research && cp object_detection/packages/tf1/setup.py .
RUN cd TensorFlow/models/research && python -m pip install --use-feature=2020-resolver .
RUN cd TensorFlow/models/research && python -m pip install .

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

RUN pip install tqdm
RUN pip install requests
RUN pip install sklearn
RUN pip install numba==0.50.0
RUN pip install pytest-cov
CMD ["/bin/bash"]
22 changes: 8 additions & 14 deletions .github/actions/yolo/Dockerfile
Original file line number Diff line number Diff line change
@@ -1,8 +1,5 @@
# Get base from a pytorch image
FROM pytorch/pytorch:1.11.0-cuda11.3-cudnn8-runtime

# Set to install things in non-interactive mode
ENV DEBIAN_FRONTEND noninteractive
# Get base image
FROM python:3.9.19-slim

# Install system wide software
RUN apt-get update \
Expand All @@ -17,17 +14,14 @@ RUN apt-get update \
ffmpeg \
curl \
wget \
libhdf5-dev \
gpg \
gpg-agent \
&& apt-get clean all \
&& rm -r /var/lib/apt/lists/*

RUN pip install six setuptools tqdm
RUN pip install numpy==1.21.6 scipy==1.8.1 scikit-learn==1.1.1 numba==0.55.1
RUN pip install torch==1.11.0
RUN pip install tensorflow==2.9.1
RUN pip install pytest-cov
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

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

RUN cd /tmp/ && git clone https://github.com/eriklindernoren/PyTorch-YOLOv3.git
RUN cd PyTorch-YOLOv3/weights && ./download_weights.sh
CMD ["/bin/bash"]
7 changes: 4 additions & 3 deletions .github/workflows/ci-deepspeech-v3.yml
Original file line number Diff line number Diff line change
Expand Up @@ -22,16 +22,17 @@ on:
- cron: '0 8 * * 0'

jobs:
test_deepspeech_v3_torch_1_10:
test_deepspeech_v3_torch_2_1_1:
name: PyTorchDeepSpeech v3 / PyTorch 2.1.1
runs-on: ubuntu-latest
container: adversarialrobustnesstoolbox/art_testing_envs:deepspeech_v3_torch_2_1_1
steps:
- name: Checkout Repo
uses: actions/checkout@v3
uses: actions/checkout@v4
- name: Run Test Action
uses: ./.github/actions/deepspeech-v3
- name: Upload coverage to Codecov
uses: codecov/codecov-action@v3
uses: codecov/codecov-action@v4
with:
token: ${{ secrets.CODECOV_TOKEN }}
fail_ci_if_error: true
5 changes: 3 additions & 2 deletions .github/workflows/ci-espresso.yml
Original file line number Diff line number Diff line change
Expand Up @@ -28,10 +28,11 @@ jobs:
container: adversarialrobustnesstoolbox/art_testing_envs:espresso
steps:
- name: Checkout Repo
uses: actions/checkout@v3
uses: actions/checkout@v4
- name: Run Test Action
uses: ./.github/actions/espresso
- name: Upload coverage to Codecov
uses: codecov/codecov-action@v3
uses: codecov/codecov-action@v4
with:
token: ${{ secrets.CODECOV_TOKEN }}
fail_ci_if_error: true
7 changes: 5 additions & 2 deletions .github/workflows/ci-goturn.yml
Original file line number Diff line number Diff line change
Expand Up @@ -28,10 +28,13 @@ jobs:
container: adversarialrobustnesstoolbox/art_testing_envs:goturn
steps:
- name: Checkout Repo
uses: actions/checkout@v3
uses: actions/checkout@v4
- name: Run Test Action
uses: ./.github/actions/goturn
- name: Upload coverage to Codecov
uses: codecov/codecov-action@v3
uses: codecov/codecov-action@v4
env:
CODECOV_TOKEN: ${{ secrets.CODECOV_TOKEN }}
with:
token: ${{ secrets.CODECOV_TOKEN }}
fail_ci_if_error: true
13 changes: 7 additions & 6 deletions .github/workflows/ci-huggingface.yml
Original file line number Diff line number Diff line change
Expand Up @@ -30,16 +30,16 @@ jobs:
include:
- name: Huggingface 4.30
framework: huggingface
python: 3.9
torch: 1.13.1+cpu
torchvision: 0.14.1+cpu
torchaudio: 0.13.1
python: '3.10'
torch: 2.2.1
torchvision: 0.17.1+cpu
torchaudio: 2.2.1
transformers: 4.30.2

name: ${{ matrix.name }}
steps:
- name: Checkout Repo
uses: actions/checkout@v3
uses: actions/checkout@v4
- name: Setup Python
uses: actions/setup-python@v5
with:
Expand All @@ -60,6 +60,7 @@ jobs:
- name: Run Tests
run: ./run_tests.sh ${{ matrix.framework }}
- name: Upload coverage to Codecov
uses: codecov/codecov-action@v3
uses: codecov/codecov-action@v4
with:
token: ${{ secrets.CODECOV_TOKEN }}
fail_ci_if_error: true
5 changes: 3 additions & 2 deletions .github/workflows/ci-keras.yml
Original file line number Diff line number Diff line change
Expand Up @@ -50,7 +50,7 @@ jobs:
name: ${{ matrix.name }}
steps:
- name: Checkout Repo
uses: actions/checkout@v3
uses: actions/checkout@v4
- name: Setup Python
uses: actions/setup-python@v5
with:
Expand All @@ -68,6 +68,7 @@ jobs:
- name: Run Tests
run: ./run_tests.sh ${{ matrix.framework }}
- name: Upload coverage to Codecov
uses: codecov/codecov-action@v3
uses: codecov/codecov-action@v4
with:
token: ${{ secrets.CODECOV_TOKEN }}
fail_ci_if_error: true
5 changes: 3 additions & 2 deletions .github/workflows/ci-legacy.yml
Original file line number Diff line number Diff line change
Expand Up @@ -42,7 +42,7 @@ jobs:
name: Run ${{ matrix.module }} ${{ matrix.name }} Tests
steps:
- name: Checkout Repo
uses: actions/checkout@v3
uses: actions/checkout@v4
- name: Setup Python
uses: actions/setup-python@v5
with:
Expand All @@ -63,6 +63,7 @@ jobs:
- name: Run ${{ matrix.name }} ${{ matrix.module }} Tests
run: ./run_tests.sh ${{ matrix.framework }} ${{ matrix.module }}
- name: Upload coverage to Codecov
uses: codecov/codecov-action@v3
uses: codecov/codecov-action@v4
with:
token: ${{ secrets.CODECOV_TOKEN }}
fail_ci_if_error: true
Loading

0 comments on commit 1283402

Please sign in to comment.