Skip to content

Commit

Permalink
[pre-commit.ci] auto fixes from pre-commit.com hooks
Browse files Browse the repository at this point in the history
for more information, see https://pre-commit.ci
  • Loading branch information
pre-commit-ci[bot] committed Aug 5, 2024
1 parent e7398fa commit fc53dc7
Show file tree
Hide file tree
Showing 16 changed files with 16 additions and 0 deletions.
1 change: 1 addition & 0 deletions generate_data_properties.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,6 +4,7 @@
Parameters from hparam.py will be used
"""

import argparse
import os
import sys
Expand Down
1 change: 1 addition & 0 deletions hifigandenoiser.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
"""Waveglow style denoiser can be used to remove the artifacts from the HiFiGAN generated audio."""

import torch

from src.utilities.stft import STFT
Expand Down
1 change: 1 addition & 0 deletions src/data_module.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@
Contains PyTorch-Lightning's datamodule and dataloaders
"""

import nltk
import pytorch_lightning as pl
from torch.utils.data import DataLoader
Expand Down
1 change: 1 addition & 0 deletions src/hparams.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@
Hyper Parameters for the experiment
"""

import os
from argparse import Namespace

Expand Down
1 change: 1 addition & 0 deletions src/model/DecoderComponents/flows.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,7 @@
"""
Glow-TTS Code from https://github.com/jaywalnut310/glow-tts
"""

import torch
from torch import nn
from torch.nn import functional as F
Expand Down
1 change: 1 addition & 0 deletions src/model/FlowDecoder.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,7 @@
"""
Glow-TTS Code from https://github.com/jaywalnut310/glow-tts
"""

import torch
import torch.nn as nn

Expand Down
1 change: 1 addition & 0 deletions src/model/HMMComponents/Decoder.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,6 @@
"""Parameter Model This model takes state as an input and generates its parameters i.e mean, standard deviation and
the probability of transition to the next state."""

import torch
import torch.nn as nn
import torch.nn.functional as F
Expand Down
1 change: 1 addition & 0 deletions src/model/HMMComponents/TransitionModel.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@
This network is responsible for the models response of whether to switch to next state or keep emitting at the current
state.
"""

import torch
import torch.nn as nn

Expand Down
1 change: 1 addition & 0 deletions src/model/layers.py
Original file line number Diff line number Diff line change
Expand Up @@ -2,6 +2,7 @@
Layer modules used in the model design
"""

import torch
import torch.nn as nn
from librosa.filters import mel as librosa_mel_fn
Expand Down
1 change: 1 addition & 0 deletions src/training_module.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,6 +4,7 @@
This file contains PyTorch Lightning's main module where code
of the main model is implemented
"""

import os
from argparse import Namespace

Expand Down
1 change: 1 addition & 0 deletions src/utilities/data.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@
Utilities for processing of Data
"""

import random

import numpy as np
Expand Down
1 change: 1 addition & 0 deletions src/utilities/functions.py
Original file line number Diff line number Diff line change
Expand Up @@ -2,6 +2,7 @@
File for custom utility functions to improve numerical precision
"""

import torch


Expand Down
1 change: 1 addition & 0 deletions src/utilities/plotting.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@
File contains utilities for plotting
"""

from typing import Any

import matplotlib
Expand Down
1 change: 1 addition & 0 deletions src/utilities/text/__init__.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
"""from https://github.com/keithito/tacotron."""

import re

from src.utilities.text import cleaners
Expand Down
1 change: 1 addition & 0 deletions tests/src/model/test_FlowDecoder.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
"""Since it is taken from Glow-TTS, I am not implementing test for individual elements."""

import pytest
import torch

Expand Down
1 change: 1 addition & 0 deletions train.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@
PyTorch-Lightning Trainer file, main file to run your training
"""

import argparse
import os

Expand Down

0 comments on commit fc53dc7

Please sign in to comment.