728x90
반응형

 

 

 

코드 

 

from sklearn.model_selection import GridSearchCV

params = {
    'n_estimators':[100],
    'max_depth'   : [6,8,10.,12],
    'min_samples_leaf' : [8,12, 18], 
    'min_samples_split' : [8,16, 20]
}

rf_clf = RandomForestClassifier(random_state=0)
model = rf_clf

 

 

grid_cv = GridSearchCV(model, param_grid=params, cv=2, n_jobs=-1)
grid_cv.fit(X_train, y_train)

print('Best parameter:\n', grid_cv.best_params_)
print('Highest accuracy: {0:.4f}'.format(grid_cv.best_score_))

 

 

 

 

 

 

 

 

 

 

출처: 파이썬 머신러닝 완벽가이드 p220

 

 

728x90
반응형
728x90
반응형

def roc_curve_plot(y_test, pred_proba_c1):
    fprs, tprs, thresholds = roc_curve(y_test, pred_proba_c1)
    plt.plot(fprs, tprs, label='ROC')
    plt.plot([0,1], [0,1], 'k--', label='Random')
    
    start, end = plt.xlim()
    plt.xticks(np.round(np.arange(start, end, 0.1), 2))
    plt.xlim(0,1);plt.ylim(0,1)
    plt.xlabel('FPR( 1 - sensitivity )'); plt.ylabel('TPR( Recall )')
    plt.legend()
    

    

728x90
반응형
728x90
반응형
from sklearn.metrics import accuracy_score, precision_score, recall_score, confusion_matrix, f1_score, roc_auc_score
from sklearn.metrics import roc_curve
def get_clf_eval(y_test, pred=None, pred_proba=None):
    confusion = confusion_matrix(y_test, pred)
    accuracy= accuracy_socre(y_test, pred)
    precision = precision_score(y_test, pred)
    recall = recall_score(y_test, pred)
    f1 = f1_score(y_test, pred)
    roc_auc = roc_auc_score(y_test, pred_proba)
    print('error matrix')
    print(confusion)
    print('Accu : {0:.4f}, Prec : {1:.4f}, Recu : {2:.4f},\
             F1 : {3:.4f},  AUC : {4:.4f}'.format(accuracy, precision, recall, f1, roc_auc))
728x90
반응형
728x90
반응형

전처리 과정에서, 시계열 데이터를 살펴볼때 아래와 같이 slider 를 사용하면 missing-data 를 찾거나, 경향성 파악에 크게 도움이 된다. 

 

 

 

코드

 

df.reset_index(inplace=True)

 

 

import plotly.express as px
fig=px.line(df, x='Date', y='Tair_C', title='Tair_Cm with slider')

fig.update_xaxes(
    rangeslider_visible=True,
    rangeselector=dict(
        buttons=list([
            dict(count=1, label="1m", step="month", stepmode="backward"),
            dict(count=2, label="3m", step="month", stepmode="backward"),
            dict(count=2, label="6m", step="month", stepmode="backward"),
            dict(step="all")]
        )
    )
)
            
fig.show()

728x90
반응형
728x90
반응형

연직 고층 기상 관측장비인 라디오존데가 플라스틱 쓰레기 논란에 휘말렸다. 

아무리 위성관측과 원격측정 기술이 발전해도 대기 구조를 직접관측하는 유일한 장비인 라디오존데. 

기온이 영하인 고층에서의 방온유지를 위해 스티로폼을 포장재로 사용할 수 밖에 없고, 각 종 센서와 기기판등이 지상으로 낙하되면 쓰레기로 처리될 수 밖에 없다. 

요즘은 바람까지 측정가능한 GPS 기능이 탑재된 레윈존데가 사용된다.

예전에는 주소라도 써서 기상청에서 수거하는 경우가 간혹있었지만, 지금은 바다에 낙하하면 수거 불가능.

 

전세계에서 연간 1억개의 라디오존데를 띄우고, 약 10억 이상의 예산이 쓰인다. 

 

 

 

매년 85만개 하늘의 플라스틱 쓰레기 라디오존데 (ecoday.kr)

 

매년 85만개 하늘의 플라스틱 쓰레기 라디오존데

39억 투입 ′친환경라디오존데′ 만들고도 무용지물전혀 활용하지 못한 채 폐기한 기상청 현실 드러나 2013~15년까지 단 한 차례도 활용 못한 채 폐기세계적 기상장비 업체 Vaisala사 ′반환경 부정

ecoday.kr

 

728x90
반응형
728x90
반응형

 

728x90
반응형
728x90
반응형

datetime 변환 코드 상에서 이와 같은 에러가 발생

 

pandas 데이터 인식이 잘 못된 경우일 수 있다. 아래와 같이 설정

 

 

train["datetime"] = pd.to_datetime(train["datetime"])

 

 

 

 

 

 

.dt에서 어트리뷰트 에러발생 - 인프런 | 질문 & 답변 (inflearn.com)

 

.dt에서 어트리뷰트 에러발생 - 인프런 | 질문 & 답변

train['year'] = train['datetime'].dt.year train['month'] = train['datetime'].dt.month train['day'] = train['datetime'].dt.day train['hour'] = train['...

www.inflearn.com

 

728x90
반응형
728x90
반응형

 

Vapor Pressure Deficit(VPD) Guide (tistory.com)

 

Vapor Pressure Deficit(VPD) Guide

VPD를 이용하면 식물이 성장하는데 필요한 정확한 온도 및 습도 범위를 식별 할 수 있다. VPD를 이용하면 해충 및 환경 문제를 피하면서 최상의 결과를 얻을 수 있다. VPD는 식물의 증산 속도, 기공

makerjeju.tistory.com

 

 

VPD(수증기 압차:Vapour-pressure deficit) 계산 : 네이버 블로그 (naver.com)

 

VPD(수증기 압차:Vapour-pressure deficit) 계산

온도, 습도값에 따른 VPD과 작물 증산 - 녹색구간이 작물 생육에 좋은 증산 구간 VPD과 증산 1. 압력...

blog.naver.com

 

728x90
반응형
728x90
반응형

https://youtu.be/1sLJzIVOKes

728x90
반응형
728x90
반응형

Tree기반 모델(DecisionTree, RandomForest)의 분할 그래프 시각화하기 (graphviz) (teddylee777.github.io)

 

Tree기반 모델(DecisionTree, RandomForest)의 분할 그래프 시각화하기 (graphviz)

Tree모델의 분할 그래프 시각화(Graphviz)하는 방법에 대하여 알아보겠습니다.

teddylee777.github.io

 

728x90
반응형

+ Recent posts