- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我正在尝试在取自 Feather 球比赛的源音频文件中查找其中一名球员击球的实例。出于同样的目的,我用正面(命中声音)和负面(没有命中声音:评论/人群声音等)标签标记了时间戳,如下所示:
shot_timestamps = [0,6.5,8, 11, 18.5, 23, 27, 29, 32, 37, 43.5, 47.5, 52, 55.5, 63, 66, 68, 72, 75, 79, 94.5, 96, 99, 105, 122, 115, 118.5, 122, 126, 130.5, 134, 140, 144, 147, 154, 158, 164, 174.5, 183, 186, 190, 199, 238, 250, 253, 261, 267, 269, 270, 274]
shot_labels = ['no', 'yes', 'yes', 'yes', 'yes', 'yes', 'no', 'no', 'no', 'no', 'yes', 'yes', 'yes', 'yes', 'yes', 'no', 'no','no','no', 'no', 'yes', 'yes', 'no', 'no', 'yes', 'yes', 'yes', 'yes', 'yes', 'yes', 'yes', 'no', 'no', 'no', 'no', 'yes', 'no', 'yes', 'no', 'no', 'no', 'yes', 'no', 'yes', 'yes', 'no', 'no', 'yes', 'yes', 'no']
我一直在围绕这些时间戳记 1 秒的窗口,如下所示:
rate, source = wavfile.read(source)
def get_audio_snippets(shot_timestamps):
shot_snippets = [] # Collection of all audio snippets in the timestamps above
for timestamp in shot_timestamps:
start = math.ceil(timestamp*rate)
end = math.ceil((timestamp + 1)*rate)
if start >= source.shape[0]:
start = source.shape[0] - 1
if end >= source.shape[0]:
end = source.shape[0] - 1
shot_snippets.append(source[start:end])
return shot_snippets
并将其转换为模型的频谱图图像。该模型似乎没有以大约 50% 的准确度学习任何东西。我可以做些什么来改进模型?
编辑:
音频文件:Google Drive
时间戳标签:Google Drive
代码:Github
这些时间戳是最近制作的,并没有在上面的代码中使用,因为我不完全知道用于标记目的的窗口大小。上面的注释文件包含击球的所有时间戳。
PS:还按照建议在 Data Science Stackexchange 上添加了这个:https://datascience.stackexchange.com/q/116629/98765
最佳答案
检测特定声音何时发生称为声音事件检测 (SED)。几十年来,人们一直在积极研究这个主题,因此有多种方法。
您现有的解决方案,即在波形域中使用某些模板声音的相关性,不太可能适用于此任务。这是因为一场比赛中 Feather 球击球声音之间的变化量可能非常高。
推荐的方法是收集一个小数据集,并使用监督学习来学习检测器。举例来说,从 20 场不同的比赛中获取数据(最好使用不同的记录设置等),然后根据时间段对每个短片进行注释,以从每场比赛中获得至少 50 次射门。
可以在 Sound Event Detection: A Tutorial 中找到对现代深度学习方法的描述。 .它描述了所需的部分:
可以在 this notebook 中找到一个完整的实现,使用您注释的匹配项的音频和标签。 .
我在这里复制了一些关键代码,以供后代使用。
def build_sednet(input_shape, filters=128, cnn_pooling=(5, 2, 2), rnn_units=(32, 32), dense_units=(32,), n_classes=1, dropout=0.5):
"""
SEDnet type model
Based https://github.com/sharathadavanne/sed-crnn/blob/master/sed.py
"""
from tensorflow.keras import Model
from tensorflow.keras.layers import Input, Bidirectional, Conv2D, BatchNormalization, Activation, \
Dense, MaxPooling2D, Dropout, Permute, Reshape, GRU, TimeDistributed
spec_start = Input(shape=(input_shape[-3], input_shape[-2], input_shape[-1]))
spec_x = spec_start
for i, pool in enumerate(cnn_pooling):
spec_x = Conv2D(filters=filters, kernel_size=(3, 3), padding='same')(spec_x)
spec_x = BatchNormalization(axis=1)(spec_x)
spec_x = Activation('relu')(spec_x)
spec_x = MaxPooling2D(pool_size=(1, pool))(spec_x)
spec_x = Dropout(dropout)(spec_x)
spec_x = Permute((2, 1, 3))(spec_x)
spec_x = Reshape((input_shape[-3], -1))(spec_x)
for units in rnn_units:
spec_x = Bidirectional(
GRU(units, activation='tanh', dropout=dropout, recurrent_dropout=dropout, return_sequences=True),
merge_mode='mul')(spec_x)
for units in dense_units:
spec_x = TimeDistributed(Dense(units))(spec_x)
spec_x = Dropout(dropout)(spec_x)
spec_x = TimeDistributed(Dense(n_classes))(spec_x)
out = Activation('sigmoid', name='strong_out')(spec_x)
model = Model(inputs=spec_start, outputs=out)
return model
首先尝试使用参数量适中的低复杂度模型。
model = build_sednet(input_shape, n_classes=1,
filters=10,
cnn_pooling=[2, 2, 2],
rnn_units=[5, 5],
dense_units=[16],
dropout=0.1)
def compute_windows(arr, frames, pad_value=0.0, overlap=0.5, step=None):
if step is None:
step = int(frames * (1-overlap))
windows = []
width, length = arr.shape
for start_idx in range(0, length, step):
end_idx = min(start_idx + frames, length)
# create emmpty
win = numpy.full((width, frames), pad_value, dtype=float)
# fill with data
win[:, 0:end_idx-start_idx] = arr[:,start_idx:end_idx]
windows.append(win)
return windows
以 Keras 模型的标准方式完成。
要获得事件预测,我们需要:
这是关键代码。
def merge_overlapped_predictions(window_predictions, window_hop):
# flatten the predictions from overlapped windows
predictions = []
for win_no, win_pred in enumerate(window_predictions):
win_start = window_hop * win_no
for frame_no, p in enumerate(win_pred):
s = {
'frame': win_start + frame_no,
'probability': p,
}
predictions.append(s)
df = pandas.DataFrame.from_records(predictions)
df['time'] = pandas.to_timedelta(df['frame'] * time_resolution, unit='s')
df = df.drop(columns=['frame'])
# merge predictions from multiple windows
out = df.groupby('time').median()
return out
def predict_spectrogram(model, spec):
# prepare input data. NOTE: must match the training preparation in getXY
window_hop = 1
wins = compute_windows(spec, frames=window_length, step=window_hop)
X = numpy.expand_dims(numpy.stack( [ (w-Xm).T for w in wins ]), -1)
# make predictions on windows
y = numpy.squeeze(model.predict(X, verbose=False))
out = merge_overlapped_predictions(y, window_hop=window_hop)
return out
以下是对前 3.5 分钟音频进行训练,然后使用最后 1.5 分钟作为验证 + 测试的结果。
带注释的基本事实以绿色显示,输出预测以蓝色显示。大约 0.3 的阈值会好于此处显示的 0.5。
val/test 的事件级 F1 分数约为 0.75。但是通过来自多场比赛的训练数据,我希望这会大大改善。
关于python - 如何使用神经网络提取音频剪辑中 Feather 球击球声音的所有时间戳?,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/74471111/
这与 Payubiz payment gateway sdk 关系不大一体化。但是,主要问题与构建项目有关。 每当我们尝试在模拟器上运行应用程序时。我们得到以下失败: What went wrong:
我有一个现有的应用程序,其中包含在同一主机上运行的 4 个 docker 容器。它们已使用 link 命令链接在一起。 然而,在 docker 升级后,link 行为已被弃用,并且似乎有所改变。我们现
在 Internet 模型中有四层:链路 -> 网络 -> 传输 -> 应用程序。 我真的不知道网络层和传输层之间的区别。当我读到: Transport layer: include congesti
很难说出这里要问什么。这个问题模棱两可、含糊不清、不完整、过于宽泛或夸夸其谈,无法以目前的形式得到合理的回答。如需帮助澄清此问题以便重新打开,visit the help center . 关闭 1
前言: 生活中,我们在上网时,打开一个网页,就可以看到网址,如下: https😕/xhuahua.blog.csdn.net/ 访问网站使用的协议类型:https(基于 http 实现的,只不过在
网络 避免网络问题降低Hadoop和HBase性能的最重要因素可能是所使用的交换硬件,在项目范围的早期做出的决策可能会导致群集大小增加一倍或三倍(或更多)时出现重大问题。 需要考虑的重要事项:
网络 网络峰值 如果您看到定期的网络峰值,您可能需要检查compactionQueues以查看主要压缩是否正在发生。 有关管理压缩的更多信息,请参阅管理压缩部分的内容。 Loopback IP
Pure Data 有一个 loadbang 组件,它按照它说的做:当图形开始运行时发送一个 bang。 NoFlo 的 core/Kick 在其 IN 输入被击中之前不会发送其数据,并且您无法在 n
我有一台 Linux 构建机器,我也安装了 minikube。在 minikube 实例中,我安装了 artifactory,我将使用它来存储各种构建工件 我现在希望能够在我的开发机器上做一些工作(这
我想知道每个视频需要多少种不同的格式才能支持所有主要设备? 在我考虑的主要设备中:安卓手机 + iPhone + iPad . 对具有不同比特率的视频进行编码也是一种好习惯吗? 那里有太多相互矛盾的信
我有一个使用 firebase 的 Flutter Web 应用程序,我有两个 firebase 项目(dev 和 prod)。 我想为这个项目设置 Flavors(只是网络没有移动)。 在移动端,我
我正在读这篇文章Ars article关于密码安全,它提到有一些网站“在传输之前对密码进行哈希处理”? 现在,假设这不使用 SSL 连接 (HTTPS),a.这真的安全吗? b.如果是的话,你会如何在
我试图了解以下之间的关系: eth0在主机上;和 docker0桥;和 eth0每个容器上的接口(interface) 据我了解,Docker: 创建一个 docker0桥接,然后为其分配一个与主机上
我需要编写一个java程序,通过网络将对象发送到客户端程序。问题是一些需要发送的对象是不可序列化的。如何最好地解决这个问题? 最佳答案 发送在客户端重建对象所需的数据。 关于java - 不可序列化对
所以我最近关注了this有关用 Java 制作基本聊天室的教程。它使用多线程,是一个“面向连接”的服务器。我想知道如何使用相同的 Sockets 和 ServerSockets 来发送对象的 3d 位
我想制作一个系统,其中java客户端程序将图像发送到中央服务器。中央服务器保存它们并运行使用这些图像的网站。 我应该如何发送图像以及如何接收它们?我可以使用同一个网络服务器来接收和显示网站吗? 最佳答
我正在尝试设置我的 rails 4 应用程序,以便它发送电子邮件。有谁知道我为什么会得到: Net::SMTPAuthenticationError 534-5.7.9 Application-spe
我正在尝试编写一个简单的客户端-服务器程序,它将客户端计算机连接到服务器计算机。 到目前为止,我的代码在本地主机上运行良好,但是当我将客户端代码中的 IP 地址替换为服务器计算机的本地 IP 地址时,
我需要在服务器上并行启动多个端口,并且所有服务器套接字都应在 socket.accept() 上阻塞。 同一个线程需要启动客户端套接字(许多)来连接到特定的 ServerSocket。 这能实现吗?
我的工作执行了大约 10000 次以下任务: 1) HTTP 请求(1 秒) 2)数据转换(0.3秒) 3)数据库插入(0.7秒) 每次迭代的总时间约为 2 秒,分布如上所述。 我想做多任务处理,但我
我是一名优秀的程序员,十分优秀!