파이썬 머신러닝

sklearn.model_selection(train_test_split, 교차검증)

꼬마곰 2021. 5. 6. 15:19
반응형

Model Selection 소개

 # 학습/테스트 데이터 분리
 from sklearn.model_selection import train_test_split

 # 교차 검증
 from sklearn.model_selection import KFold

학습/테스트 데이터의 이해

학습 데이터로 잘못된 예측 케이스

 from sklearn.datasets import load_iris
 from sklearn.tree import DecisionTreeClassifier
 from sklearn.metrics import accuracy_score
 
 # iris 데이터 로드
 iris = load_iris()

 # 학습 데이터 세팅
 train_data = iris.data
 train_label = iris.target
 # 디시젼트리 분류기 인스턴스(객체) 생성
 dt_clf = DecisionTreeClassifier()
 
 # 학습 데이터로 학습
 dt_clf.fit(train_data, train_label)

DecisionTreeClassifier()

 # 학습 데이터로 예측 수행 : 학습 데이터로 predict(테스트)를 했기 때문에 100%
 pred = dt_clf.predict(train_data)
 print('예측 정확도:', accuracy_score(train_label,pred))

예측 정확도: 1.0

테스트 데이터로 predict해야 제대로된 예측

 from sklearn.tree import DecisionTreeClassifier
 from sklearn.metrics import accuracy_score
 from sklearn.datasets import load_iris
 from sklearn.model_selection import train_test_split

 dt_clf = DecisionTreeClassifier( )
 iris_data = load_iris()

 # train_test_split 함수 : 학습, 테스트 데이터 분리 # train : 남겨둘 객체, test : 테스트할 객체
 X_train, X_test, y_train, y_test= train_test_split(iris_data.data, iris_data.target, 
                                                    test_size=0.3, random_state=121)
 print(X_train.shape)
 print(X_test.shape)

(105, 4)

(45, 4)

 # 모델 학습
 dt_clf.fit(X_train, y_train)

 # 테스트 데이터로 예측
 pred = dt_clf.predict(X_test)
 print('예측 정확도: {0:.4f}'.format(accuracy_score(y_test,pred)))

예측 정확도: 0.9556

 import pandas as pd

 iris_df = pd.DataFrame(iris_data.data, columns=iris_data.feature_names)
 iris_df['target'] = iris_data.target

 print(iris_df.shape)
 iris_df.head()

(150, 5)

 # 타겟 빼고 피쳐 정의
 ftr_df = iris_df.iloc[:, :-1]
 
 # 타겟 정의
 tgt_df = iris_df.iloc[:, -1]

 # train_test_split 함수 : 학습/테스트 데이터 나누기
 X_train, X_test, y_train, y_test = train_test_split(ftr_df, tgt_df, 
                                                    test_size=0.3, random_state=121)
 # 머신러닝 모델 정의
 dt_clf = DecisionTreeClassifier( )

 # 학습
 dt_clf.fit(X_train, y_train)

 # 테스트 데이터로 예측
 pred = dt_clf.predict(X_test)
 print('예측 정확도: {0:.4f}'.format(accuracy_score(y_test,pred)))

예측 정확도: 0.9556

교차 검증

K 폴드

 from sklearn.tree import DecisionTreeClassifier
 from sklearn.metrics import accuracy_score # 학습 정확도 측정
 from sklearn.model_selection import KFold  # 일반 KFold
 import numpy as np

 # 데이터 로드
 iris = load_iris()
 label = iris.target
 features = iris.data

 print(features.shape)
 features

...............

 # 모델 정의, random_state 는 아무 숫자나 가능 하지만 동일한 숫자사용
 dt_clf = DecisionTreeClassifier(random_state=156)
 dt_clf

DecisionTreeClassifier(random_state=156)

 

cv(cross validation):교차검증

 # 5개의 폴드 세트로 분리하는 KFold 객체와 폴드 세트별 정확도를 담을 리스트 객체 생성.
 kfold = KFold(n_splits=5)  # k=5, 검증 5번
 cv_accuracy = []           # 최종적으로는 k번의 교차검증의 평균 정확도 계산
 print('붓꽃 데이터 세트 크기:', features.shape[0])

붓꽃 데이터 세트 크기: 150

 # for문이 도는 동안 generator가 kfold된 데이터의 학습, 검증 row 인덱스를 array로 반환  
 kfold.split(features)

