在Scikit中,预测时如何修正价值错误



下面的代码给了我以下错误: ValueError:找到了一个包含0个样本的数组(shape=(0,3)),但至少需要1个样本

错误是在调用预测的行中产生的。我假设数据帧的形状"obs_to_pred"有问题我检查了一下形状,它是(1046,3)。

你有什么建议,这样我就可以解决这个问题并运行预测了?

import matplotlib.pyplot as plt
import numpy as np
import pandas as pd
import statsmodels.api as sm
from patsy import dmatrices
from sklearn.linear_model import LogisticRegression
import scipy.stats as stats
from sklearn import linear_model
# Import Titanic Data
train_loc = 'C:/Users/Young/Desktop/Kaggle/Titanic/train.csv'
test_loc = 'C:/Users/Young/Desktop/Kaggle/Titanic/test.csv'
train = pd.read_csv(train_loc)
test = pd.read_csv(test_loc)
# Predict Missing Age Values Based on Factors Pclass, SibSp, and Parch.
# In the function, combine train and test data.
def regressionPred (traindata,testdata):
    allobs = pd.concat([traindata, testdata])
    allobs = allobs[~allobs.Age.isnull()]
    y = allobs.Age
    y, X = dmatrices('y ~ Pclass + SibSp + Parch', data = allobs, return_type = 'dataframe')
    mod = sm.OLS(y,X)
    res = mod.fit()
    predictors = ['Pclass', 'SibSp', 'Parch']
    regr = linear_model.LinearRegression()
    regr.fit(allobs.ix[:,predictors], y)
    obs_to_pred = allobs[allobs.Age.isnull()].ix[:,predictors]
    prediction = regr.predict( obs_to_pred ) # Error Produced in This Line ***
    return res.summary(), prediction
regressionPred(train,test)

如果你想查看数据集,链接会带你去那里:https://www.kaggle.com/c/titanic/data

在行

allobs = allobs[~allobs.Age.isnull()]

您将allobs定义为Age列中没有NaN的所有情况。

稍后,使用:

obs_to_pred = allobs[allobs.Age.isnull()].ix[:,predictors]

您没有任何情况可以预测,因为所有allobs.Age.isnull()都将被评估为False,并且您将得到一个空的obs_to_pred。因此您的错误:

具有0个样本的数组(shape=(0,3)),同时需要最小值1。

根据你的预测检查你想要的逻辑。

相关内容

  • 没有找到相关文章