MLP_BinaryClassification

MLP_BinaryClassification

# Import necessary packages.
from numpy import vstack
import pandas as pd
from sklearn.preprocessing import LabelEncoder
from sklearn.metrics import accuracy_score

import torch
import torch.nn as nn

from torch.utils.data import Dataset
from torch.utils.data import random_split
from torch.nn.init import kaiming_uniform_
from torch.nn.init import xavier_uniform_
# dataset definition.
class CSVDataset(Dataset):
    # load the dataset.
    def __init__(self, path):
        # load the csv file as a dataframe.
        df = pd.read_csv(path, header=None)
        # store the inputs and outputs.
        self.X = df.values[:, :-1]
        self.y = df.values[:, -1]
        # ensure input data is floats.
        self.X = self.X.astype('float32')
        # label encode target and ensure the values are floats.
        self.y = LabelEncoder().fit_transform(self.y)
        self.y = self.y.astype('float32')
        self.y = self.y.reshape((len(self.y), 1))

    # number of rows in the dataset.
    def __len__(self):
        return len(self.X)

    # get a row at an index.
    def __getitem__(self, idx):
        return [self.X[idx], self.y[idx]]

    # get indexes for train and test rows.
    def get_splits(self, n_test=0.33):
        # determine sizes.
        test_size = round(n_test * len(self.X))
        train_size = len(self.X) - test_size
        # calculate the split.
        return random_split(self, [train_size, test_size])
# prepare the dataset.
def prepare_data(path):
    # load the dataset.
    dataset = CSVDataset(path)
    # calculate split.
    train, test = dataset.get_splits()
    # prepare data loaders.
    train_dl = torch.utils.data.DataLoader(train, batch_size=32, shuffle=True)
    test_dl = torch.utils.data.DataLoader(test, batch_size=1024, shuffle=False)
    return train_dl, test_dl
# model definition.
class MLP(nn.Module):
    # define model elements.
    def __init__(self, n_inputs):
        super(MLP, self).__init__()
        # input to first hidden layer.
        self.hidden1 = nn.Linear(n_inputs, 10)
        kaiming_uniform_(self.hidden1.weight, nonlinearity='relu')
        self.act1 = nn.ReLU()
        # second hidden layer
        self.hidden2 = nn.Linear(10, 8)
        kaiming_uniform_(self.hidden2.weight, nonlinearity='relu')
        self.act2 = nn.ReLU()
        # third hidden layer and output.
        self.hidden3 = nn.Linear(8, 1)
        xavier_uniform_(self.hidden3.weight)
        self.act3 = nn.Sigmoid()

    # forward propagate input.
    def forward(self, X):
        # input to first hidden layer.
        X = self.hidden1(X)
        X = self.act1(X)
         # second hidden layer.
        X = self.hidden2(X)
        X = self.act2(X)
        # third hidden layer and output.
        X = self.hidden3(X)
        X = self.act3(X)
        return X
    
# define the network.
model = MLP(34)
# Loss and optimizer.
criterion = nn.BCELoss()
optimizer = torch.optim.SGD(model.parameters(), lr=0.01, momentum=0.9)
# Train the model.
def train_model(train_dl, model):
    # enumerate epochs.
    for epoch in range(100):
        # enumerate mini batches.
        for i, (inputs, targets) in enumerate(train_dl):
            # Forward pass.
            yhat = model(inputs)
            # calculate loss.
            loss = criterion(yhat, targets)

            # Backward and optimize.
            # clear the gradients.
            optimizer.zero_grad()
            loss.backward()
            # update model weights.
            optimizer.step()

# Test the model.
def evaluate_model(test_dl, model):
    predictions, actuals = list(), list()
    for i, (inputs, targets) in enumerate(test_dl):
        # evaluate the model on the test set.
        yhat = model(inputs)
        # retrieve numpy array.
        yhat = yhat.detach().numpy()
        actual = targets.numpy()
        actual = actual.reshape((len(actual), 1))
        # round to class values.
        yhat = yhat.round()
        # store.
        predictions.append(yhat)
        actuals.append(actual)
    predictions, actuals = vstack(predictions), vstack(actuals)
    # calculate accuracy.
    acc = accuracy_score(actuals, predictions)
    return acc
# make a class prediction for one row of data.
def predict(row, model):
    # convert row to data.
    row = torch.Tensor([row])
    # make prediction.
    yhat = model(row)
    # retrieve numpy array.
    yhat = yhat.detach().numpy()
    return yhat
if __name__ == '__main__':
    # prepare the data.
    path = './ionosphere.csv'
    train_dl, test_dl = prepare_data(path)
    print(len(train_dl.dataset), len(test_dl.dataset))

    # define the network.
    model = MLP(34)

    # train the model.
    train_model(train_dl, model)

    # evaluate the model.
    acc = evaluate_model(test_dl, model)
    print('Accuracy: %.3f' % acc)

    # make a single prediction (expect class=1).
    row = [1,0,0.99539,-0.05889,0.85243,0.02306,0.83398,-0.37708,1,0.03760,0.85243,-0.17755,0.59755,-0.44945,0.60536,-0.38223,0.84356,-0.38542,0.58212,-0.32192,0.56971,-0.29674,0.36946,-0.47357,0.56811,-0.51171,0.41078,-0.46168,0.21266,-0.34090,0.42267,-0.54487,0.18641,-0.45300]
    yhat = predict(row, model)
    print('Predicted: %.3f (class=%d)' % (yhat, yhat.round()))
235 116
Accuracy: 0.379
Predicted: 0.464 (class=0)
  • 0
    点赞
  • 0
    收藏
    觉得还不错? 一键收藏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值