神经网络(操作数不能与形状一起广播(1713)(713,18))

2024-04-16 23:46:31 发布

您现在位置:Python中文网/ 问答频道 /正文

我目前正在攻读深造专业深度学习.ai在Coursera和am的第一个任务,需要实现逻辑回归思维的神经网络。问题是神经网络作为非结构化数据(图像)的Logistic回归函数的实现。我成功地完成了任务,取得了预期的成果。然而,我现在尝试使用编码神经网络来处理结构数据,但遇到了广播错误。部分代码如下:

数据集代码

path_train = r'C:\Users\Ahmed Ismail Khalid\Desktop\Research Paper\Research Paper Feature Sets\Balanced Feature Sets\Balanced Train combined scores.csv'
path_test = r'C:\Users\Ahmed Ismail Khalid\Desktop\Research Paper\Research Paper Feature Sets\Balanced Feature Sets\Balanced Test combined scores.csv'

df_train = pd.read_csv(path_train)
#df_train = df_train.to_numpy()

df_test = pd.read_csv(path_test)
#df_test = df_test.to_numpy()

x_train = df_train.iloc[:,1:19]
x_train = x_train.to_numpy()
x_train = x_train.T

y_train = df_train.iloc[:,19]
y_train = y_train.to_numpy()
y_train = y_train.reshape(y_train.shape[0],1)
y_train = y_train.T

x_test = df_test.iloc[:,1:19]
x_test = x_test.to_numpy()
x_test = x_test.T

y_test = df_test.iloc[:,19]
y_test = y_test.to_numpy()
y_test = y_test.reshape(y_test.shape[0],1)
y_test = y_test.T

print ("Number of training examples: m_train = " + str(m_train))
print ("Number of testing examples: m_test = " + str(m_test))
print ("train_set_x shape: " + str(x_train.shape))
print ("train_set_y shape: " + str(y_train.shape))
print ("test_set_x shape: " + str(x_test.shape))
print ("test_set_y shape: " + str(y_test.shape))

数据集代码的输出

Number of training examples: df_train = 713
Number of testing examples: df_test = 237
x_train shape: (18, 713)
y_train shape: (1, 713)
x_test shape: (18, 237)
y_test shape: (1, 237)

传播函数码

def propagate(w,b,X,Y) :

    m = X.shape[1]

    A = sigmoid((w.T * X) + b)

    cost = (- 1 / m) * np.sum(np.dot(Y,np.log(A)) + np.dot((1 - Y), np.log(1 - A)))

    dw = (1 / m) * np.dot((X,(A - Y)).T)
    db = (1 / m) * np.sum(A - Y)

    assert(dw.shape == w.shape)
    assert(db.dtype == float)
    cost = np.squeeze(cost)
    assert(cost.shape == ())

    grads = {"dw": dw,
             "db": db}

    return grads, cost

优化和建模功能

**def optimize**(w,b,X,Y,num_iterations,learning_rate,print_cost) :

costs = []

for i in range(num_iterations) :

    # Cost and gradient calculation
    grads, cost = propagate(w,b,X,Y)

    # Retrieve derivatives from gradients
    dw = grads['dw']
    db = grads['db']

    # Update w and b
    w = w - learning_rate * dw
    b = b - learning_rate * db

    if i % 100 == 0:
        costs.append(cost)

    # Print the cost every 100 training iterations
    if print_cost and i % 100 == 0:
        print ("Cost after iteration %i: %f" %(i, cost))

    params = {"w": w,
          "b": b}

    grads = {"dw": dw,
         "db": db}

    return params, grads, costs

**def model**(X_train, Y_train, X_test, Y_test, num_iterations = 2000, learning_rate = 0.5, print_cost = False) :

# initialize parameters with zero
w, b = initialize_with_zeros(X_train.shape[0])

# Gradient descent (≈ 1 line of code)
parameters, grads, costs = optimize(w,b,X_train,Y_train,num_iterations,learning_rate,print_cost)

# Retrieve parameters w and b from dictionary "parameters"
w = parameters["w"]
b = parameters["b"]

# Predict train/test set examples (≈ 2 lines of code)
Y_prediction_train = predict(w,b,X_train)
Y_prediction_test = predict(w,b,X_test)

 # Print train/test Errors
print("train accuracy: {} %".format(100 - np.mean(abs(Y_prediction_train - Y_train)) * 100))
print("test accuracy: {} %".format(100 - np.mean(abs(Y_prediction_test - Y_test)) * 100))


d = {"costs": costs,
     "Y_prediction_test": Y_prediction_test, 
     "Y_prediction_train" : Y_prediction_train, 
     "w" : w, 
     "b" : b,
     "learning_rate" : learning_rate,
     "num_iterations": num_iterations}

return d

模型功能输出

Cost after iteration 0: 0.693147
train accuracy: -0.1402524544179613 %
test accuracy: 0.4219409282700326 %

当我运行代码时,我在A = sigmoid((w.T * X) + b)得到ValueError: operands could not be broadcast together with shapes (1,713) (713,18)。我对神经网络和numpy的用法还很陌生,所以我想不出问题所在。任何帮助都将不胜感激。包含整个代码的整个.ipynb文件可以是downloaded from here

谢谢


Tags: testnumpydfdbratenptrainlearning
1条回答
网友
1楼 · 发布于 2024-04-16 23:46:31

*运算符是元素乘法,数组的形状不兼容。需要矩阵乘法,可以使用^{}@运算符执行:

A = sigmoid(w.T @ X + b)

很多ML,特别是神经网络,是关于保持事物的形状笔直。检查你的wXY的形状-它们应该分别是:(features, 1)(features, m)(1, m),其中features是18,而m是713。你知道吗

然后还应该能够确保A的形状与Y匹配。你知道吗

相关问题 更多 >