簡體   English   中英

使用數組輸入神經網絡

[英]Input to the Neural Network using an array

我正在編寫一個神經網絡以將 Mel 頻率系數作為輸入,然后運行 model。 我的數據集包含 100 個樣本 - 每個樣本是一個由 12 個值組成的數組,對應於系數。 將此數據拆分為訓練集和測試集后,我創建了對應於數組的 X 輸入和對應於 label 的 y 輸入。

包含系數的數據數組

這是我的數據的一個小樣本,其中包含 X_train 數組中的 5 個元素:

['[107.59366 -14.153783 24.799461 -8.244417 20.95272\n -4.375943 12.77285 -0.92922235 3.9418116 7.3581047\n -0.30066165 5.441765 ]' '[ 96.49664 2.0689797 21.557552 -32.827045 7.348135 -23.513977\n 7.9406714 -16.218931 10.594619 -21.4381 0.5903044 -10.569035 ]' ' [105.98041 -2.0483367 12.276348 -27.334534 6.8239 -23.019623\n 7.5176797 -21.884727 11.349695 -22.734652 3.0335162 -11.142375 ]' '[ 7.73094559e+01 1.91073620e+00 6.72225571e+00 -2.74525508e-02\n 6.60858107e+00 5.99264860e -01 1.96265772e-01 -3.94772577e+00\n 7.46383286e+00 5.42239428e+00 1.21432066e-01 2.44894314e+00]']

當我創建神經網絡時,我想使用 12 個系數作為網絡的輸入。 為此,我需要使用包含這些 arrays 的 X_train 數據集的每一行作為輸入。 但是,當我嘗試將數組索引視為輸入時,在嘗試擬合 model 時會出現形狀錯誤。 我的 model 如下:

def build_model_graph():
model = Sequential()
model.add(Input(shape=(12,)))
model.add(Dense(12))
model.add(Activation('relu'))
model.add(Dense(10))
model.add(Activation('relu'))
model.add(Dense(num_labels))
model.add(Activation('softmax'))
# Compile the model
model.compile(loss='categorical_crossentropy', metrics=['accuracy'], optimizer='adam')
return model

在這里,我想使用 X_train 數組的每一行作為對應於 shape(12,) 的輸入。 當我使用這樣的東西時:

num_epochs = 50
num_batch_size = 32
model.fit(x_train, y_train, batch_size=num_batch_size, epochs=num_epochs, 
validation_data=(x_test, y_test), verbose=1)

我得到一個對我有意義的形狀錯誤。 供參考,錯誤如下:

ValueError: Exception encountered when calling layer "sequential_20" (type Sequential).

Input 0 of layer "dense_54" is incompatible with the layer: expected min_ndim=2, found ndim=1. Full shape received: (None,)

但我不確定如何提取 X_train 的每個索引處存在的 12 個系數的數組,然后在 model 輸入中使用它。 索引 x_train 和 y_train 也不起作用。 如果有人能指出我的相關方向,那將非常有幫助。 謝謝!

編輯:我的 dataframe 代碼如下:

clapdf = pd.read_csv("clapsdf.csv")
clapdf.drop('Unnamed: 0', inplace=True, axis=1)
clapdf.head()
nonclapdf = pd.read_csv("nonclapsdf.csv")
nonclapdf.drop('Unnamed: 0', inplace=True, axis=1)
sound_df = clapdf.append(nonclapdf)
sound_df.head()
d=sound_data.tolist()
df=pd.DataFrame(data=d)
data = df[0].to_numpy()
print("Before-->", data.shape)
dat = np.array([np.array(d) for d in data])
print('After-->', dat.shape)

在這里,形狀保持不變,因為 80 個樣本中的每一個的值不是以逗號分隔的格式,而是以系列的形式。

如果您的數據如下所示:

samples = 2
features = 12
x_train = tf.random.normal((samples, 1, features))
tf.Tensor(
[[[-2.5988803  -0.629626   -0.8306641  -0.78226614  0.88989156
   -0.3851106  -0.66053045  1.0571191  -0.59061646 -1.1602987
    0.69124466 -0.04354193]]

 [[-0.86917496  2.2923143  -0.05498986 -0.09578358  0.85037625
   -0.54679644 -1.2213608  -1.3766612   0.35416105 -0.57801914
   -0.3699728   0.7884727 ]]], shape=(2, 1, 12), dtype=float32)

您必須將其重塑為(2, 12)以使 model 與輸入形狀(batch_size, 12)相匹配:

import tensorflow as tf

def build_model_graph():
  model = tf.keras.Sequential()
  model.add(tf.keras.layers.Input(shape=(12,)))
  model.add(tf.keras.layers.Dense(12))
  model.add(tf.keras.layers.Activation('relu'))
  model.add(tf.keras.layers.Dense(10))
  model.add(tf.keras.layers.Activation('relu'))
  model.add(tf.keras.layers.Dense(2))
  model.add(tf.keras.layers.Activation('softmax'))
  # Compile the model
  model.compile(loss='categorical_crossentropy', metrics=['accuracy'], optimizer='adam')
  return model

model = build_model_graph()

samples = 2
features = 12
x_train = tf.random.normal((samples, 1, features))
x_train = tf.reshape(x_train, (samples, features))
y = tf.random.uniform((samples, 1), maxval=2, dtype=tf.int32)
y_train = tf.keras.utils.to_categorical(y, 2)
model.fit(x_train, y_train, batch_size=1, epochs=2)

此外,如果您打算使用categorical_crossentropy ,通常需要將標簽轉換為 one-hot 編碼向量。 y_train看起來像這樣:

[[0. 1.]
 [1. 0.]]

更新 1:如果您的數據來自 dataframe,請嘗試以下操作:

import numpy as np
import pandas as pd

d = {'features': [[0.18525402, 0.92130125, 0.2296906,  0.75818471, 0.69813222, 0.47147329,
                   0.03560711, 0.06583931, 0.90921289, 0.76002148, 0.50413995, 0.36099004], 
                  [0.18525402, 0.92130125, 0.2296906,  0.75818471, 0.69813222, 0.47147329,
                   0.03560711, 0.06583931, 0.90921289, 0.76002148, 0.50413995, 0.36099004]]}
df = pd.DataFrame(data=d)

data = df['features'].to_numpy()
print('Before -->', data.shape)
data = np.array([np.array(d) for d in data])
print('After -->', data.shape)
Before --> (2,)
After --> (2, 12)

暫無
暫無

聲明:本站的技術帖子網頁,遵循CC BY-SA 4.0協議,如果您需要轉載,請注明本站網址或者原文地址。任何問題請咨詢:yoyou2525@163.com.

 
粵ICP備18138465號  © 2020-2024 STACKOOM.COM