증강 학습
14976 단어 기계 학습
하나의 학습 기 간 에 강 한 의존 과 직렬 화 되 지 않 는 학습 대표 알고리즘 은 AdaBoost 이 고, 다른 반대 방법 은 Bagging 이나 랜 덤 숲 (Random Forest) 이다.
adaboost 설명
기본적으로 위 에서 설명 한 것 은 매우 상세 합 니 다. 저 는 여기 서 제 이 해 를 말씀 드 리 겠 습 니 다. boost 는 먼저 결정 트 리 와 관계 가 없습니다. (처음에 boost 는 결정 트 리 와 관계 가 있다 는 것 을 이해 하기 시 작 했 습 니 다) 당연히 알고리즘 과 관계 가 있 지만 이것 이 아 닙 니 다. boost 는 강화 라 는 뜻 입 니 다. adaboost 는 adaptive boosting 으로 자가 적응 하 는 증강 학습 입 니 다.그 핵심 은 앞 걸음 알고리즘 이 고 AdaBoost 알고리즘 은 앞 걸음 알고리즘 의 특례 입 니 다.우 리 는 전체적인 손실 함 수 를 단계별 로 구 하 는 손실 함수 와 권 리 를 다시 해결 하 는 것 으로 최적화 시 켰 다.장점.
Adaboost 。
,Adaboost 。
, , 。
, 。
overfitting。
단점:
outlier
또 다른 알고리즘 Bagging 사상 은 더욱 간단 합 니 다. 훈련 집합 데 이 터 를 여러 번 샘플링 한 다음 에 샘플링 한 후에 다시 놓 습 니 다. 샘플링 데 이 터 는 하나의 기본 학습 기 를 훈련 시 킨 다음 에 여러 개의 기본 학습 기 를 선형 으로 조합 하여 강 한 학습 기 를 얻 었 습 니 다. 최종 결 과 는 여러 개의 기본 학습 기 를 통 해 표결 되 었 고 Random forest 는 기본 학습 기 를 결정 트 리 로 하 는 Bagging 입 니 다.일반적으로 Random forest 는 baging 보다 효과 가 좋 습 니 다!,다른 하 나 는 Random forest 가 샘플링 횟수 가 많 을 수 있 고 같은 샘플 은 여러 번 샘플링 할 수 있 으 며 baging 은 상대 적 으로 적다.무 작위 삼림 은 간단 하고 실현 하기 쉬 우 며 계산 비용 이 적 고 성능 도 강하 기 때문에 사용 하 는 곳 도 비교적 많다.
baging 과 boosting 의 차이:
양자 의 주요 차 이 는 샘플링 방식 이 다르다 는 것 이다.baging 은 균일 한 샘플링 을 사용 하고 Boosting 은 오류 율 에 따라 샘플링 을 하기 때문에 boosting 의 분류 정 도 는 Bagging 보다 우수 합 니 다.baging 의 훈련 집의 선택 은 무 작위 적 이 고 각 라운드 훈련 집 간 에 서로 독립 되 며 boostlng 의 각 라운드 훈련 집의 선택 은 앞의 각 라운드 의 학습 결과 와 관계 가 있다.baging 의 각 예측 함 수 는 가중치 가 없 으 며, boosting 은 가중치 가 있 습 니 다.baging 의 각 예측 함 수 는 병행 하여 생 성 할 수 있 으 며, boosting 의 각 예측 함 수 는 순서대로 만 생 성 할 수 있 습 니 다.신경 망 처럼 시간 이 많이 걸 리 는 학습 방법.baging 은 병행 훈련 을 통 해 많은 시간 을 절약 할 수 있다.
baging 과 boosting 은 분류의 정확성 을 효과적으로 높 일 수 있다.대부분의 데이터 에 서 는 boosting 의 정확성 이 baging 보다 높다.일부 데이터 에 집중 하면 boosting 은 퇴화 를 일 으 킬 수 있 습 니 다 - Overfit.
Boosting 사상의 개선 형 AdaBoost 방법 은 메 일 여과, 텍스트 분류 에 있어 모두 좋 은 성능 을 가진다.
Gradient boosting (Mart, Treenet): Boosting 은 하나의 사상 입 니 다. Gradient Boosting 은 Boosting 을 실현 하 는 방법 입 니 다. 모델 을 만 들 때마다 모델 손실 함수 의 경사도 하강 방향 을 만 드 는 것 이 주요 사상 입 니 다. 손실 함수 (loss function)모델 의 불 신 정 도 를 묘사 한 것 으로, 손실 함수 가 클 수록 모델 에 오류 가 발생 하기 쉽다 는 것 을 의미한다. 만약 우리 의 모델 이 손실 함 수 를 지속 적 으로 떨 어 뜨 릴 수 있다 면, 우리 의 모델 이 끊임없이 개선 되 고 있다 는 것 을 설명 한다. 가장 좋 은 방법 은 손실 함 수 를 그 경사도 (Gradient) 의 방향 에서 떨 어 뜨리 는 것 이다. 이것 은 매우 강하 고, 뒤에 전문 적 으로 한 편 을 써 서 쓰 는 것 이다.
저 는 AdaBoost 기계 학습 실전 의 실현 을 쓰 겠 습 니 다.
from numpy import *
def loadSimpData():
datMat = matrix([[ 1. , 2.1],
[ 2. , 1.1],
[ 1.3, 1. ],
[ 1. , 1. ],
[ 2. , 1. ]])
classLabels = [1.0, 1.0, -1.0, -1.0, 1.0]
return datMat,classLabels
def loadDataSet(fileName): #general function to parse tab -delimited floats
numFeat = len(open(fileName).readline().split('\t')) #get number of fields
dataMat = []; labelMat = []
fr = open(fileName)
for line in fr.readlines():
lineArr =[]
curLine = line.strip().split('\t')
for i in range(numFeat-1):
lineArr.append(float(curLine[i]))
dataMat.append(lineArr)
labelMat.append(float(curLine[-1]))
return dataMat,labelMat
def stumpClassify(dataMatrix,dimen,threshVal,threshIneq):#just classify the data
retArray = ones((shape(dataMatrix)[0],1))
if threshIneq == 'lt':
retArray[dataMatrix[:,dimen] <= threshVal] = -1.0
else:
retArray[dataMatrix[:,dimen] > threshVal] = -1.0
return retArray
def buildStump(dataArr,classLabels,D):
dataMatrix = mat(dataArr); labelMat = mat(classLabels).T
m,n = shape(dataMatrix)
numSteps = 10.0; bestStump = {}; bestClasEst = mat(zeros((m,1)))
minError = inf #init error sum, to +infinity
for i in range(n):#loop over all dimensions
rangeMin = dataMatrix[:,i].min(); rangeMax = dataMatrix[:,i].max();
stepSize = (rangeMax-rangeMin)/numSteps
for j in range(-1,int(numSteps)+1):#loop over all range in current dimension
for inequal in ['lt', 'gt']: #go over less than and greater than
threshVal = (rangeMin + float(j) * stepSize)
predictedVals = stumpClassify(dataMatrix,i,threshVal,inequal)#call stump classify with i, j, lessThan
errArr = mat(ones((m,1)))
errArr[predictedVals == labelMat] = 0
weightedError = D.T*errArr #calc total error multiplied by D
print "split: dim %d, thresh %.2f, thresh ineqal: %s, the weighted error is %.3f" % (i, threshVal, inequal, weightedError)
if weightedError < minError:
minError = weightedError
bestClasEst = predictedVals.copy()
bestStump['dim'] = i
bestStump['thresh'] = threshVal
bestStump['ineq'] = inequal
return bestStump,minError,bestClasEst
def adaBoostTrainDS(dataArr,classLabels,numIt=40):
weakClassArr = []
m = shape(dataArr)[0]
D = mat(ones((m,1))/m) #init D to all equal
aggClassEst = mat(zeros((m,1)))
for i in range(numIt):
bestStump,error,classEst = buildStump(dataArr,classLabels,D)#build Stump
#print "D:",D.T
alpha = float(0.5*log((1.0-error)/max(error,1e-16)))#calc alpha, throw in max(error,eps) to account for error=0
bestStump['alpha'] = alpha
weakClassArr.append(bestStump) #store Stump Params in Array
#print "classEst: ",classEst.T
expon = multiply(-1*alpha*mat(classLabels).T,classEst) #exponent for D calc, getting messy
D = multiply(D,exp(expon)) #Calc New D for next iteration
D = D/D.sum()
#calc training error of all classifiers, if this is 0 quit for loop early (use break)
aggClassEst += alpha*classEst
#print "aggClassEst: ",aggClassEst.T
aggErrors = multiply(sign(aggClassEst) != mat(classLabels).T,ones((m,1)))
errorRate = aggErrors.sum()/m
print "total error: ",errorRate
if errorRate == 0.0: break
return weakClassArr,aggClassEst
def adaClassify(datToClass,classifierArr):
dataMatrix = mat(datToClass)#do stuff similar to last aggClassEst in adaBoostTrainDS
m = shape(dataMatrix)[0]
aggClassEst = mat(zeros((m,1)))
for i in range(len(classifierArr)):
classEst = stumpClassify(dataMatrix, classifierArr[0][i]['dim'],classifierArr[0][i]['thresh'],classifierArr[0][i]['ineq'])
aggClassEst += classifierArr[0][i]['alpha']*classEst
print aggClassEst
return sign(aggClassEst)
def plotROC(predStrengths, classLabels):
import matplotlib.pyplot as plt
cur = (1.0,1.0) #cursor
ySum = 0.0 #variable to calculate AUC
numPosClas = sum(array(classLabels)==1.0)
yStep = 1/float(numPosClas); xStep = 1/float(len(classLabels)-numPosClas)
sortedIndicies = predStrengths.argsort()#get sorted index, it's reverse
fig = plt.figure()
fig.clf()
ax = plt.subplot(111)
#loop through all the values, drawing a line segment at each point
for index in sortedIndicies.tolist()[0]:
if classLabels[index] == 1.0:
delX = 0; delY = yStep;
else:
delX = xStep; delY = 0;
ySum += cur[1]
#draw line from cur to (cur[0]-delX,cur[1]-delY)
ax.plot([cur[0],cur[0]-delX],[cur[1],cur[1]-delY], c='b')
cur = (cur[0]-delX,cur[1]-delY)
ax.plot([0,1],[0,1],'b--')
plt.xlabel('False positive rate'); plt.ylabel('True positive rate')
plt.title('ROC curve for AdaBoost horse colic detection system')
ax.axis([0,1,0,1])
plt.show()
print "the Area Under the Curve is: ",ySum*xStep
if __name__ == '__main__':
'''datArr, labelArr = loadDataSet('horseColicTraining2.txt')
classifierArray = adaBoostTrainDS(datArr, labelArr, 10)
print classifierArray
testArr, testLabelArr = loadDataSet('horseColicTest2.txt')
prediction = adaClassify(testArr, classifierArray)
errArr = mat(ones((67, 1)))
print errArr[prediction != mat(testLabelArr).T].sum()
'''
datMat, classLabels = loadSimpData()
classifierArr = adaBoostTrainDS(datMat, classLabels, 30)
print classifierArr
print adaClassify([0, 0], classifierArr)
이 내용에 흥미가 있습니까?
현재 기사가 여러분의 문제를 해결하지 못하는 경우 AI 엔진은 머신러닝 분석(스마트 모델이 방금 만들어져 부정확한 경우가 있을 수 있음)을 통해 가장 유사한 기사를 추천합니다:
형태소 분석은 데스크톱을 구성하는 데 도움이?문자×기계 학습에 흥미를 가져와 개인 범위의 용도를 생각해, 폴더 정리에 사용할 수 있을까 생각해 검토를 시작했습니다. 이번 검토에서는 폴더 구성 & text의 읽기 → mecab × wordcloud를 실시하고 있...
텍스트를 자유롭게 공유하거나 복사할 수 있습니다.하지만 이 문서의 URL은 참조 URL로 남겨 두십시오.
CC BY-SA 2.5, CC BY-SA 3.0 및 CC BY-SA 4.0에 따라 라이센스가 부여됩니다.