<generator object _BaseKFold.split at 0x0000015CA2D97580>

 n_iter = 0

 # KFold객체의 split( ) 호출하면 폴드 별 학습용, 검증용 테스트의 row 인덱스를 array로반환  
 for train_index, test_index  in kfold.split(features):
     # kfold.split( )으로 반환된 인덱스를 이용하여 학습용, 검증용 테스트 데이터 추출
     X_train, X_test = features[train_index], features[test_index]
     y_train, y_test = label[train_index], label[test_index]
     
     # 학습 및 예측 
     dt_clf.fit(X_train , y_train)    
     pred = dt_clf.predict(X_test)
     n_iter += 1
    
     # 반복 시 마다 정확도 측정 
     accuracy = np.round(accuracy_score(y_test,pred), 4)  # 정확도 : 소수점 4자리까지 구함
     train_size = X_train.shape[0]
     test_size = X_test.shape[0]
     print('\n#{0} 교차 검증 정확도 :{1}, 학습 데이터 크기: {2}, 검증 데이터 크기: {3}'
           .format(n_iter, accuracy, train_size, test_size))
     print('#{0} 검증 세트 인덱스:{1}'.format(n_iter,test_index))
    
     cv_accuracy.append(accuracy)
    
 # 개별 iteration별 정확도를 합하여 평균 정확도 계산 
 print('\n## 평균 검증 정확도:', np.mean(cv_accuracy)) 

#1 교차 검증 정확도 :1.0, 학습 데이터 크기: 120, 검증 데이터 크기: 30

#1 검증 세트 인덱스:[ 0 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23 24 25 26 27 28 29]

 

#2 교차 검증 정확도 :0.9667, 학습 데이터 크기: 120, 검증 데이터 크기: 30

#2 검증 세트 인덱스:[30 31 32 33 34 35 36 37 38 39 40 41 42 43 44 45 46 47 48 49 50 51 52 53 54 55 56 57 58 59]

 

#3 교차 검증 정확도 :0.8667, 학습 데이터 크기: 120, 검증 데이터 크기: 30

#3 검증 세트 인덱스:[60 61 62 63 64 65 66 67 68 69 70 71 72 73 74 75 76 77 78 79 80 81 82 83 84 85 86 87 88 89]

 

#4 교차 검증 정확도 :0.9333, 학습 데이터 크기: 120, 검증 데이터 크기: 30

#4 검증 세트 인덱스:[ 90 91 92 93 94 95 96 97 98 99 100 101 102 103 104 105 106 107 108 109 110 111 112 113 114 115 116 117 118 119]

 

#5 교차 검증 정확도 :0.7333, 학습 데이터 크기: 120, 검증 데이터 크기: 30

#5 검증 세트 인덱스:[120 121 122 123 124 125 126 127 128 129 130 131 132 133 134 135 136 137 138 139 140 141 142 143 144 145 146 147 148 149]

 

## 평균 검증 정확도: 0.9

Stratified K 폴드

KFOLD 교차검증의 문제점 : 불균형한 데이터에는 적용이 안된다.
이를 해결할 방법이 StratifiedKFold : 불균형한 분포도를 가진 레이블 데이터 집합을 균형하게 섞어주고 교차검증을 진행한다.

 import pandas as pd

 # iris 데이터 로드
 iris = load_iris()
 iris_df = pd.DataFrame(data=iris.data, columns=iris.feature_names)

 # iris 타겟값 확인
 iris_df['label'] = iris.target
 iris_df['label'].value_counts()

2 50

1 50

0 50

Name: label, dtype: int64

 kfold = KFold(n_splits=3)
 # kfold.split(X)는 폴드 세트를 3번 반복할 때마다 달라지는 학습/테스트 용 데이터 로우 인덱스 번호 반환. 
 n_iter =0
 for train_index, test_index  in kfold.split(iris_df):
     n_iter += 1
     label_train= iris_df['label'].iloc[train_index]  # 학습 레이블
     label_test= iris_df['label'].iloc[test_index]    # 검증 레이블
     
     print('## 교차 검증: {0}'.format(n_iter))
     print('학습 레이블 데이터 분포:\n', label_train.value_counts())       # 학습 레이블 분포
     print('검증 레이블 데이터 분포:\n', label_test.value_counts(), '\n')  # 검증 레이블 분포

## 교차 검증: 1

학습 레이블 데이터 분포:

2 50

1 50

Name: label, dtype: int64

검증 레이블 데이터 분포:

0 50

Name: label, dtype: int64

 

## 교차 검증: 2

학습 레이블 데이터 분포:

2 50

0 50

Name: label, dtype: int64

검증 레이블 데이터 분포:

1 50

Name: label, dtype: int64

 

## 교차 검증: 3

학습 레이블 데이터 분포:

1 50

0 50

Name: label, dtype: int64

검증 레이블 데이터 분포:

2 50

Name: label, dtype: int64

 

-> kfold를 했더니 불균형하게 학습 레이블, 검증 레이블이 들어가 있으므로 검증이 제대로 되지 않는다

