NumPy实现logistic回归

2024-09-01 15:44
文章标签 实现 logistic 回归 numpy

本文主要是介绍NumPy实现logistic回归,希望对大家解决编程问题提供一定的参考价值,需要的开发者们随着小编来一起学习吧!

1.sklearn实现

import numpy as np
import matplotlib.pyplot as plt
import pandas as pd
import os
import sys
from sklearn.model_selection import train_test_split
from sklearn.preprocessing import StandardScaler
from sklearn.linear_model import LogisticRegression
from sklearn.metrics import  r2_score,confusion_matrixcurrent_dir=os.getcwd()
path = current_dir +"\\" +"BreastCancer.csv";cancer = pd.read_csv(path)cancer = cancer.drop(["id","Unnamed: 32"], axis=1)  # axis = 1, drop a column, axis = 0, drop a row
cancer['diagnosis'] = [ 1 if i == "M" else 0 for i in cancer['diagnosis'] ]y = cancer['diagnosis']                       # (569,)
x = cancer.drop(["diagnosis"], axis=1) # (569, 30)# (455, 30) (114, 30) (455,) (114,)
x_train, x_test, y_train, y_test = train_test_split(x, y, test_size=0.2, random_state=0)# 标准化处理,每一列求mean和std,然后X_scaled = (x-mean)/std
# 让每一列的数据,均值为0,方差为1. 否则会内存溢出
scaler = StandardScaler()
x_train_scaled = scaler.fit_transform(x_train)
x_test_scaled = scaler.transform(x_test)logreg = LogisticRegression(max_iter = 1000)
logreg.fit(x_train_scaled, y_train)train_accuracy = logreg.score(x_train_scaled, y_train)  # 0.989010989010989
test_accuracy = logreg.score(x_test_scaled, y_test)     # 0.9649122807017544
print("Training Accuracy:", train_accuracy)
print("Test Accuracy:", test_accuracy)y_pred = logreg.predict(x_test_scaled)
r2 = r2_score(y_test,y_pred)         # Test R2: 0.8551921244839632
print("Test R2:", r2)print ( confusion_matrix(y_test,y_pred) )
"""
[[65  2][ 2 45]]
"""

2. NumPy实现

import numpy as np
import matplotlib.pyplot as plt
import pandas as pd
import os
import sys
from sklearn.model_selection import train_test_split
from sklearn.preprocessing import StandardScaler
from sklearn.metrics import mean_squared_error, r2_score
from sklearn.metrics import confusion_matrixclass Logistic:def __init__(self,learning_rate = 0.01, epochs = 1000, verbose= False):self.lr = learning_rateself.epochs = epochsself.verbose = verboseself.weight = Noneself.bias = Nonedef sigmoid(self,x):z = 1 / (1 + np.exp(-x))return zdef initialise_weights(self,n):self.weight = np.zeros(n)self.bias = 0def predict_prob(self,X):linear_result = X @ self.weight + self.biasy_pred = self.sigmoid(linear_result)return y_preddef fit(self,X,y):m , n = X.shapeself.initialise_weights(n)for epoch in range(self.epochs):y_pred = self.predict_prob(X)error = (y_pred - y)dcost_dw = (1/m) * ( X.T @ error )dcost_db = (1/m) * np.sum( error )self.weight -= self.lr * dcost_dwself.bias -= self.lr * dcost_dbif self.verbose and epoch % 100 == 99:loss = (-1 / m) *np.sum(y*np.log(y_pred) + (1-y) * np.log(1-y_pred))print(f"epoch:{epoch} loss:{loss}")def predict(self,X):y_pred = self.predict_prob(X)y_pred = np.where(y_pred>=0.5,1,0)return y_predcurrent_dir=os.getcwd()
path = current_dir +"\\" +"BreastCancer.csv";cancer = pd.read_csv(path)cancer = cancer.drop(["id","Unnamed: 32"], axis=1)  # axis = 1, drop a column, axis = 0, drop a row
cancer['diagnosis'] = [ 1 if i == "M" else 0 for i in cancer['diagnosis'] ]print(cancer.shape) # (569, 31)y = cancer['diagnosis']                       # (569,)
x = cancer.drop(["diagnosis"], axis=1) # (569, 30)# (455, 30) (114, 30) (455,) (114,),类型是DataFrame
x_train, x_test, y_train, y_test = train_test_split(x, y, test_size=0.2, random_state=0)
x_train,x_test,y_train,y_test = np.array(x_train),np.array(x_test),np.array(y_train),np.array(y_test) # 转为ndarray矩阵格式scaler = StandardScaler()
x_train_scaled = scaler.fit_transform(x_train)
x_test_scaled = scaler.transform(x_test)logistic = Logistic(learning_rate = 0.01, epochs = 1000, verbose = True)
logistic.fit(x_train_scaled,y_train)y_pred = logistic.predict(x_test_scaled)r2 = r2_score(y_test,y_pred)
print(r2)print ( confusion_matrix(y_test,y_pred) )
"""
[[65  2][ 2 45]]
"""

