Git Product home page Git Product logo

avsr-reprod's Introduction

logo

Auto-AVSR: Audio-Visual Speech Recognition

PWC

Introduction

This is the repository of Auto-AVSR: Audio-Visual Speech Recognition with Automatic Labels, which is the successor of End-to-End Audio-Visual Speech Recognition with Conformers. This repository contains both training code and pre-trained models for end-to-end audio-only and visual-only speech recognition (lipreading). Additionally, we offer a tutorial that will walk you through the process of training an ASR/VSR model using your own datasets.

Demo

You can check out our gradio demo below to inference your video (English) with our audio-only, visual-only and audio-visual speech recognition models Generic badge.

Preparing the environment

  1. Clone the repository and navigate to it:
git clone https://github.com/mpc001/auto_avsr
cd auto_avsr
  1. Set up the environment:
conda create -y -n autoavsr python=3.8
conda activate autoavsr
  1. To install the necessary packages, please follow the steps below:
  • Step 3.1. Install pytorch, torchvision, and torchaudio by following instructions here.

  • Step 3.2. Install fairseq.

    git clone https://github.com/pytorch/fairseq
    cd fairseq
    pip install --editable ./
  • Step 3.3. Install ffmpeg by running the following command:

    conda install -c conda-forge ffmpeg
  • Step 3.4. Install additional packages by running the following command:

    pip install -r requirements.txt
  • Step 3.5. [For VSR] Install retinaface or mediapipe tracker.

  1. Prepare the dataset. See the instructions in the preparation folder.

Logging

For logging training process, we use wandb. To customize the yaml file, match the file name with the team name in your account, e.g. cassini.yaml. Then, change the logger argument in conf/config.yaml. Lastly, Don't forget to specify the project argument in conf/logger/cassini.yaml. If you do not use wandb, please append log_wandb=False in the command.

Training

By default, we use data/dataset=lrs3, which corresponds to lrs3.yaml in the configuration folder. To set up experiments, please fill in the root argument in the yaml file. Alternatively, you can append data.dataset.root=[root_dir] in your command line.

Training from a pre-trained model

To fine-tune a ASR/VSR from a pre-trained model, for instance, LRW, you can run the command below. Note that the argument ckpt_path=[ckpt_path] transfer_frontend=True is specifically used to load the weights of the pre-trained front-end component only.

python main.py exp_dir=[exp_dir] \
               exp_name=[exp_name] \
               data.modality=[modality] \
               ckpt_path=[ckpt_path] \
               transfer_frontend=True \
               optimizer.lr=[lr] \
               trainer.num_nodes=[num_nodes]
  • exp_dir and exp_name: The directory where the checkpoints will be saved, will be stored at the location [exp_dir]/[exp_name].

  • data.modality: The valid values for the input modality: video, audio, and audiovisual.

  • ckpt_path: The absolute path to the pre-trained checkpoint file.

  • transfer_frontend: This argument loads only the front-end module of [ckpt_path] for fine-tuning.

  • optimizer.lr: The learing rate used. Default: 1e-3.

  • trainer.num_nodes: The number of machines used. Default: 1.

  • Note: The performance below were trained using 4 machines (32 GPUs), except for the models that were trained using VoxCeleb2 and/or AVSpeech, which used 8 machines (64GPUs). Additionally, for the model that was pre-trained on LRW, we used the front-end module [VSR accuracy: 89.6%; ASR accuracy: 99.1%] from the LRW model zoo for initialisation.

Training from scratch through curriculum learning

The end-to-end model trained from scratch results in poor performance. This is likely due to the vast amounts of long utterances featured in the LRS3. This issue can be resolved by progressively training the end-to-end model. This approach is commonly called curriculum learning.

[Step 1] Train the model using a 23-hour subset of LRS3 that includes only short utterances lasting no more than 4 seconds (100 frames).

python main.py exp_dir=[exp_dir] \
               exp_name=[exp_name] \
               data.modality=[modality] \
               data.dataset.train_file=[train_file] \
               optimizer.lr=[lr] \
               trainer.num_nodes=[num_nodes]

[Step 2] Use the best checkpoint from Step 1 to initialise the model and train the model with the full LRS3 dataset.

