- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
您可以在下面找到我在互联网上找到的用于构建简单神经网络的代码。一切正常。我对 y 标签进行了编码,这些是我得到的预测:
2 0 1 2 1 2 2 0 2 1 0 0 0 1 1 1 1 1 1 1 2 1 2 1 0 1 0 1 0 2
所以现在我需要将其转换回原来的 Iris 类(Iris-Virginica、Setosa、Versicolor)。我需要使用 inverse_transform
方法。你能帮忙吗?
import pandas as pd
from sklearn import preprocessing
from sklearn.model_selection import train_test_split
from sklearn.neural_network import MLPClassifier
from sklearn.metrics import classification_report, confusion_matrix
# Location of dataset
url = "https://archive.ics.uci.edu/ml/machine-learning-databases/iris/iris.data"
# Assign colum names to the dataset
names = ['sepal-length', 'sepal-width', 'petal-length', 'petal-width', 'Class']
# Read dataset to pandas dataframe
irisdata = pd.read_csv(url, names=names)
irisdata.head()
#head_tableau=irisdata.head()
#print(head_tableau)
# Assign data from first four columns to X variable
X = irisdata.iloc[:, 0:4]
# Assign data from first fifth columns to y variable
y = irisdata.select_dtypes(include=[object])
y.head()
#afficher_y=y.head()
#print(afficher_y)
y.Class.unique()
#affiche=y.Class.unique()
#print(affiche)
le = preprocessing.LabelEncoder()
y = y.apply(le.fit_transform)
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size = 0.20)
mlp = MLPClassifier(hidden_layer_sizes=(10, 10, 10), max_iter=1000)
mlp.fit(X_train, y_train.values.ravel())
predictions = mlp.predict(X_test)
print(predictions)
最佳答案
你走在正确的道路上:
In [7]: le.inverse_transform(predictions[:5])
Out[7]:
array(['Iris-virginica', 'Iris-setosa', 'Iris-setosa', 'Iris-versicolor',
'Iris-virginica'], dtype=object)
关于python - Inverse_transform方法(LabelEncoder),我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/52870022/
我有一组我用scikit学习PCA的数据。在使用 StandardScaler() 执行 PCA 之前,我对数据进行了缩放。 variance_to_retain = 0.99 np_scaled =
将我的数据拟合后X = 我的数据 pca = PCA(n_components=1) pca.fit(X) X_pca = pca.fit_transform(X) 现在 X_pca 具有一维。 当我
当训练模型时,比如线性回归,我们可以在训练测试数据集上进行归一化,例如 MinMaxScaler。 在我们获得经过训练的模型并使用它进行预测,并将预测缩小到原始表示之后。 在Python中,有“inv
我根据它的列缩放了一个矩阵,如下所示: scaler = MinMaxScaler(feature_range=(-1, 1)) data = np.array([[-1, 2], [-0.5, 6]
在对各种数组执行连续变换后,我在使用 inverse_transform 方法对数组进行反向变换时遇到了一些困难。我可以使用 .lambdas_ 属性访问用于原始转换的 lambda 值。此外,据我所
我正在尝试标准化我的数据(形状为(23687,7)),然后将原始数据集的平均值和标准差保存到“normalized_param.pkl”> 将标准化数据拟合到我的 LSTM 模型后,我将得到一个答
在实例化 MultiLabelBinarizer 之后,我需要它的 inverse_transform 方法来处理我在别处构建的矩阵。不幸的是, import numpy as np from skl
我有一个用 sklearn 构建的随机森林模型。该模型构建在一个文件中,我有第二个文件,在其中使用 joblib 加载模型并将其应用于新数据。数据具有通过 sklearn 的预处理 LabelEnco
我知道 ValueError 问题已经被问到很多 times 。我仍在努力寻找答案,因为我在我的代码中使用了 inverse_transform。 假设我有一个数组 a a.shape > (100,
如果您在 inverse_transform 期间出于某种原因拟合 sklearn.preprocessing.LabelEncoder 类型为 int 的标签> 它返回 numpy.int64 类型
我是一名优秀的程序员,十分优秀!