Skip to content

Commit

Permalink
remove unused imports
Browse files Browse the repository at this point in the history
Signed-off-by: Xuesong Yang <[email protected]>
  • Loading branch information
XuesongYang committed Nov 8, 2024
1 parent a5b5d94 commit 67c97ec
Show file tree
Hide file tree
Showing 6 changed files with 1 addition and 7 deletions.
1 change: 0 additions & 1 deletion nemo/collections/nlp/modules/common/megatron/attention.py
Original file line number Diff line number Diff line change
Expand Up @@ -39,7 +39,6 @@
attention_mask_func,
)
from nemo.core import adapter_mixins
from nemo.utils import logging

try:
from apex.transformer.enums import AttnMaskType, AttnType
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
# limitations under the License.

"""Transformer based language model."""
from ast import Mod
from nemo.collections.nlp.modules.common.megatron.layer_type import LayerType
from nemo.collections.nlp.modules.common.megatron.megatron_transformer_decoder import MegatronTransformerDecoderModule
from nemo.collections.nlp.modules.common.megatron.retrieval_transformer import (
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,6 @@
# limitations under the License.

"""Transformer based language model."""
from ast import Mod

import torch

Expand Down
1 change: 0 additions & 1 deletion nemo/collections/nlp/modules/common/megatron/utils.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@
from typing import Dict, Iterator, List, Optional, Tuple, Union

import torch
import torch.nn as nn
from torch import Tensor

from nemo.utils import logging, logging_mode
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -76,8 +76,7 @@
import time

import librosa
import torchaudio
from torchaudio.pipelines import SQUIM_OBJECTIVE, SQUIM_SUBJECTIVE
from torchaudio.pipelines import SQUIM_SUBJECTIVE
from transformers import Wav2Vec2FeatureExtractor, WavLMForXVector

__all__ = ['MegatronT5SpeechLMModel']
Expand Down
1 change: 0 additions & 1 deletion nemo/collections/tts/parts/utils/helpers.py
Original file line number Diff line number Diff line change
Expand Up @@ -50,7 +50,6 @@
import numpy as np
import seaborn as sns
import torch
from einops import rearrange
from numba import jit, prange

from nemo.collections.tts.torch.tts_data_types import DATA_STR2DATA_CLASS, MAIN_DATA_TYPES, WithLens
Expand Down

0 comments on commit 67c97ec

Please sign in to comment.