逻辑斯蒂回归 Logistic Regression(LR)的python实现

LR有两种实现方式,IRLS和GradDes ,前者是基于Newton–Raphson algorithm更新参数的,后者是梯度下降。
代码在Github上

IRLS :

iteratively reweighted least squares, using Newton–Raphson algorithm to update.

realized according to PRML section 4.3.3
代码:

# -*- coding:utf-8 -*-  

import numpy as np
import matplotlib.pyplot as plt
import csv
from sklearn import preprocessing

def load_data(filename,add_one = True):
    file = open(filename)
    csv_file = csv.reader(file)
    temp = next(csv_file)
    n_samples = int(temp[0]); n_features = int(temp[1])
    add = 1
    if not add_one:
        add = 0
    datamat = np.empty((n_samples,n_features+add),dtype = np.float64)
    labelmat = np.empty((n_samples,),dtype = np.int)
    if add_one:
        datamat[:,0] = 1
    for i,line in enumerate(csv_file):
        datamat[i,add:] = line[:-1]
        labelmat[i] = line[-1]
    return datamat,labelmat

def sigmoid(inX):
    return 1.0/(1+np.exp(-inX))

def fit(X,t):
    n_samples = X.shape[0];n_feature = X.shape[1]
    X = np.mat(X);t = t.reshape(n_samples,1)
    w = np.zeros((n_feature,1))
    iter_num = 50
    for i in range(iter_num):
        y = sigmoid(X*w)
        R = np.mat(np.eye(n_samples))
        for j in range(n_samples):
            R[j,j] = y[j]*(1-y[j])
        z = X*w - R.I*(y-t)
        w = (X.T*R*X).I*X.T*R*z
    return w

if __name__ == '__main__':
    X,y = load_data('../../datasets/data/LRSet.csv')
    X[:,1:] = preprocessing.scale(X[:,1:])
    plt.figure(1, figsize=(8,6))
    color = np.array(['b']*X.shape[0])
    color[y==1] = 'r'
    plt.scatter(X[:,1],X[:,2],c=color)

    w = fit(X,y)
    x_min = X[:,1].min()-0.5;x_max = X[:,1].max()+0.5
    print x_min,x_max

    def line(x0):
        # w0+w1*x+w2*y=0  =>  y = (-w0-w1*x)/w2
        return (-w[0,0]-w[1,0]*x0)/w[2,0]
    print line(x_min)
    plt.plot([x_min,x_max],[line(x_min),line(x_max)])

    plt.show()

GradDes :

Gradient Descent, w(t+1) = w(t) - alpha * nabla(E)

realized according to PRML section 4.3.3

代码:

# -*- coding:utf-8 -*-
# http://www.cnblogs.com/darkknightzh/p/6117528.html color

import numpy as np 
import matplotlib.pyplot as plt
from sklearn.datasets import make_blobs
from sklearn import preprocessing

def get_data():
    centers = [[-5,3],[4,1.5]]
    X,y = make_blobs(n_samples=1000,centers=centers,random_state=40)
    color = np.array([''])
    transformation = [[0.4, 0.2], [-0.4, 1.2]]
    X = np.dot(X, transformation) + np.random.rand(1000,2)*2.8
    return X,y

def sigmoid(inX):
    return 1.0/(1+np.exp(-inX))

def fit(X,t):
    n_samples = X.shape[0]; n_features = X.shape[1]
    w = np.zeros(n_features)
    iter_num = 50; alpha = 0.05
    for i in range(iter_num):
        y = sigmoid(np.dot(X,w))
        w -= np.dot(X.T,y-t)
    return w

if __name__ == '__main__':
    X,y = get_data()
    X = preprocessing.scale(X)
    X = np.column_stack([[1]*X.shape[0],X])
    color = np.array(['r']*y.shape[0])
    color[y==1] = 'g'
    plt.figure(1,figsize=(8,6))
    plt.scatter(X[:,1],X[:,2],c=color)

    w = fit(X,y)
    y_min = X[:,2].min();y_max = X[:,2].max()

    def line(y0):
        # w0+w1*x+w2*y=0  =>  x = (-w0-w2*y)/w1
        return (-w[0]-w[2]*y0)/w[1]

    plt.plot([line(y_min),line(y_max)],[y_min,y_max])

    plt.show()
评论 1
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

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

抵扣说明:

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

余额充值