音频处理MFCC,特征提取,MLP模型训练

             小老师布置的任务:让我把采集到的情绪相关的音频数据进行数据处理和分析。数据包括11个人的7种情绪音频,利用MFCC处理音频后,提取不同情绪组合进行训练,得出训练结果。

1、导入库

import random
import librosa as lb
import soundfile as sf
import numpy as np
import os, glob, pickle
import matplotlib.pyplot as plt
import itertools
 
from sklearn.model_selection import train_test_split
from sklearn.neural_network import MLPClassifier
from sklearn.metrics import accuracy_score

2、设置随机种子 

如果不设置随机种子,每次模型训练结果(准确率)都不一样 ,因为调用函数时候,随机数不同。

random.seed(123)
np.random.seed(123)

3、设置情绪标签

emotion_labels = [
  'calm',
  'happy',
  'sad',
  'angry',
  'fear',
  'disgust',
  'surprise'
]

4、两种情绪组合,设置label_set1装两两组合的所有情况,这里用for循环遍历  

label_set1=[]
for i in emotion_labels:
    for j in emotion_labels:
        if i<=j:
            continue
        else:
            focused_emotion_labels=(i,j)
            label_set1.append(focused_emotion_labels)

#label_set1

5、音频处理模块,使用 MFCC方法

def audio_features(file_title, mfcc, chroma, mel):
    with sf.SoundFile(file_title) as audio_recording:
        audio = audio_recording.read(dtype="float32")
        sample_rate = audio_recording.samplerate
        if len(audio.shape) != 1:
            return None
        result=np.array([])
        if mfcc:
            mfccs=np.mean(lb.feature.mfcc(y=audio, sr=sample_rate, n_mfcc=40).T, axis=0)
            result=np.hstack((result, mfccs))
        if chroma:
            stft=np.abs(lb.stft(audio))
            chroma=np.mean(lb.feature.chroma_stft(S=stft, sr=sample_rate).T,axis=0)
            result=np.hstack((result, chroma))
        if mel:
            mel=np.mean(lb.feature.melspectrogram(audio, sr=sample_rate).T,axis=0)
            result=np.hstack((result, mel))
       # print("file_title: {}, result.shape: {}".format(file_title, result.shape))
        return result

6、调用 MLP分类器 函数训练模型,得出结果

       其中更改模型参数,[5,6,7,8,9]训练 5次模型,最后取均值 accr=np.array(accuracy).mean()

for i in  label_set1:
    x = []
    y = []
    accuracy=[]
    for file in glob.glob("./test_data1//*//*.wav"):
        file_path=os.path.basename(file) #返回绝对路径下的文件名
        emotion = file_path.split(",")[1]
        if emotion not in i:
            continue
        feature = audio_features(file, mfcc=True, chroma=False, mel=False)
        if feature is None:
            continue
        x.append(feature)
        y.append(emotion)
    
    for j in [5,6,7,8,9]:           
        final_dataset = train_test_split(np.array(x), y, test_size=0.5, random_state=j)
        X_train, X_test, y_train, y_test=final_dataset 
        from collections import Counter
        Counter(y_train), Counter(y_test)
        model = MLPClassifier(hidden_layer_sizes=(200,), learning_rate='adaptive', max_iter=400)
        model.fit(X_train, y_train)
        y_pred = model.predict(X_test)
        accuracy_sccores = accuracy_score(y_true=y_test, y_pred=y_pred)*100
        accuracy.append(accuracy_sccores)
        
    accr=np.array(accuracy).mean()
    print("{},{:.1f}%".format(i,accr))

7、结果:包含calm的组合训练准确率普遍较高,后期采用数据降维和LR线性回归观察原始数据是否calm较易分析

('calm', 'angry'),51.6%
('happy', 'calm'),58.9%
('happy', 'angry'),36.7%
('happy', 'fear'),31.1%
('happy', 'disgust'),40.0%
('sad', 'calm'),60.0%
('sad', 'happy'),27.3%
('sad', 'angry'),43.6%
('sad', 'fear'),44.4%
('sad', 'disgust'),30.0%
('fear', 'calm'),73.8%
('fear', 'angry'),40.0%
('fear', 'disgust'),33.3%
('disgust', 'calm'),77.3%
('disgust', 'angry'),53.3%
('surprise', 'calm'),62.2%
('surprise', 'happy'),40.0%
('surprise', 'sad'),36.4%
('surprise', 'angry'),41.7%
('surprise', 'fear'),35.6%
('surprise', 'disgust'),50.0%

8、三种情绪组合

label_set2=[]
for i in emotion_labels:
    for j in emotion_labels:
        if i<=j:
            continue
        else:
            for k in emotion_labels:
                 if j<=k:
                        continue
                 else:
                    focused_emotion_labels=(i,j,k)
                    label_set2.append(focused_emotion_labels)
                    
#label_set2

9、四种情绪组合

label_set3=[]
for i in emotion_labels:
    for j in emotion_labels:
        if i<=j:
            continue
        else:
            for k in emotion_labels:
                 if j<=k:
                        continue
                 else:
                    for l in emotion_labels:
                         if k<=l:
                            continue
                         else:
                            focused_emotion_labels=(i,j,k,l)
                            label_set3.append(focused_emotion_labels)
                    
#label_set3

其他

我觉得我的代码还有很多可以优化的地方,比如情绪组合那里应该可以用其他方法实现,因为我这个方法组合数一多,循环就嵌套的多,明显不够好。但我不知道怎么改hhhh

  • 0
    点赞
  • 15
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值