gpt4 book ai didi

python - 输入数据不能是列表 XGBoost

转载 作者:行者123 更新时间:2023-12-04 08:59:12 25 4
gpt4 key购买 nike

这是我的代码。

import pandas as pd
import numpy as np
import json
from xgboost import XGBRegressor
from sklearn.model_selection import train_test_split
from sklearn.metrics import r2_score, mean_squared_error
from sklearn.preprocessing import StandardScaler

training_data = pd.read_csv('/Users/aus10/Desktop/MLB_Data/Test_Training_Data/MLB_Training_Data.csv')
df_model = training_data.copy()
scaler = StandardScaler()

features = [['OBS', 'Runs']]
for feature in features:
df_model[feature] = scaler.fit_transform(df_model[feature])

test_data = pd.read_csv('/Users/aus10/Desktop/MLB_Data/Test_Training_Data/Test_Data.csv')
X = training_data.iloc[:,1] #independent columns
y = training_data.iloc[:,-1] #target column
X = X.values.reshape(-1,1)

results = []

# fit final model
model = XGBRegressor(objective="reg:squarederror", random_state=42)
model.fit(X, y)

X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.25, random_state=4)

y_train_pred = model.predict(X_train)
y_test_pred = model.predict(X_test)

model.fit(X_train, y_train)

y_pred = model.predict(X_test)

print('MSE train: %.3f, test: %.3f' % (
round(mean_squared_error(y_train, y_train_pred),2),
round(mean_squared_error(y_test, y_test_pred),2)
))

print('R^2 train: %.3f, test: %.3f' % (r2_score(y_train, y_train_pred), r2_score(y_test, y_test_pred)))

# define one new data instance

index = 0
count = 0

while count < len(test_data):
team = test_data.loc[index].at['Team']
OBS = test_data.loc[index].at['OBS']

Xnew = [[ OBS ]]
# make a prediction
ynew = model.predict(Xnew)
# show the inputs and predicted outputs
results.append(
{
'Team': team,
'Runs': (round(ynew[0],2))
})
index += 1
count += 1

sorted_results = sorted(results, key=lambda k: k['Runs'], reverse=True)

df = pd.DataFrame(sorted_results, columns=[
'Team', 'Runs'])
writer = pd.ExcelWriter('/Users/aus10/Desktop/MLB_Data/ML/Results/Projected_Runs_XGBoost.xlsx', engine='xlsxwriter') # pylint: disable=abstract-class-instantiated
df.to_excel(writer, sheet_name='Sheet1', index=False)
df.style.set_properties(**{'text-align': 'center'})
pd.set_option('display.max_colwidth', 100)
pd.set_option('display.width', 1000)
writer.save()
我得到的错误是 TypeError: Input data can not be a list.数据来自 test_data是一个带有团队名称和 obs 的 csv,它是一个浮点数
像这样 NYY 0.324我见过的每一种解决它的方法都只是像我一样把它放在一个二维数组中 - Xnew = [[ OBS ]] ,
但我仍然收到错误。
我还需要对传入的 test_data 做些什么吗?我尝试使用 values.reshape ,但这也没有解决它。

最佳答案

您需要改造您的Xnew :

Xnew = np.array(Xnew).reshape((1,-1))

关于python - 输入数据不能是列表 XGBoost,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/63636775/

25 4 0
Copyright 2021 - 2024 cfsdn All Rights Reserved 蜀ICP备2022000587号
广告合作:1813099741@qq.com 6ren.com