0_(机器学习)逻辑回归介绍

模型简介

逻辑回归(logistic回归)即对数几率回归,它虽然被称作"回归",但却是一种用于二分类的分类方法。逻辑回归是通过分析一个样本被分为各个类的概率比较后得出该样本最有可能属于的类的一种分类方法。

逻辑回归公式推导

训练、测试过程简述

代码实现

python 复制代码
from sklearn.datasets import load_breast_cancer
from sklearn.model_selection import train_test_split
import math
import numpy as np
'''定义sigmoid函数'''
def sigmoid(x):
    if x>0:
        return 1.0/(1.0+np.exp(-x))
    else:
        return np.exp(x)/(1.0+np.exp(x))

class LogisticRegression:
    def __init__(self,learning_rate=0.01,num_iterations=1000):
        self.learning_rate=learning_rate
        self.num_iterations=num_iterations
        self.weights=None
        self.bias=None

    def fit(self,X,y,weights,bias=0):
        #num_samples是样本的数量,num_features是样本特征的数量
        num_samples,num_features=X.shape
        self.weights=weights
        self.bias=bias
        for _ in range(self.num_iterations):
            y_pred=[]
            for x in X:
                dot=np.dot(x, self.weights)
                linear_model = dot + self.bias
                y_pred.append(sigmoid(linear_model))
            y_pred=np.array(y_pred)
            dw = (1 / num_samples) * np.dot(X.T, (y_pred - y))
            db = (1 / num_samples) * np.sum(y_pred - y)
            self.weights -= self.learning_rate * dw
            self.bias -= self.learning_rate * db

    def predict_prob(self, X):
        y_pred = []
        for x in X:
            dot = np.dot(x, self.weights)
            linear_model = dot + self.bias
            y_pred.append(sigmoid(linear_model))
        y_pred = np.array(y_pred)
        return y_pred

    def predict(self, X, threshold=0.5):
        y_pred_prob = self.predict_prob(X)
        y_pred = np.zeros_like(y_pred_prob)
        y_pred[y_pred_prob >= threshold] = 1
        return y_pred
    def calculate_accuracy(self,y_pred,y_test):
        sum=0
        for p,t in zip(y_pred,y_test):
            if p==t:
                sum+=1
        return float(sum)/float(len(y_pred))

if __name__ == "__main__":
    l=LogisticRegression()
    breast_cancer = load_breast_cancer()
    X = breast_cancer.data
    y = breast_cancer.target
    X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=1)
    num_samples, num_features = X.shape
    #w = np.ones(num_features)
    w = np.zeros(num_features)
    l.fit(X_train,y_train,w)

    y_pred=l.predict(X_test)
    print(y_pred)
    print(y_test)
    print("准确率:",l.calculate_accuracy(y_pred,y_test))
相关推荐
NAGNIP8 小时前
一文搞懂机器学习中的特征降维!
算法·面试
NAGNIP8 小时前
一文搞懂机器学习中的特征构造!
算法·面试
Learn Beyond Limits8 小时前
解构语义:从词向量到神经分类|Decoding Semantics: Word Vectors and Neural Classification
人工智能·算法·机器学习·ai·分类·数据挖掘·nlp
你怎么知道我是队长9 小时前
C语言---typedef
c语言·c++·算法
Qhumaing10 小时前
C++学习:【PTA】数据结构 7-1 实验7-1(最小生成树-Prim算法)
c++·学习·算法
Z1Jxxx12 小时前
01序列01序列
开发语言·c++·算法
过期的秋刀鱼!13 小时前
机器学习-逻辑回归的成本函数的补充-推导
人工智能·机器学习·逻辑回归
shangjian00713 小时前
AI大模型-核心概念-机器学习
人工智能·机器学习
汽车仪器仪表相关领域13 小时前
全自动化精准检测,赋能高效年检——NHD-6108全自动远、近光检测仪项目实战分享
大数据·人工智能·功能测试·算法·安全·自动化·压力测试