Python深度学习 - 实现
在这个深度学习实现中,我们的目标是预测某家银行的客户流失或流转数据——哪些客户可能离开这家银行的服务。所使用的数据集相对较小,包含10000行和14列。我们使用Anaconda发行版以及Theano、TensorFlow和Keras等框架。Keras构建在Tensorflow和Theano之上,它们充当Keras的后端。
# Artificial Neural Network # Installing Theano pip install --upgrade theano # Installing Tensorflow pip install –upgrade tensorflow # Installing Keras pip install --upgrade keras
步骤1:数据预处理
In[]: # Importing the libraries import numpy as np import matplotlib.pyplot as plt import pandas as pd # Importing the database dataset = pd.read_csv('Churn_Modelling.csv')
步骤2
我们创建数据集特征矩阵和目标变量矩阵,目标变量是第14列,标记为“Exited”。
数据的初始外观如下所示:
In[]: X = dataset.iloc[:, 3:13].values Y = dataset.iloc[:, 13].values X
输出
步骤3
Y
输出
array([1, 0, 1, ..., 1, 1, 0], dtype = int64)
步骤4
我们通过编码字符串变量来简化分析。我们使用ScikitLearn函数“LabelEncoder”自动将各列中的不同标签编码为0到n_classes-1之间的值。
from sklearn.preprocessing import LabelEncoder, OneHotEncoder labelencoder_X_1 = LabelEncoder() X[:,1] = labelencoder_X_1.fit_transform(X[:,1]) labelencoder_X_2 = LabelEncoder() X[:, 2] = labelencoder_X_2.fit_transform(X[:, 2]) X
输出
在上面的输出中,国家名称被替换为0、1和2;而男性和女性分别被替换为0和1。
步骤5
标签编码数据
我们使用相同的ScikitLearn库和另一个名为OneHotEncoder的函数来传递列号,从而创建一个虚拟变量。
onehotencoder = OneHotEncoder(categorical features = [1]) X = onehotencoder.fit_transform(X).toarray() X = X[:, 1:] X
现在,前两列表示国家,第四列表示性别。
输出
我们总是将数据分成训练集和测试集;我们在训练数据上训练模型,然后在测试数据上检查模型的准确性,这有助于评估模型的效率。
步骤6
我们使用ScikitLearn的train_test_split函数将我们的数据分成训练集和测试集。我们将训练集与测试集的比例保持为80:20。
#Splitting the dataset into the Training set and the Test Set from sklearn.model_selection import train_test_split X_train, X_test, y_train, y_test = train_test_split(X, y, test_size = 0.2)
有些变量的值以千计,而有些变量的值只有几十或几。我们对数据进行缩放,使其更具代表性。
步骤7
在这段代码中,我们使用StandardScaler函数拟合并转换训练数据。我们标准化缩放,以便使用相同的拟合方法来转换/缩放测试数据。
# Feature Scaling
fromsklearn.preprocessing import StandardScaler sc = StandardScaler() X_train = sc.fit_transform(X_train) X_test = sc.transform(X_test)
输出
数据现在已正确缩放。最后,我们完成了数据预处理。现在,我们将开始构建我们的模型。
步骤8
我们在这里导入所需的模块。我们需要Sequential模块来初始化神经网络,以及dense模块来添加隐藏层。
# Importing the Keras libraries and packages import keras from keras.models import Sequential from keras.layers import Dense
步骤9
我们将模型命名为Classifier,因为我们的目标是分类客户流失。然后我们使用Sequential模块进行初始化。
#Initializing Neural Network classifier = Sequential()
步骤10
我们使用dense函数逐一添加隐藏层。在下面的代码中,我们将看到许多参数。
我们的第一个参数是output_dim。这是我们添加到此层中的节点数。init是随机梯度下降的初始化。在神经网络中,我们为每个节点分配权重。在初始化时,权重应该接近于零,我们使用uniform函数随机初始化权重。input_dim参数仅在第一层需要,因为模型不知道我们的输入变量的数量。这里输入变量的总数是11。在第二层中,模型会自动从第一隐藏层知道输入变量的数量。
执行以下代码行以添加输入层和第一隐藏层:
classifier.add(Dense(units = 6, kernel_initializer = 'uniform', activation = 'relu', input_dim = 11))
执行以下代码行以添加第二隐藏层:
classifier.add(Dense(units = 6, kernel_initializer = 'uniform', activation = 'relu'))
执行以下代码行以添加输出层:
classifier.add(Dense(units = 1, kernel_initializer = 'uniform', activation = 'sigmoid'))
步骤11
编译ANN
到目前为止,我们已经向分类器添加了多层。我们现在将使用compile方法编译它们。在最终编译中添加的参数控制着整个神经网络,因此我们必须小心这一步。
以下是参数的简要说明。
第一个参数是Optimizer。这是一种用于寻找最优权重集的算法。这种算法称为随机梯度下降 (SGD)。在这里,我们使用几种类型中的一种,称为“Adam优化器”。SGD取决于损失,因此我们的第二个参数是损失。如果我们的因变量是二元的,我们使用称为‘binary_crossentropy’的对数损失函数;如果我们的因变量在输出中有多于两个类别,则我们使用‘categorical_crossentropy’。我们希望根据accuracy来提高神经网络的性能,因此我们添加metrics作为准确性。
# Compiling Neural Network classifier.compile(optimizer = 'adam', loss = 'binary_crossentropy', metrics = ['accuracy'])
步骤12
此步骤需要执行多行代码。
将ANN拟合到训练集
我们现在在训练数据上训练我们的模型。我们使用fit方法来拟合我们的模型。我们还优化权重以提高模型效率。为此,我们必须更新权重。Batch size是在更新权重之后观测值的数量。Epoch是迭代的总数。批量大小和时期值是通过反复试验的方法选择的。
classifier.fit(X_train, y_train, batch_size = 10, epochs = 50)
进行预测和评估模型
# Predicting the Test set results y_pred = classifier.predict(X_test) y_pred = (y_pred > 0.5)
预测单个新的观测值
# Predicting a single new observation """Our goal is to predict if the customer with the following data will leave the bank: Geography: Spain Credit Score: 500 Gender: Female Age: 40 Tenure: 3 Balance: 50000 Number of Products: 2 Has Credit Card: Yes Is Active Member: Yes
步骤13
预测测试集结果
预测结果将给出客户离开公司的概率。我们将把该概率转换为二进制0和1。
# Predicting the Test set results y_pred = classifier.predict(X_test) y_pred = (y_pred > 0.5)
new_prediction = classifier.predict(sc.transform (np.array([[0.0, 0, 500, 1, 40, 3, 50000, 2, 1, 1, 40000]]))) new_prediction = (new_prediction > 0.5)
步骤14
这是我们评估模型性能的最后一步。我们已经有了原始结果,因此我们可以构建混淆矩阵来检查模型的准确性。
制作混淆矩阵
from sklearn.metrics import confusion_matrix cm = confusion_matrix(y_test, y_pred) print (cm)
输出
loss: 0.3384 acc: 0.8605 [ [1541 54] [230 175] ]
根据混淆矩阵,我们可以计算模型的准确率为:
Accuracy = 1541+175/2000=0.858
我们达到了85.8%的准确率,这很好。
前向传播算法
在本节中,我们将学习如何编写代码来对简单的神经网络进行前向传播(预测):
每个数据点都是一个客户。第一个输入是他们有多少个账户,第二个输入是他们有多少个孩子。该模型将预测用户明年将进行多少笔交易。
输入数据预加载为input_data,权重在一个名为weights的字典中。隐藏层中第一个节点的权重数组位于weights['node_0']中,隐藏层中第二个节点的权重数组位于weights['node_1']中。
馈送到输出节点的权重在weights中可用。
修正线性激活函数
“激活函数”是在每个节点工作的函数。它将节点的输入转换为某种输出。
修正线性激活函数(称为ReLU)广泛用于非常高性能的网络。此函数以单个数字作为输入,如果输入为负,则返回0;如果输入为正,则返回输入作为输出。
以下是一些示例:
- relu(4) = 4
- relu(-2) = 0
我们填写relu()函数的定义:
- 我们使用max()函数来计算relu()的输出值。
- 我们应用relu()函数到node_0_input来计算node_0_output。
- 我们应用relu()函数到node_1_input来计算node_1_output。
import numpy as np input_data = np.array([-1, 2]) weights = { 'node_0': np.array([3, 3]), 'node_1': np.array([1, 5]), 'output': np.array([2, -1]) } node_0_input = (input_data * weights['node_0']).sum() node_0_output = np.tanh(node_0_input) node_1_input = (input_data * weights['node_1']).sum() node_1_output = np.tanh(node_1_input) hidden_layer_output = np.array(node_0_output, node_1_output) output =(hidden_layer_output * weights['output']).sum() print(output) def relu(input): '''Define your relu activation function here''' # Calculate the value for the output of the relu function: output output = max(input,0) # Return the value just calculated return(output) # Calculate node 0 value: node_0_output node_0_input = (input_data * weights['node_0']).sum() node_0_output = relu(node_0_input) # Calculate node 1 value: node_1_output node_1_input = (input_data * weights['node_1']).sum() node_1_output = relu(node_1_input) # Put node values into array: hidden_layer_outputs hidden_layer_outputs = np.array([node_0_output, node_1_output]) # Calculate model output (do not apply relu) odel_output = (hidden_layer_outputs * weights['output']).sum() print(model_output)# Print model output
输出
0.9950547536867305 -3
将网络应用于许多观测值/数据行
在本节中,我们将学习如何定义一个名为predict_with_network()的函数。此函数将为从上面网络中获取的多个数据观测值(作为input_data)生成预测。使用上面网络中给出的权重。relu()函数定义也正在使用。
让我们定义一个名为predict_with_network()的函数,它接受两个参数 - input_data_row和weights - 并返回网络的预测作为输出。
我们计算每个节点的输入值和输出值,并将它们存储为:node_0_input、node_0_output、node_1_input和node_1_output。
为了计算节点的输入值,我们将相关的数组相乘并计算它们的总和。
为了计算节点的输出值,我们将relu()函数应用于节点的输入值。我们使用“for循环”来迭代input_data:
我们还使用我们的predict_with_network()为input_data的每一行 - input_data_row生成预测。我们还将每个预测添加到results中。
# Define predict_with_network() def predict_with_network(input_data_row, weights): # Calculate node 0 value node_0_input = (input_data_row * weights['node_0']).sum() node_0_output = relu(node_0_input) # Calculate node 1 value node_1_input = (input_data_row * weights['node_1']).sum() node_1_output = relu(node_1_input) # Put node values into array: hidden_layer_outputs hidden_layer_outputs = np.array([node_0_output, node_1_output]) # Calculate model output input_to_final_layer = (hidden_layer_outputs*weights['output']).sum() model_output = relu(input_to_final_layer) # Return model output return(model_output) # Create empty list to store prediction results results = [] for input_data_row in input_data: # Append prediction to results results.append(predict_with_network(input_data_row, weights)) print(results)# Print results
输出
[0, 12]
在这里,我们使用了relu函数,其中relu(26) = 26,relu(-13)=0,依此类推。
深度多层神经网络
在这里,我们编写代码来对具有两个隐藏层的神经网络进行前向传播。每个隐藏层都有两个节点。输入数据已预加载为input_data。第一个隐藏层中的节点称为node_0_0和node_0_1。
它们的权重分别预加载为weights['node_0_0']和weights['node_0_1']。
第二个隐藏层中的节点称为node_1_0和node_1_1。它们的权重分别预加载为weights['node_1_0']和weights['node_1_1']。
然后,我们使用预加载为weights['output']的权重创建来自隐藏节点的模型输出。
我们使用其权重weights['node_0_0']和给定的input_data计算node_0_0_input。然后应用relu()函数以获得node_0_0_output。
我们对node_0_1_input执行与上述相同的操作以获得node_0_1_output。
我们使用其权重weights['node_1_0']和第一隐藏层的输出 - hidden_0_outputs计算node_1_0_input。然后应用relu()函数以获得node_1_0_output。
我们对node_1_1_input执行与上述相同的操作以获得node_1_1_output。
我们使用weights['output']和第二隐藏层的输出hidden_1_outputs数组计算model_output。我们不将relu()函数应用于此输出。
import numpy as np input_data = np.array([3, 5]) weights = { 'node_0_0': np.array([2, 4]), 'node_0_1': np.array([4, -5]), 'node_1_0': np.array([-1, 1]), 'node_1_1': np.array([2, 2]), 'output': np.array([2, 7]) } def predict_with_network(input_data): # Calculate node 0 in the first hidden layer node_0_0_input = (input_data * weights['node_0_0']).sum() node_0_0_output = relu(node_0_0_input) # Calculate node 1 in the first hidden layer node_0_1_input = (input_data*weights['node_0_1']).sum() node_0_1_output = relu(node_0_1_input) # Put node values into array: hidden_0_outputs hidden_0_outputs = np.array([node_0_0_output, node_0_1_output]) # Calculate node 0 in the second hidden layer node_1_0_input = (hidden_0_outputs*weights['node_1_0']).sum() node_1_0_output = relu(node_1_0_input) # Calculate node 1 in the second hidden layer node_1_1_input = (hidden_0_outputs*weights['node_1_1']).sum() node_1_1_output = relu(node_1_1_input) # Put node values into array: hidden_1_outputs hidden_1_outputs = np.array([node_1_0_output, node_1_1_output]) # Calculate model output: model_output model_output = (hidden_1_outputs*weights['output']).sum() # Return model_output return(model_output) output = predict_with_network(input_data) print(output)
输出
364