이를 해결할 방법이 StratifiedKFold : 불균형한 분포도를 가진 레이블 데이터 집합을 균형하게 섞어주고 교차검증을 진행한다.

 from sklearn.model_selection import StratifiedKFold

 # StratifiedKFold 클래스의 인스턴스 선언 : skf
 skf = StratifiedKFold(n_splits=3)
 n_iter=0

 # StratifiedKFold 사용시 KFold와 차이점 : 레이블 값을 넣어줘서 레이블에 맞게 균일하게 분포를 맞춰준다.
 for train_index, test_index in skf.split(iris_df, iris_df['label']):
    n_iter += 1
    label_train= iris_df['label'].iloc[train_index]
    label_test= iris_df['label'].iloc[test_index]
    
    print('## 교차 검증: {0}'.format(n_iter))
    print('학습 레이블 데이터 분포:\n', label_train.value_counts())
    print('검증 레이블 데이터 분포:\n', label_test.value_counts(), '\n')

## 교차 검증: 1

학습 레이블 데이터 분포:

2 34

1 33

0 33

Name: label, dtype: int64

검증 레이블 데이터 분포:

1 17

0 17

2 16

Name: label, dtype: int64

 

## 교차 검증: 2

학습 레이블 데이터 분포:

1 34

2 33

0 33

Name: label, dtype: int64

검증 레이블 데이터 분포:

2 17

0 17

1 16

Name: label, dtype: int64

 

## 교차 검증: 3

학습 레이블 데이터 분포:

0 34

2 33

1 33

Name: label, dtype: int64

검증 레이블 데이터 분포:

2 17

1 17

0 16

Name: label, dtype: int64

 

-> StratifiedKFold 했더니 균일하게 학습 레이블, 검증 레이블이 들어가 있으므로 검증이 제대로 된다!

최종적으로 StratifiedKFold를 활용한 교차 검증 정확도 확인

 from sklearn.model_selection import StratifiedKFold # StratifiedKFold 데이터들을 섞어준다.

 dt_clf = DecisionTreeClassifier(random_state=156)

 skfold = StratifiedKFold(n_splits=3)
 n_iter=0
 cv_accuracy=[]

 # StratifiedKFold의 split( ) 호출시 반드시 레이블 데이터 셋도 추가 입력 필요  
 for train_index, test_index  in skfold.split(features, label):
    # split( )으로 반환된 인덱스를 이용하여 학습용, 검증용 테스트 데이터 추출
    X_train, X_test = features[train_index], features[test_index]
    y_train, y_test = label[train_index], label[test_index]
    
    #학습 및 예측 
    dt_clf.fit(X_train , y_train)    
    pred = dt_clf.predict(X_test)

    # 반복 시 마다 정확도 측정 
    n_iter += 1
    accuracy = np.round(accuracy_score(y_test,pred), 4)
    train_size = X_train.shape[0]
    test_size = X_test.shape[0]
    
    print('\n#{0} 교차 검증 정확도 :{1}, 학습 데이터 크기: {2}, 검증 데이터 크기: {3}'
          .format(n_iter, accuracy, train_size, test_size))
    print('#{0} 검증 세트 인덱스:{1}'.format(n_iter,test_index))
    cv_accuracy.append(accuracy)
    
 # 교차 검증별 정확도 및 평균 정확도 계산 
 print('\n## 교차 검증별 정확도:', np.round(cv_accuracy, 4))
 print('## 평균 검증 정확도:', np.mean(cv_accuracy)) 

#1 교차 검증 정확도 :0.98, 학습 데이터 크기: 100, 검증 데이터 크기: 50

#1 검증 세트 인덱스:[ 0 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 50 51 52 53 54 55 56 57 58 59 60 61 62 63 64 65 66 100 101 102 103 104 105 106 107 108 109 110 111 112 113 114 115]

 

#2 교차 검증 정확도 :0.94, 학습 데이터 크기: 100, 검증 데이터 크기: 50

#2 검증 세트 인덱스:[ 17 18 19 20 21 22 23 24 25 26 27 28 29 30 31 32 33 67 68 69 70 71 72 73 74 75 76 77 78 79 80 81 82 116 117 118 119 120 121 122 123 124 125 126 127 128 129 130 131 132]

 

#3 교차 검증 정확도 :0.98, 학습 데이터 크기: 100, 검증 데이터 크기: 50

#3 검증 세트 인덱스:[ 34 35 36 37 38 39 40 41 42 43 44 45 46 47 48 49 83 84 85 86 87 88 89 90 91 92 93 94 95 96 97 98 99 133 134 135 136 137 138 139 140 141 142 143 144 145 146 147 148 149]

 

## 교차 검증별 정확도: [0.98 0.94 0.98]

## 평균 검증 정확도: 0.9666666666666667

 

-> 아까보다 좋은 검증 정확도가 나왔다
StratifiedKFold가 더 좋은 결과가 나옴

cross_val_score( ) : 교차검증을 보다 간편하게

