Python 에서 실 현 된 논리 회귀 알고리즘 예시[테스트 csv 파일 다운로드 첨부]
3110 단어 Python논리 회귀 알고리즘
python 을 사용 하여 논리 적 회 귀 를 실현 하 다
Using Python to Implement Logistic Regression Algorithm
초보 자가 쓴 논리 적 회귀,학습 과정 기록
코드:
#encoding:utf-8
"""
Author: njulpy
Version: 1.0
Data: 2018/04/10
Project: Using Python to Implement LogisticRegression Algorithm
"""
import numpy as np
import pandas as pd
import matplotlib.pyplot as plt
from sklearn.model_selection import train_test_split
# sigmoid
def sigmoid(x):
x = x.astype(float)
return 1./(1+np.exp(-x))
# ,
def train(x_train,y_train,num,alpha,m,n):
beta = np.ones(n)
for i in range(num):
h=sigmoid(np.dot(x_train,beta)) #
error = h-y_train.T #
delt=alpha*(np.dot(error,x_train))/m #
beta = beta - delt
#print('error',error)
return beta
def predict(x_test,beta):
y_predict=np.zeros(len(y_test))+0.5
s=sigmoid(np.dot(beta,x_test.T))
y_predict[s < 0.34] = 0
y_predict[s > 0.67] = 1
return y_predict
def accurancy(y_predict,y_test):
acc=1-np.sum(np.absolute(y_predict-y_test))/len(y_test)
return acc
if __name__ == "__main__":
data = pd.read_csv('iris.csv')
x = data.iloc[:,1:5]
y = data.iloc[:,5].copy()
y.loc[y== 'setosa'] = 0
y.loc[y== 'versicolor'] = 0.5
y.loc[y== 'virginica'] = 1
x_train,x_test,y_train,y_test = train_test_split(x,y,test_size=0.3,random_state=15)
m,n=np.shape(x_train)
alpha = 0.01
beta=train(x_train,y_train,1000,alpha,m,n)
pre=predict(x_test,beta)
t = np.arange(len(x_test))
plt.figure()
p1 = plt.plot(t,pre)
p2 = plt.plot(t,y_test,label='test')
label = ['prediction', 'true']
plt.legend(label, loc=1)
plt.show()
acc=accurancy(pre,y_test)
print('The predicted value is ',pre)
print('The true value is ',np.array(y_test))
print('The accuracy rate is ',acc)
출력 결과:The predicted value is [ 0. 0.5 1. 0. 0. 1. 1. 0.5 1. 1. 1. 0.5 0.5 0.5 1.
0. 0.5 1. 0. 1. 0.5 0. 0.5 0.5 0. 0. 1. 1. 1. 1.
0. 1. 1. 1. 0. 0. 1. 0. 0. 0.5 1. 0. 0. 0.5 1. ]
The true value is [0 0.5 0.5 0 0 0.5 1 0.5 0.5 1 1 0.5 0.5 0.5 1 0 0.5 1 0 1 0.5 0 0.5 0.5 0
0 1 1 1 0.5 0 1 0.5 1 0 0 1 0 0 0.5 1 0 0 0.5 1]
The accuracy rate is 0.9444444444444444
첨부:상기 예시 중의 iris.csv 파일여 기 를 클릭 하여 본 사이트 다운로드
Python 관련 내용 에 관심 이 있 는 독자 들 은 본 사이트 의 주 제 를 볼 수 있 습 니 다.
본 논문 에서 말 한 것 이 여러분 의 Python 프로 그래 밍 에 도움 이 되 기 를 바 랍 니 다.
이 내용에 흥미가 있습니까?
현재 기사가 여러분의 문제를 해결하지 못하는 경우 AI 엔진은 머신러닝 분석(스마트 모델이 방금 만들어져 부정확한 경우가 있을 수 있음)을 통해 가장 유사한 기사를 추천합니다:
Python의 None과 NULL의 차이점 상세 정보그래서 대상 = 속성 + 방법 (사실 방법도 하나의 속성, 데이터 속성과 구별되는 호출 가능한 속성 같은 속성과 방법을 가진 대상을 클래스, 즉 Classl로 분류할 수 있다.클래스는 하나의 청사진과 같아서 하나의 ...
텍스트를 자유롭게 공유하거나 복사할 수 있습니다.하지만 이 문서의 URL은 참조 URL로 남겨 두십시오.
CC BY-SA 2.5, CC BY-SA 3.0 및 CC BY-SA 4.0에 따라 라이센스가 부여됩니다.