AI实战-泰坦尼克号生还可能性数据集分析预测实例(含19个源代码+
59.76 KB完整的数据集)
代码手工整理,无语法错误,可运行。
包括:19个代码,共121.84 KB;数据大小:1个文件共
59.76 KB。
使用到的模块:
pandas
numpy
seaborn
matplotlib.pyplot
warnings
sklearn.model_selection.train_test_split
sklearn.ensemble.RandomForestClassifier
sklearn.metrics.accuracy_score
sklearn.metrics.confusion_matrix
os
scipy.stats
sklearn.compose.ColumnTransformer
sklearn.impute.SimpleImputer
sklearn.preprocessing.OneHotEncoder
sklearn.impute.KNNImputer
sklearn.preprocessing.StandardScaler
sklearn.ensemble.RandomForestRegressor
sklearn.ensemble.GradientBoostingRegressor
sklearn.metrics.classification_report
sklearn.metrics.roc_auc_score
sklearn.model_selection.cross_val_score
sklearn.pipeline.Pipeline
sklearn.model_selection.RandomizedSearchCV
sklearn.ensemble.GradientBoostingClassifier
sklearn.linear_model.LogisticRegression
sklearn.naive_bayes.GaussianNB
sklearn.metrics.roc_curve
xgboost.XGBClassifier
sklearn.ensemble.AdaBoostClassifier
sklearn.tree.DecisionTreeClassifier
sklearn.preprocessing.LabelEncoder
imblearn.over_sampling.SMOTE
sklearn.svm.SVC
sklearn.model_selection.GridSearchCV
math
sklearn.neighbors.KNeighborsClassifier
sklearn.metrics.precision_score
sklearn.metrics.recall_score
sklearn.metrics.f1_score
sklearn.metrics.ConfusionMatrixDisplay
torch
dataclasses.dataclass
typing.List
typing.Tuple
typing.FrozenSet
typing.Set
typing.Dict
fcapy.lattice.ConceptLattice
fcapy.lattice.formal_concept.FormalConcept
fcapy.poset.POSet
fcapy.visualizer.line_layouts.calc_levels
sparselinear.SparseLinear
sklearn.neural_network.MLPClassifier
fcapy.context.FormalContext
fcapy.visualizer.LineVizNx
networkx
sklearn.preprocessing.MinMaxScaler
sklearn.ensemble.BaggingClassifier
torch.nn
torch.optim
sklearn.datasets.load_iris