폴드 세트 추출, 학습 및 예측, 평가 과정들을 한번에 수행

 from sklearn.tree import DecisionTreeClassifier
 # cross_val_score
 from sklearn.model_selection import cross_val_score , cross_validate
 from sklearn.datasets import load_iris
 import numpy as np

 iris_data = load_iris()
 dt_clf = DecisionTreeClassifier(random_state=156)

 data = iris_data.data
 label = iris_data.target

 # 성능 지표는 정확도(accuracy), 교차 검증 세트는 3개 
 scores = cross_val_score(dt_clf , data , label , scoring='accuracy', cv=3)
 print('교차 검증별 정확도:',np.round(scores, 4))
 print('평균 검증 정확도:', np.round(np.mean(scores), 4))

교차 검증별 정확도: [0.98 0.94 0.98]

평균 검증 정확도: 0.9667]

*GridSearchCV : 교차 검증 + 하이퍼 파라미터 튜닝

- 하이퍼 파라미터 : 모델의 성능을 최대로 끌어올리는 학습 조건
- 하이퍼 파라미터 튜닝의 중요성 : 학습 조건을 잘 설정해야 최대의 성능을 내는 머신러닝 모델을 얻을 수 있다.

 from sklearn.datasets import load_iris
 from sklearn.tree import DecisionTreeClassifier
 from sklearn.model_selection import GridSearchCV, train_test_split
 from sklearn.metrics import accuracy_score

 # iris 데이터를 로드
 iris = load_iris()

 # 학습/테스트 데이터 분리
 X_train, X_test, y_train, y_test = train_test_split(iris_data.data, iris_data.target, 
                                                    test_size=0.2, random_state=121)

 # 모델 정의
 dtree = DecisionTreeClassifier()

 ### hyper-parameter 들을 딕셔너리 형태로 설정 # mex_depth 깊이
 parameters = {'max_depth':[1, 2, 3], 'min_samples_split':[2,3]}
 
 import pandas as pd

 # param_grid의 하이퍼 파라미터들을 3개의 train, test set fold 로 나누어서 테스트 수행 설정.  
 grid_dtree = GridSearchCV(dtree, param_grid=parameters, cv=3, refit=True, return_train_score=True)
 ### refit=True 가 default : 가장 좋은 파라미터 설정으로 재 학습 시킴.  

 # 붓꽃 Train 데이터로 param_grid의 하이퍼 파라미터들을 순차적으로 학습/평가 .
 grid_dtree.fit(X_train, y_train)
 # -> GridSearchCV 결과는 cv_results_ 라는 딕셔너리로 저장됨

 # 이를 DataFrame으로 변환해서 확인
 scores_df = pd.DataFrame(grid_dtree.cv_results_)
 scores_df[['params', 'mean_test_score', 'rank_test_score', 
           'split0_test_score', 'split1_test_score', 'split2_test_score']]

-> 가장 좋은 hyper-parameter는 {'max_depth': 3, 'min_samples_split': 3}

 print('GridSearchCV 최적 파라미터:', grid_dtree.best_params_)
 print('GridSearchCV 최고 정확도: {0:.4f}'.format(grid_dtree.best_score_))

 # refit=True로 설정된 GridSearchCV 객체가 fit()을 수행 시 학습이 완료된 Estimator를 내포하고 있으므로 predict()를 통해 예측도 가능. 
 pred = grid_dtree.predict(X_test)
 print('테스트 데이터 세트 정확도: {0:.4f}'.format(accuracy_score(y_test, pred)))

GridSearchCV 최적 파라미터: {'max_depth': 3, 'min_samples_split': 2} GridSearchCV 최고 정확도: 0.9750 테스트 데이터 세트 정확도: 0.9667

 # 테스트 데이터 예측 정확도 확인
 accuracy_score(y_test, pred)

0.9666666666666667

 # estimator 종류
 # 1. 분류 : DecisionTreeClassifier, RandomForestClassifier, ...
 # 2. 회귀 : LinearRegression, ...
 
 # GridSearchCV의 refit으로 이미 학습이 된 estimator 반환
 # 위에서 dtree = DecisionTreeClassifier() 로 estimator를 선언했고, 이를 GridSearchCV에 넣었으므로,
 estimator = grid_dtree.best_estimator_
 estimator

DecisionTreeClassifier(max_depth=3)

 # GridSearchCV의 best_estimator_는 이미 최적 하이퍼 파라미터로 학습이 됨
 pred = estimator.predict(X_test)
 print('테스트 데이터 세트 정확도: {0:.4f}'.format(accuracy_score(y_test, pred)))

테스트 데이터 세트 정확도: 0.9667

 

결론:
GridSearchCV를 사용했더니 교차검증을 통해 최적의 모델 성능을 내는 하이퍼 파라미터 튜닝을 했다.
즉, 정확도가 높은 모델을 얻었다!

반응형