python numpy错误“TypeError:'numpy.float64'对象不能解释为整数”

Posted

技术标签:

【中文标题】python numpy错误“TypeError:\'numpy.float64\'对象不能解释为整数”【英文标题】:python numpy error "TypeError: 'numpy.float64' object cannot be interpreted as an integer"python numpy错误“TypeError:'numpy.float64'对象不能解释为整数” 【发布时间】:2018-11-28 14:48:32 【问题描述】:

我想将 .wav 文件转换为频谱图。

所以我使用了这个 Python 文件。

import glob
import numpy as np
from matplotlib import pyplot as plt
import scipy.io.wavfile as wav
from numpy.lib import stride_tricks

""" short time fourier transform of audio signal """
def stft(sig, frameSize, overlapFac=0.5, window=np.hanning):
    win = window(frameSize)
    hopSize = int(frameSize - np.floor(overlapFac * frameSize))

    # zeros at beginning (thus center of 1st window should be for sample nr. 0)
    samples = np.append(np.zeros(np.floor(frameSize/2.0)), sig)
    # cols for windowing
    cols = np.ceil( (len(samples) - frameSize) / float(hopSize)) + 1
    # zeros at end (thus samples can be fully covered by frames)
    samples = np.append(samples, np.zeros(frameSize))

    frames = stride_tricks.as_strided(samples, shape=(cols, frameSize), strides=(samples.strides[0]*hopSize, samples.strides[0])).copy()
    frames *= win

    return np.fft.rfft(frames)    

""" scale frequency axis logarithmically """    
def logscale_spec(spec, sr=44100, factor=20.):
    timebins, freqbins = np.shape(spec)

    scale = np.linspace(0, 1, freqbins) ** factor
    scale *= (freqbins-1)/max(scale)
    scale = np.unique(np.round(scale))

    # create spectrogram with new freq bins
    newspec = np.complex128(np.zeros([timebins, len(scale)]))
    for i in range(0, len(scale)):
        if i == len(scale)-1:
            newspec[:,i] = np.sum(spec[:,scale[i]:], axis=1)
        else:        
            newspec[:,i] = np.sum(spec[:,scale[i]:scale[i+1]], axis=1)

    # list center freq of bins
    allfreqs = np.abs(np.fft.fftfreq(freqbins*2, 1./sr)[:freqbins+1])
    freqs = []
    for i in range(0, len(scale)):
        if i == len(scale)-1:
            freqs += [np.mean(allfreqs[scale[i]:])]
        else:
            freqs += [np.mean(allfreqs[scale[i]:scale[i+1]])]

    return newspec, freqs

""" plot spectrogram"""
def plotstft(audiopath, binsize=2**10, plotpath=None, colormap="jet"):
    samplerate, samples = wav.read(audiopath)
    s = stft(samples, binsize)

    sshow, freq = logscale_spec(s, factor=1.0, sr=samplerate)
    ims = 20.*np.log10(np.abs(sshow)/10e-6) # amplitude to decibel

    timebins, freqbins = np.shape(ims)

    plt.figure(figsize=(15, 7.5))
    plt.imshow(np.transpose(ims), origin="lower", aspect="auto", cmap=colormap, interpolation="none")
    plt.colorbar()

    plt.xlabel("time (s)")
    plt.ylabel("frequency (hz)")
    plt.xlim([0, timebins-1])
    plt.ylim([0, freqbins])

    xlocs = np.float32(np.linspace(0, timebins-1, 5))
    plt.xticks(xlocs, ["%.02f" % l for l in ((xlocs*len(samples)/timebins)+(0.5*binsize))/samplerate])
    ylocs = np.int16(np.round(np.linspace(0, freqbins-1, 10)))
    plt.yticks(ylocs, ["%.02f" % freq[i] for i in ylocs])

    if plotpath:
        plt.savefig(plotpath, bbox_inches="tight")
    else:
        plt.show()

    plt.clf()


if __name__ == '__main__':
    path='../tf_files/data_audio/'

    folders=glob.glob(path+'*')
    for folder in folders:
        waves = glob.glob(folder+'/' + '*.wav')
        print (waves)
        if len(waves) == 0:
            continue
        for f in waves:
            #try:
            print ("Generating spectrograms..")
            plotstft(f)
            #except Exception as e:
                #print ("Something went wrong while generating spectrogram:")

但是,结果与我的预期不同。

['../tf_files/data_audio/test_wav_files/22601-8-0-0_2(volume).wav', '../tf_files/data_audio/test_wav_files/22601-8-0-6_2(volume).wav', '../tf_files/data_audio/test_wav_files/518-4-0-0(volume).wav', '../tf_files/data_audio/test_wav_files/drill1.wav', '../tf_files/data_audio/test_wav_files/chunk0.wav', '../tf_files/data_audio/test_wav_files/siren2.wav', '../tf_files/data_audio/test_wav_files/bark2.wav', '../tf_files/data_audio/test_wav_files/bark3.wav', '../tf_files/data_audio/test_wav_files/14111-4-0-0_2(volume).wav', '../tf_files/data_audio/test_wav_files/drill2.wav', '../tf_files/data_audio/test_wav_files/22601-8-0-3_2(volume).wav', '../tf_files/data_audio/test_wav_files/siren1.wav', '../tf_files/data_audio/test_wav_files/siren3.wav', '../tf_files/data_audio/test_wav_files/518-4-0-3(volume).wav', '../tf_files/data_audio/test_wav_files/drill3.wav', '../tf_files/data_audio/test_wav_files/4910-3-0-0_2(volume).wav', '../tf_files/data_audio/test_wav_files/344-3-5-0(volume).wav', '../tf_files/data_audio/test_wav_files/bark1.wav', '../tf_files/data_audio/test_wav_files/344-3-1-0(volume).wav']