python main.py exp_dir=[exp_dir] \
               exp_name=[exp_name] \
               data.modality=[modality] \
               data.dataset.train_file=[train_file] \
               optimizer.lr=[lr] \
               trainer.num_nodes=[num_nodes] \
               ckpt_path=[ckpt_path]

data.dataset.train_file: The training set list. Default: lrs3_train_transcript_lengths_seg24s.csv, which contains utterances lasting no more than 24 seconds.

Testing

python main.py exp_dir=[exp_dir] \
               exp_name=[exp_name] \
               data.modality=[modality] \
               ckpt_path=[ckpt_path] \
               trainer.num_nodes=1 \
               train=False
  • ckpt_path: The absolute path of the ensembled checkpoint file. In this case, ckpt_path is always set the file [exp_dir]/[exp_name]/model_avg_10.pth. Default: null.

  • decode.snr_target={snr} can be appended to the command line if you want to test your model in a noisy environment, where snr is the signal-to-noise level. Default: 999999.

  • data.dataset.test_file={test_file} can be appeneded to the command line if you want to test models on other datasets, where test_file is the testing set list. Default: lrs3_test_transcript_lengths_seg24s.csv.

Inference

python infer.py data.modality=[modality] \
                ckpt_path=[ckpt_path] \
                trainer.num_nodes=1 \
                infer_path=[infer_path]
  • ckpt_path: The absolute path of the ensembled checkpoint file. In this case, ckpt_path is always set the file [exp_dir]/[exp_name]/model_avg_10.pth. Default: null.

  • infer_path: The absolute path to the file you'd like to transcribe.

Training on other datasets

We provide a tutorial that will guide you through the process of training an ASR/VSR model on other datasets using our scripts.

Step 1. Training a sentencepiece model

File Path Hash Value
spm/unigram/unigram5000_units.txt e652da86609085b8f77e5cffcd1943bd
spm/unigram/unigram5000.model f2f6e8407b86538cf0c635a534eda799
  • If the language spoken is not English or the content is substantially different from the LRS3 content, you will not be able to use our provided SentencePiece model derived from LRS3. In this case, you will need to train a new SentencePiece model. To do this, please start by customizing the input file spm/input.txt with your training corpus.Once completed, run the script spm/input.txt. If you decide to retrain the SentencePiece model, please ensure to update the corresponding paths for SP_MODEL_PATH and DICT_PATH in preparation/transforms.py and datamodule/transforms.py.

Step 2. Building a pre-processed dataset

  • We provide a directory structure for a custom dataset cstm as below. The preprocess_datasets/cstm folder stores pre-processed audio-video-text pairs, while preprocess_datasets/labels stores a label list file. Here are the steps for creating both folders:

    preprocess_datasets/
    โ”‚
    โ”œโ”€โ”€ cstm/
    โ”‚ โ”œโ”€โ”€ cstm_text_seg24s/
    โ”‚ โ”‚ โ”œโ”€โ”€ file_1.txt
    โ”‚ โ”‚ โ””โ”€โ”€ ...
    โ”‚ โ”‚
    โ”‚ โ””โ”€โ”€ cstm_video_seg24s/
    โ”‚ โ”œโ”€โ”€ file_1.mp4
    โ”‚ โ”œโ”€โ”€ file_1.wav
    โ”‚ โ””โ”€โ”€ ...
    โ”‚
    โ”œโ”€โ”€ labels/
    โ”‚ โ”œโ”€โ”€ cstm_transcript_lengths_seg24s.csv
    
  • Code snippts below to save pre-processed audio-visual pairings and their corresponding text files:

    from preparation.data.data_module import AVSRDataLoader
    from preparation.utils import save_vid_aud_txt
    
    # Initialize video and audio data loaders
    video_loader = AVSRDataLoader(modality="video", detector="retinaface", convert_gray=False)
    audio_loader = AVSRDataLoader(modality="audio")
    
    # Specify the file path to the data
    data_path = 'data_filename'
    
    # Load video and audio data from the same data file
    video_data = video_loader.load_data(data_path)
    audio_data = audio_loader.load_data(data_path)
    
    # Load text
    text = ...
    
    # Define output paths for the processed video, audio, and text data
    output_video_path = 'cstm/cstm_video_seg24s/test_file_1.mp4'
    output_audio_path = 'cstm/cstm_video_seg24s/test_file_1.wav'
    output_text_path = 'cstm/cstm_text_seg24s/test_file_1.txt'
    
    # Save the loaded video, audio, and associated text data
    save_vid_aud_txt(output_video_path, output_audio_path, output_text_path, video_data, audio_data, text, video_fps=25, audio_sample_rate=16000)
  • An illustrative example of the label list file:

    cstm, cstm_video_seg24s/test_video_1.mp4, [input_length], [token_id]
    
    • The first part denotes the dataset (for example, cstm).

    • The second part specifies the relative path (rel_path) to the video or audio file within that dataset (for example, cstm_video_seg24s/test_video_1.mp4).

    • The third part indicates the number of frames in the video or the audio length divided by 640.

    • The final part gives the token ID (token_id), which is tokenized by the SentencePiece model (see Step 1). To transcribe into token_id from text, we provide TextTransform.tokenize method. Please note that we do not include a comma for [token_id]. Therefore, you should concatenate all the string elements in the list to form a single string.