这篇关于NumPy实现logistic回归的文章就介绍到这儿,希望我们推荐的文章对编程师们有所帮助!



http://www.chinasem.cn/article/1127366

相关文章

SpringBoot3实现Gzip压缩优化的技术指南

《SpringBoot3实现Gzip压缩优化的技术指南》随着Web应用的用户量和数据量增加,网络带宽和页面加载速度逐渐成为瓶颈,为了减少数据传输量,提高用户体验,我们可以使用Gzip压缩HTTP响应,... 目录1、简述2、配置2.1 添加依赖2.2 配置 Gzip 压缩3、服务端应用4、前端应用4.1 N

SpringBoot实现数据库读写分离的3种方法小结

《SpringBoot实现数据库读写分离的3种方法小结》为了提高系统的读写性能和可用性,读写分离是一种经典的数据库架构模式,在SpringBoot应用中,有多种方式可以实现数据库读写分离,本文将介绍三... 目录一、数据库读写分离概述二、方案一:基于AbstractRoutingDataSource实现动态

Python FastAPI+Celery+RabbitMQ实现分布式图片水印处理系统

《PythonFastAPI+Celery+RabbitMQ实现分布式图片水印处理系统》这篇文章主要为大家详细介绍了PythonFastAPI如何结合Celery以及RabbitMQ实现简单的分布式... 实现思路FastAPI 服务器Celery 任务队列RabbitMQ 作为消息代理定时任务处理完整

Java枚举类实现Key-Value映射的多种实现方式

《Java枚举类实现Key-Value映射的多种实现方式》在Java开发中,枚举(Enum)是一种特殊的类,本文将详细介绍Java枚举类实现key-value映射的多种方式,有需要的小伙伴可以根据需要... 目录前言一、基础实现方式1.1 为枚举添加属性和构造方法二、http://www.cppcns.co

使用Python实现快速搭建本地HTTP服务器

《使用Python实现快速搭建本地HTTP服务器》:本文主要介绍如何使用Python快速搭建本地HTTP服务器,轻松实现一键HTTP文件共享,同时结合二维码技术,让访问更简单,感兴趣的小伙伴可以了... 目录1. 概述2. 快速搭建 HTTP 文件共享服务2.1 核心思路2.2 代码实现2.3 代码解读3.

MySQL双主搭建+keepalived高可用的实现

《MySQL双主搭建+keepalived高可用的实现》本文主要介绍了MySQL双主搭建+keepalived高可用的实现,文中通过示例代码介绍的非常详细,对大家的学习或者工作具有一定的参考学习价值,... 目录一、测试环境准备二、主从搭建1.创建复制用户2.创建复制关系3.开启复制,确认复制是否成功4.同

Java实现文件图片的预览和下载功能

《Java实现文件图片的预览和下载功能》这篇文章主要为大家详细介绍了如何使用Java实现文件图片的预览和下载功能,文中的示例代码讲解详细,感兴趣的小伙伴可以跟随小编一起学习一下... Java实现文件(图片)的预览和下载 @ApiOperation("访问文件") @GetMapping("

使用Sentinel自定义返回和实现区分来源方式

《使用Sentinel自定义返回和实现区分来源方式》:本文主要介绍使用Sentinel自定义返回和实现区分来源方式,具有很好的参考价值,希望对大家有所帮助,如有错误或未考虑完全的地方,望不吝赐教... 目录Sentinel自定义返回和实现区分来源1. 自定义错误返回2. 实现区分来源总结Sentinel自定

Java实现时间与字符串互相转换详解

《Java实现时间与字符串互相转换详解》这篇文章主要为大家详细介绍了Java中实现时间与字符串互相转换的相关方法,文中的示例代码讲解详细,感兴趣的小伙伴可以跟随小编一起学习一下... 目录一、日期格式化为字符串(一)使用预定义格式(二)自定义格式二、字符串解析为日期(一)解析ISO格式字符串(二)解析自定义

opencv图像处理之指纹验证的实现

《opencv图像处理之指纹验证的实现》本文主要介绍了opencv图像处理之指纹验证的实现,文中通过示例代码介绍的非常详细,对大家的学习或者工作具有一定的参考学习价值,需要的朋友们下面随着小编来一起学... 目录一、简介二、具体案例实现1. 图像显示函数2. 指纹验证函数3. 主函数4、运行结果三、总结一、