生成频谱图..

Traceback(最近一次调用最后一次):

文件“z_make_spectrogram.py”,第 95 行,在 plotstft(f) 文件“z_make_spectrogram.py”,第 54 行,在 plotstft s = stft(samples, binsize) 文件“z_make_spectrogram.py”,第 13 行,在 stft 样本 = np.append(np.zeros(np.floor(frameSize/2.0)), sig)

TypeError: 'numpy.float64' 对象不能被解释为整数 sys.excepthook 中的错误:

Traceback(最近一次调用最后一次):文件 “/usr/lib/python3/dist-packages/apport_python_hook.py”,第 63 行,在 apport_excepthook 从 apport.fileutils 导入可能的_packaged,get_recent_crashes 文件“/usr/lib/python3/dist-packages/apport/init.py”,第 5 行,在 从 apport.report 导入报告文件“/usr/lib/python3/dist-packages/apport/report.py”,第 30 行,在 导入 apport.fileutils 文件“/usr/lib/python3/dist-packages/apport/fileutils.py”,第 23 行,在 从 apport.packaging_impl 导入 impl 作为包装文件“/usr/lib/python3/dist-packages/apport/packaging_impl.py”,第 23 行,在 导入 apt 文件“/usr/lib/python3/dist-packages/apt/init.py”,第 23 行,在 导入apt_pkg

ModuleNotFoundError: 没有名为“apt_pkg”的模块

最初的例外是:Traceback(最近一次调用最后一次):

文件“z_make_spectrogram.py”,第 95 行,在 plotstft(f) 文件“z_make_spectrogram.py”,第 54 行,在 plotstft s = stft(samples, binsize) 文件“z_make_spectrogram.py”,第 13 行,在 stft 样本 = np.append(np.zeros(np.floor(frameSize/2.0)), sig)

TypeError: 'numpy.float64' 对象不能被解释为整数

当第 13 行用这个语法修复时,同样的错误也发生了。:

samples = np.append(np.zeros(np.floor(int(frameSize/2.0))), sig)

作为参考,我目前使用的是tensorflow 1.4。

因此,我不确定将numpy版本更改为1.11是否可以。

有没有办法纠正这个错误?

.

.

已编辑

我修正了第 13 行。:

samples = np.append(np.zeros(frameSize//2), sig)

而且,我得到了这个result。

同样的错误仍然出现,我不知道为什么。

【问题讨论】:

为什么要使用浮点数? frameSize 应该是一个整数,然后如果你使用 //2 你仍然会得到一个整数。如果您已经有一个 int,那么 floor 有什么意义?这里有很多坏事。 @Matthieu Brucher 嗯,我从https://***.com/questions/44787437/how-to-convert-a-wav-file-to-a-spectrogram-in-python3 或http://www.frank-zalkow.de/en/code-snippets/create-audio-spectrograms-with-python.html?i=1 获取此代码。此外,使用该方法也会发生同样的错误(//2)。 显然np.floor 即使传递一个整数也会返回一个浮点数。这个事实似乎没有很好的记录(除非其他人可以找到参考?)。但正如@MatthieuBrucher 所说,对np.floor 的调用是多余的,所以你应该能够做到np.zeros(int(frameSize / 2)) @myrtlecat 哦,我刚刚应用了你给我的命令。我修改了结果的问题。 新错误有不同的原因(即,保证一个新问题,或者您应该重写问题),但本质上是相同的。查看错误源自代码的位置:` frames = stride_tricks.as_strided(samples, shape=(cols, frameSize), strides=(samples.strides[0]*hopSize, samples.strides[0])).copy( ). Typically, the shape and the strides parameters should take integers. But a few lines before, you have cols = np.ceil( (len(samples) - frameSize) / float(hopSize)) + 1. Again, np.ceil` 返回一个浮点数:在使用之前,您必须先将其转换为整数. 【参考方案1】:

您的两个错误都源于numpy.floornumpy.ceil 的使用。虽然没有正确记录,但这些函数返回浮点数(即使输入是整数数组)。 当您在需要整数输入的参数中使用结果值时,您必须先将它们转换为整数(只需通过强制转换)。

对于第一个错误,您可以改用整数除法(正如评论中所建议的那样):

samples = np.append(np.zeros(frameSize//2), sig)

对于cols参数,在你依赖numpy.ceil的地方,没有简单的捷径,你应该简单地使用

cols = int(np.ceil( (len(samples) - frameSize) / float(hopSize)) + 1)

改为。

【讨论】:

以上是关于python numpy错误“TypeError:'numpy.float64'对象不能解释为整数”的主要内容,如果未能解决你的问题,请参考以下文章

Python 酸洗错误:TypeError:对象泡菜未返回列表。 numpy的问题?

带有 SWIG 的 C++ 数组到 Numpy 的 TypeError 问题

numpy 引发错误:TypeError:无法推断类型的架构:<class 'numpy.float64'>

TypeError:'numpy.ndarray'对象在我的代码中不可调用

如何解决 TypeError:'numpy.ndarray' 对象在 Python 上不可调用

Python - 重复数据删除问题:TypeError:不可散列的类型:'numpy.ndarray'