Skip to content

Commit

Permalink
Fix lint: ruff F811
Browse files Browse the repository at this point in the history
  • Loading branch information
Nugine committed May 4, 2024
1 parent 87b4eb3 commit d82edc1
Show file tree
Hide file tree
Showing 17 changed files with 0 additions and 25 deletions.
1 change: 0 additions & 1 deletion models/base/base_inference.py
Original file line number Diff line number Diff line change
Expand Up @@ -14,7 +14,6 @@
from tqdm import tqdm

from models.vocoders.vocoder_inference import synthesis
from torch.utils.data import DataLoader
from utils.util import set_all_random_seed
from utils.util import load_config

Expand Down
4 changes: 0 additions & 4 deletions models/tta/autoencoder/autoencoder_dataset.py
Original file line number Diff line number Diff line change
Expand Up @@ -77,10 +77,6 @@ def __getitem__(self, index):
def __len__(self):
return len(self.metadata)

def __len__(self):
return len(self.metadata)


class AutoencoderKLCollator(BaseOfflineCollator):
def __init__(self, cfg):
BaseOfflineCollator.__init__(self, cfg)
Expand Down
1 change: 0 additions & 1 deletion models/tta/ldm/audioldm_trainer.py
Original file line number Diff line number Diff line change
Expand Up @@ -15,7 +15,6 @@
from torch.utils.data import ConcatDataset, DataLoader

from transformers import T5EncoderModel
from diffusers import DDPMScheduler


class AudioLDMTrainer(BaseTrainer):
Expand Down
1 change: 0 additions & 1 deletion models/tts/base/tts_trainer.py
Original file line number Diff line number Diff line change
Expand Up @@ -9,7 +9,6 @@
import torch
import time
from pathlib import Path
import torch
from tqdm import tqdm
import re
import logging
Expand Down
1 change: 0 additions & 1 deletion models/vocoders/dsp/world/world.py
Original file line number Diff line number Diff line change
Expand Up @@ -15,7 +15,6 @@
import pickle
import json
import re
import torchaudio

from cuhkszsvc.configs.config_parse import get_wav_path, get_wav_file_path
from utils.io import has_existed
Expand Down
1 change: 0 additions & 1 deletion models/vocoders/gan/discriminator/mpd.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,7 +8,6 @@
import torch.nn as nn
from torch.nn import Conv2d, Conv1d
from torch.nn.utils import weight_norm, spectral_norm
from torch import nn
from modules.vocoder_blocks import *

LRELU_SLOPE = 0.1
Expand Down
1 change: 0 additions & 1 deletion models/vocoders/gan/discriminator/mrd.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,6 @@
import torch.nn.functional as F
import torch.nn as nn
from torch.nn.utils import weight_norm, remove_weight_norm, spectral_norm
from torch import nn

LRELU_SLOPE = 0.1

Expand Down
1 change: 0 additions & 1 deletion models/vocoders/gan/discriminator/msd.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,7 +8,6 @@
import torch.nn as nn
from torch.nn import Conv1d, AvgPool1d
from torch.nn.utils import weight_norm, spectral_norm
from torch import nn
from modules.vocoder_blocks import *


Expand Down
1 change: 0 additions & 1 deletion models/vocoders/gan/discriminator/mssbcqtd.py
Original file line number Diff line number Diff line change
Expand Up @@ -6,7 +6,6 @@
import torch
import torch.nn.functional as F
import torch.nn as nn
from torch import nn
from modules.vocoder_blocks import *

from einops import rearrange
Expand Down
3 changes: 0 additions & 3 deletions models/vocoders/gan/generator/melgan.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,9 +3,6 @@
# This source code is licensed under the MIT license found in the
# LICENSE file in the root directory of this source tree.

import torch
import torch.nn as nn
import torch.nn.functional as F
import torch
import torch.nn as nn
import torch.nn.functional as F
Expand Down
1 change: 0 additions & 1 deletion preprocessors/bigdata.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,6 @@

import os
import json
import os
from collections import defaultdict
from tqdm import tqdm

Expand Down
2 changes: 0 additions & 2 deletions preprocessors/csd.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,8 +5,6 @@

import os
import json
import os
import glob
from tqdm import tqdm
import torchaudio
import pandas as pd
Expand Down
1 change: 0 additions & 1 deletion preprocessors/opera.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,6 @@

import os
import json
import os
from tqdm import tqdm
import torchaudio
from glob import glob
Expand Down
1 change: 0 additions & 1 deletion utils/hubert.py
Original file line number Diff line number Diff line change
Expand Up @@ -11,7 +11,6 @@
import numpy as np
from fairseq import checkpoint_utils
from tqdm import tqdm
import torch


def load_hubert_model(hps):
Expand Down
3 changes: 0 additions & 3 deletions utils/stft.py
Original file line number Diff line number Diff line change
Expand Up @@ -10,10 +10,7 @@
from librosa.util import pad_center, tiny
from librosa.filters import mel as librosa_mel_fn

import torch
import numpy as np
import librosa.util as librosa_util
from scipy.signal import get_window


def window_sumsquare(
Expand Down
1 change: 0 additions & 1 deletion utils/util.py
Original file line number Diff line number Diff line change
Expand Up @@ -14,7 +14,6 @@

import json5
import numpy as np
import glob
from torch.nn import functional as F


Expand Down
1 change: 0 additions & 1 deletion utils/world.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
import os
from tqdm import tqdm
import pickle
import torchaudio


def get_mcep_params(fs):
Expand Down

0 comments on commit d82edc1

Please sign in to comment.