import librosa
import numpy as np
import utils
import torch
import torch.nn.functional as F
from matplotlib import pyplot as plt
from torchvision.models.feature_extraction import create_feature_extractor
device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu")
def extract_mbe(_y, _sr, _nfft, _nb_mel):
#梅尔频谱
spec = librosa.core.spectrum._spectrogram(y=_y, n_fft=_nfft, hop_length=_nfft // 2, power=1)[0]
mel_basis = librosa.filters.mel(sr=_sr, n_fft=_nfft, n_mels=_nb_mel)
mel_spec = np.log(np.dot(mel_basis, spec).T)
return mel_spec #最后必须是[frames, dimensions]
def preprocess_data(X, seq_len, nb_ch):
# split into sequences
X = utils.split_in_seqs(X, seq_len)
X = utils.split_multi_channels(X, nb_ch)
# Convert to PyTorch tensors
X = torch.Tensor(X)
X = X.permute(0,1,3,2) #x形状为[709,2,40,256],【总样本数,通道数,特征维度,像素宽度】
return X
# 提取梅尔频谱特征
audio_path = "b093.wav"
y, sr = librosa.load(audio_path, sr=44100)
mel = extract_mbe(y, sr, 2048, 64)
value = preprocess_data(mel, 256, 1).to(device) #value 为输入模型的样本特征
features = {"cnn1": '1', "cnn2": '2', "cnn3": '3', "cnn4": '4', "cnn5": '5', "cnn6": '6'}
model = torch.load(f'best_model_2.pth')
feature_extractor = create_feature_extractor(model, return_nodes=features)
out = feature_extractor(value)
layer = "3"
out = torch.cat((out[layer][0], out[layer][1]), dim=1)
out = out.unsqueeze(0)
out = F.interpolate(out, size=(470, 64), mode='bilinear', align_corners=False)
out = out.squeeze(0) .permute(2, 0, 1) #[128, 256, 64]->[64, 128, 256]->[纵, 值, 横]
plt.imshow(out.sum(1).detach().cpu().numpy(), origin='lower')
plt.show()
神经网络中间层特征图可视化(输入为音频)
孜孜不倦fly2023-11-15 12:41
相关推荐
m0_7482329219 分钟前
DALL-M:基于大语言模型的上下文感知临床数据增强方法 ,补充szxinmai主板定制专家25 分钟前
【国产NI替代】基于FPGA的32通道(24bits)高精度终端采集核心板卡海棠AI实验室28 分钟前
AI的进阶之路:从机器学习到深度学习的演变(三)机器懒得学习39 分钟前
基于YOLOv5的智能水域监测系统:从目标检测到自动报告生成QQ同步助手1 小时前
如何正确使用人工智能:开启智慧学习与创新之旅AIGC大时代1 小时前
如何使用ChatGPT辅助文献综述,以及如何进行优化?一篇说清楚流浪的小新1 小时前
【AI】人工智能、LLM学习资源汇总martian6652 小时前
【人工智能数学基础篇】——深入详解多变量微积分:在机器学习模型中优化损失函数时应用人机与认知实验室3 小时前
人、机、环境中各有其神经网络系统黑色叉腰丶大魔王3 小时前
基于 MATLAB 的图像增强技术分享