আমি বুঝতে চেষ্টা করছি যে কীভাবে আমি ডামি ভেরিয়েবলগুলিতে বিভক্ত একটি শ্রেণিবদ্ধ ভেরিয়েবলের বৈশিষ্ট্যটি গুরুত্ব পেতে পারি। আমি সাইকিট-লার্ন ব্যবহার করছি যা আপনার জন্য আর বা এইচ 2o এর মতো শ্রেণিবদ্ধ ভেরিয়েবলগুলি পরিচালনা করে না।
যদি আমি একটি স্পষ্টতাল ভেরিয়েবলকে ডামি ভেরিয়েবলগুলিতে বিভক্ত করি তবে আমি সেই পরিবর্তনশীলটিতে প্রতি শ্রেণি পৃথক বৈশিষ্ট্য আমদানি পাই।
আমার প্রশ্নটি হল, এই ডামি ভেরিয়েবল আমদানিগুলিকে কেবল সংক্ষিপ্ত করে একটি শ্রেণিবদ্ধ ভেরিয়েবলের জন্য একটি গুরুত্ব মূল্যের মধ্যে পুনরায় সংশ্লেষ করা কি বোধগম্য?
পরিসংখ্যানগত শিক্ষার উপাদানগুলির 368 পৃষ্ঠা থেকে:
পরিবর্তনশীল of এর স্কোয়ারের তুলনামূলক গুরুত্ব হ'ল সমস্ত অভ্যন্তরীণ নোডের উপর যেমন স্কোয়ারিং ভেরিয়েবল হিসাবে নির্বাচিত হয়েছিল এমন স্কোয়ার উন্নতির সমষ্টি ℓ
এটি আমাকে ভাবতে বাধ্য করে যে যেহেতু গুরুত্ব নীতিটি ইতিমধ্যে প্রতিটি নোডে একটি মেট্রিক যোগ করে ভেরিয়েবলটি নির্বাচিত করা হয়, তাই আমার ডামি ভেরিয়েবলের পরিবর্তনশীল গুরুত্বের মানগুলিকে একত্রিত করতে সক্ষম হওয়া উচিত শ্রেণিবদ্ধ ভেরিয়েবলের জন্য গুরুত্ব "পুনরুদ্ধার" করতে। অবশ্যই আমি এটি ঠিক সঠিক হওয়ার প্রত্যাশা করি না, তবে এগুলি মূল্যহীন প্রক্রিয়াটির মাধ্যমে পাওয়া যায় বলে এই মানগুলি যাইহোক সত্যই সঠিক মান।
আমি তদন্ত হিসাবে নিম্নলিখিত পাইথন কোডটি লিখেছি (বৃহস্পতিবারে):
import numpy as np
import pandas as pd
import matplotlib.pyplot as plt
from matplotlib import animation, rc
from sklearn.datasets import load_diabetes
from sklearn.ensemble import RandomForestClassifier
import re
#%matplotlib inline
from IPython.display import HTML
from IPython.display import set_matplotlib_formats
plt.rcParams['figure.autolayout'] = False
plt.rcParams['figure.figsize'] = 10, 6
plt.rcParams['axes.labelsize'] = 18
plt.rcParams['axes.titlesize'] = 20
plt.rcParams['font.size'] = 14
plt.rcParams['lines.linewidth'] = 2.0
plt.rcParams['lines.markersize'] = 8
plt.rcParams['legend.fontsize'] = 14
# Get some data, I could not easily find a free data set with actual categorical variables, so I just created some from continuous variables
data = load_diabetes()
df = pd.DataFrame(data.data, columns=[data.feature_names])
df = df.assign(target=pd.Series(data.target))
# Functions to plot the variable importances
def autolabel(rects, ax):
"""
Attach a text label above each bar displaying its height
"""
for rect in rects:
height = rect.get_height()
ax.text(rect.get_x() + rect.get_width()/2.,
1.05*height,
f'{round(height,3)}',
ha='center',
va='bottom')
def plot_feature_importance(X,y,dummy_prefixes=None, ax=None, feats_to_highlight=None):
# Find the feature importances by fitting a random forest
forest = RandomForestClassifier(n_estimators=100)
forest.fit(X,y)
importances_dummy = forest.feature_importances_
# If there are specified dummy variables, combing them into a single categorical
# variable by summing the importances. This code assumes the dummy variables were
# created using pandas get_dummies() method names the dummy variables as
# featurename_categoryvalue
if dummy_prefixes is None:
importances_categorical = importances_dummy
labels = X.columns
else:
dummy_idx = np.repeat(False,len(X.columns))
importances_categorical = []
labels = []
for feat in dummy_prefixes:
feat_idx = np.array([re.match(f'^{feat}_', col) is not None for col in X.columns])
importances_categorical = np.append(importances_categorical,
sum(importances_dummy[feat_idx]))
labels = np.append(labels,feat)
dummy_idx = dummy_idx | feat_idx
importances_categorical = np.concatenate((importances_dummy[~dummy_idx],
importances_categorical))
labels = np.concatenate((X.columns[~dummy_idx], labels))
importances_categorical /= max(importances_categorical)
indices = np.argsort(importances_categorical)[::-1]
# Plotting
if ax is None:
fig, ax = plt.subplots()
plt.title("Feature importances")
rects = ax.bar(range(len(importances_categorical)),
importances_categorical[indices],
tick_label=labels[indices],
align="center")
autolabel(rects, ax)
if feats_to_highlight is not None:
highlight = [feat in feats_to_highlight for feat in labels[indices]]
rects2 = ax.bar(range(len(importances_categorical)),
importances_categorical[indices]*highlight,
tick_label=labels[indices],
color='r',
align="center")
rects = [rects,rects2]
plt.xlim([-0.6, len(importances_categorical)-0.4])
ax.set_ylim((0, 1.125))
return rects
# Create importance plots leaving everything as categorical variables. I'm highlighting bmi and age as I will convert those into categorical variables later
X = df.drop('target',axis=1)
y = df['target'] > 140.5
plot_feature_importance(X,y, feats_to_highlight=['bmi', 'age'])
plt.title('Feature importance with bmi and age left as continuous variables')
#Create an animation of what happens to variable importance when I split bmi and age into n (n equals 2 - 25) different classes
# %%capture
fig, ax = plt.subplots()
def animate(i):
ax.clear()
# Split one of the continuous variables up into a categorical variable with i balanced classes
X_test = X.copy()
n_categories = i+2
X_test['bmi'] = pd.cut(X_test['bmi'],
np.percentile(X['bmi'], np.linspace(0,100,n_categories+1)),
labels=[chr(num+65) for num in range(n_categories)])
X_test['age'] = pd.cut(X_test['age'],
np.percentile(X['age'], np.linspace(0,100,n_categories+1)),
labels=[chr(num+65) for num in range(n_categories)])
X_test = pd.get_dummies(X_test, drop_first=True)
# Plot the feature importances
rects = plot_feature_importance(X_test,y,dummy_prefixes=['bmi', 'age'],ax=ax, feats_to_highlight=['bmi', 'age'])
plt.title(f'Feature importances for {n_categories} bmi and age categories')
ax.spines['top'].set_visible(False)
ax.spines['right'].set_visible(False)
ax.spines['bottom'].set_visible(False)
ax.spines['left'].set_visible(False)
return [rects,]
anim = animation.FuncAnimation(fig, animate, frames=24, interval=1000)
HTML(anim.to_html5_video())
এখানে ফলাফল কিছু আছে:
আমরা পর্যবেক্ষণ করতে পারি যে পরিবর্তনশীল গুরুত্বটি বেশিরভাগ বিভাগের সংখ্যার উপর নির্ভরশীল, যা আমাকে সাধারণভাবে এই চার্টের উপযোগিতা সম্পর্কে প্রশ্নবিদ্ধ করতে পরিচালিত করে। বিশেষত age
এর অবিচ্ছিন্ন অংশের তুলনায় অনেক বেশি মূল্যবোধে পৌঁছানোর গুরুত্ব ।
এবং পরিশেষে, যদি আমি তাদের ডামি ভেরিয়েবল (কেবলমাত্র বিএমআই) হিসাবে ছেড়ে দিই তবে একটি উদাহরণ:
# Split one of the continuous variables up into a categorical variable with i balanced classes
X_test = X.copy()
n_categories = 5
X_test['bmi'] = pd.cut(X_test['bmi'],
np.percentile(X['bmi'], np.linspace(0,100,n_categories+1)),
labels=[chr(num+65) for num in range(n_categories)])
X_test = pd.get_dummies(X_test, drop_first=True)
# Plot the feature importances
rects = plot_feature_importance(X_test,y, feats_to_highlight=['bmi_B','bmi_C','bmi_D', 'bmi_E'])
plt.title(f"Feature importances for {n_categories} bmi categories")