Step 3. Building a dataset configuration file

Once you have pre-processed a custom dataset, the next step is to create a dataset configuration file, for instance, cstm.yaml, which will connect the code with the dataset. In the configuration file, please make sure to specify the following parameters: root, train_file, val_file, and test_file. Assuimg that the training, validation and test label lists are located at [root]/labels/[train_file], [root]/labels/[val_file] and [root]/labels/[test_file], respectively.

  • root: Path to the root directory where all preprocessed files are stored.

  • train_file: Training file basename.

  • val_file: Validation file basename.

  • test_file: Testing file basename.

Step 4. Training on the custom dataset

You can load our best available model for fine-tuning a VSR/ASR model. Checkpoints can be found at model zoo.

python main.py exp_dir=[exp_dir] \
               exp_name=[exp_name] \
               data.modality=[modality] \
               ckpt_path=[ckpt_path] \
               data/dataset=[dataset] \
               trainer.num_nodes=[num_nodes]
  • You can set data/dataset to cstm to load cstm dataset for training and testing.

Model zoo

The table below contains WER on the test of LRS3.

Total Training Data Hoursโ€ก WER URL Params (M)
Visual-only
LRS3 438 36.6 GoogleDrive / BaiduDrive (key: xv9r) 250
LRS2+LRS3 661 32.7 GoogleDrive / BaiduDrive (key: 4uew) 250
LRS3+VOX2 1759 25.1 GoogleDrive / BaiduDrive (key: vgh8) 250
LRW+LRS2+LRS3+VOX2+AVSP 3448 19.1 GoogleDrive / BaiduDrive (key: dqsy) 250
Audio-only
LRS3 438 2.0 GoogleDrive / BaiduDrive (key: 2x2a) 243
LRS2+LRS3 661 1.7 GoogleDrive / BaiduDrive (key: s1ra) 243
LRW+LRS2+LRS3 818 1.6 GoogleDrive / BaiduDrive (key: 9i2w) 243
LRS3+VOX2 1759 1.1 GoogleDrive / BaiduDrive (key: x6wu) 243
LRW+LRS2+LRS3+VOX2+AVSP 3448 1.0 GoogleDrive / BaiduDrive (key: dvf2) 243

โ€กThe total hours are counted by including the datasets used for both pre-training and training.

Citation

@inproceedings{ma2023auto,
  author={Ma, Pingchuan and Haliassos, Alexandros and Fernandez-Lopez, Adriana and Chen, Honglie and Petridis, Stavros and Pantic, Maja},
  booktitle={IEEE International Conference on Acoustics, Speech and Signal Processing (ICASSP)},
  title={Auto-AVSR: Audio-Visual Speech Recognition with Automatic Labels},
  year={2023},
  pages={1-5},
  doi={10.1109/ICASSP49357.2023.10096889}
}

License

It is noted that the code can only be used for comparative or benchmarking purposes. Users can only use code supplied under a License for non-commercial purposes.

Contact

[Pingchuan Ma](pingchuan.ma16[at]imperial.ac.uk)

avsr-reprod's People

Contributors

maai001 avatar

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    ๐Ÿ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.