Stacking in Trident 1.1 [Stroke_Prediction.csv]
090520201852 Someone recently told me that I do not write enough so I will write: It is very nice when we have AUC of 85%. […]
090520201852 Someone recently told me that I do not write enough so I will write: It is very nice when we have AUC of 85%. […]
part 1: Determining the depth of trees by visualization using visualization¶ 230320201052 In [1]: import numpy as np import matplotlib.pyplot as plt import seaborn as […]
230320200907 Principal component analysis (PCA) https://jakevdp.github.io/PythonDataScienceHandbook/05.08-random-forests.html https://www.geeksforgeeks.org/principal-component-analysis-with-python/ In [1]: import pandas as pd import numpy as np import seaborn as sns import matplotlib.pyplot as plt df= […]
200320200904 In this case, the method did not improve the model. However, there are models in which the PCA method is a very important reason […]
200320200724 In [1]: import pandas as pd df = pd.read_csv(‘/home/wojciech/Pulpit/1/kaggletrain.csv’) df = df.dropna(how=’any’) df.dtypes Out[1]: Unnamed: 0 int64 PassengerId int64 Survived int64 Pclass int64 Name […]
In [1]: import time start_time = time.time() ## pomiar czasu: start pomiaru czasu print(time.ctime()) Mon Mar 9 09:36:05 2020 In [2]: import torch import torch.nn as […]
In [1]: import pandas as pd import numpy as np import seaborn as sns import matplotlib.pyplot as plt df= pd.read_csv(‘c:/1/Stroke_Prediction.csv’) df.head(5) Out[1]: ID Gender Age_In_Days […]
http://sigmaquality.pl/models/classification/part_5-stroke_prediction-tensorflow/ In [1]: import torch from torch.autograd import Variable import torch.nn.functional as F import torch.utils.data as Data import matplotlib.pyplot as plt import numpy as np import […]
Part_4 Stroke_Prediction – Modele klasyfikacji In [1]: import pandas as pd import numpy as np import seaborn as sns import matplotlib.pyplot as plt df= pd.read_csv(‘c:/1/Stroke_Prediction_NUM.csv’) […]
Part_3 Stroke_Prediction – Czy palenie przyczynia się do udaru mózgu W tej części przeprowadzę klasyfikację za pomocą modeli Model regresji logistycznej Random Forest Classifier Naive […]
Protected: Part_2 Stroke_Prediction – Preparation of data for the classification process Analiza ONE-WAY ANOVA¶ In [1]: import pandas as pd import numpy as np import seaborn […]
Part_1 Stroke_Prediction – Preparation of data for analysis In [1]: import pandas as pd import numpy as np import seaborn as sns import matplotlib.pyplot as […]
In [1]: from sklearn.datasets import load_breast_cancer from sklearn.feature_selection import RFECV from sklearn.model_selection import GridSearchCV from sklearn.model_selection import train_test_split from sklearn.ensemble import RandomForestClassifier import pandas as […]
Procedura 2: RandomForestClassifier¶ In [1]: from sklearn.datasets import load_breast_cancer from sklearn.feature_selection import RFECV from sklearn.model_selection import GridSearchCV from sklearn.model_selection import train_test_split from sklearn.ensemble import RandomForestClassifier import […]
In [1]: import time start_time = time.time() ## pomiar czasu: start pomiaru czasu print(time.ctime()) Wed Mar 11 07:58:05 2020 In [2]: import torch import torch.nn as […]
Copyright © 2024 | WordPress Theme by MH Themes