Your Web News in One Place

Help Webnuz

Referal links:

Sign up for GreenGeeks web hosting
November 12, 2022 07:39 pm GMT

Running Random Forest

Introduction:

Random Forest is a Supervised Machine Learning Algorithm that is used widely in Classification and Regression problems. It builds decision trees on different samples and takes their majority vote for classification and average in case of regression.
One of the most important features of the Random Forest Algorithm is that it can handle the data set containing continuous variables as in the case of regression and categorical variables as in the case of classification. It performs better results for classification problems.

Real Life Analogy:-

Image description

Working of Random Forest Algorithm:

We need to know the Ensemble technique. Ensemble uses two types of methods:

1. Bagging :- It creates a different training subset from the sample training data with a replacement & the final output is based on majority voting. For example, Random Forest.

2. Boosting :- It combines weak learners into strong learners by creating sequential models such that the final model has the highest accuracy. For example, ADA BOOS, XG BOOST.

Image description

Steps involved in Random Forest:-

Step 1: In Random Forest n number of random records is taken from the data set having k number of records.
Step 2: Individual decision trees are constructed for each sample.
Step 3: Each decision tree will generate an output.
Step 4: Final Output is considered based on the Majority Voting for Classification and regression respectively.

Image description

Coding in Python:-

1. Let's Import the Libraries:

import pandas as pdimport numpy as npimport matplotlib.pyplot as pltimport seaborn as sns

2. Importing data set:

df = pd.read_csv('heart_v2.csv')print(df.head())sns.countplot(df['heart disease'])plt.title('Value counts of heart disease patients')plt.show()

Image description

3. Putting Feature Variable to X and Target Variable to Y:

X = df.drop('heart disease',axis=1)y = df['heart disease']

4. Train Test Split is Performed:

from sklearn.model_selection import train_test_splitX_train, X_test, y_train, y_test = train_test_split(X, y, train_size=0.7, random_state=42)X_train.shape, X_test.shape

Image description

5. Import RandomForestClassifier and fit the data:

from sklearn.ensemble import RandomForestClassifierclassifier_rf = RandomForestClassifier(random_state=42, n_jobs=-1, max_depth=5, n_estimators=100, oob_score=True)%%timeclassifier_rf.fit(X_train, y_train)classifier_rf.oob_score_

Image description

6. Hyperparameter tuning for Random Forest using GridSearchCV and fit the data:

rf = RandomForestClassifier(random_state=42, n_jobs=-1)params = {    'max_depth': [2,3,5,10,20],    'min_samples_leaf': [5,10,20,50,100,200],    'n_estimators': [10,25,30,50,100,200]}from sklearn.model_selection import GridSearchCVgrid_search = GridSearchCV(estimator=rf, param_grid=params, cv = 4, n_jobs=-1, verbose=1, scoring="accuracy")%%timegrid_search.fit(X_train, y_train)

Image description

grid_search.best_score_

Image description

rf_best = grid_search.best_estimator_rf_best

Image description

7. Visualization:

from sklearn.tree import plot_treeplt.figure(figsize=(80,40))plot_tree(rf_best.estimators_[5], feature_names = X.columns,class_names=['Disease', "No Disease"],filled=True);

Image description

from sklearn.tree import plot_treeplt.figure(figsize=(80,40))plot_tree(rf_best.estimators_[7], feature_names = X.columns,class_names=['Disease', "No Disease"],filled=True);

Image description

8. Sorting of Data according to feature importance:

rf_best.feature_importances_

Image description

imp_df = pd.DataFrame({    "Varname": X_train.columns,    "Imp": rf_best.feature_importances_})
imp_df.sort_values(by="Imp", ascending=False)

Image description

Summary:

Now, we can conclude that Random Forest is one of the best techniques with high performance which is widely used in various industries for its efficiency. It can handle binary, continuous, and categorical data.
Random Forest is a great choice if anyone wants to build the model fast and efficiently as one of the best things about the random forest is it can handle missing values too.
Overall, Random Forest is fast, simple, flexible and robust model with some limitations.


Original Link: https://dev.to/rashidgithub01/running-random-forest-14i5

Share this article:    Share on Facebook
View Full Article

Dev To

An online community for sharing and discovering great ideas, having debates, and making friends

More About this Source Visit Dev To