- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我正在运行来自 this 的示例链接。
经过几次修改后,我成功运行了代码。这是修改后的代码:
import quandl, math
import numpy as np
import pandas as pd
from sklearn import preprocessing, cross_validation, svm
from sklearn.linear_model import LinearRegression
import matplotlib.pyplot as plt
from matplotlib import style
import datetime
style.use('ggplot')
df = quandl.get("WIKI/GOOGL")
df = df[['Adj. Open', 'Adj. High', 'Adj. Low', 'Adj. Close', 'Adj. Volume']]
df['HL_PCT'] = (df['Adj. High'] - df['Adj. Low']) / df['Adj. Close'] * 100.0
df['PCT_change'] = (df['Adj. Close'] - df['Adj. Open']) / df['Adj. Open'] * 100.0
df = df[['Adj. Close', 'HL_PCT', 'PCT_change', 'Adj. Volume']]
forecast_col = 'Adj. Close'
df.fillna(value=-99999, inplace=True)
forecast_out = int(math.ceil(0.01 * len(df)))
df['label'] = df[forecast_col].shift(-forecast_out)
X = np.array(df.drop(['label'], 1))
X = preprocessing.scale(X)
X_lately = X[-forecast_out:]
X = X[:-forecast_out]
df.dropna(inplace=True)
y = np.array(df['label'])
X_train, X_test, y_train, y_test = cross_validation.train_test_split(X, y, test_size=0.2)
clf = LinearRegression(n_jobs=-1)
clf.fit(X_train, y_train)
confidence = clf.score(X_test, y_test)
forecast_set = clf.predict(X_lately)
df['Forecast'] = np.nan
last_date = df.iloc[-1].name
last_unix = last_date.timestamp()
one_day = 86400
next_unix = last_unix + one_day
for i in forecast_set:
next_date = datetime.datetime.fromtimestamp(next_unix)
next_unix += 86400
df.loc[next_date] = [np.nan for _ in range(len(df.columns)-1)]+[i]
df['Adj. Close'].plot()
df['Forecast'].plot()
plt.legend(loc=4)
plt.xlabel('Date')
plt.ylabel('Price')
plt.show()
但我面临的问题是对 future 数据框的预测。这是输出图像:
我一直到 2017-2018 年,如图所示。如何进一步走向2019年、2020年或5年后?
最佳答案
您的代码使用此 DataFrame 作为 X
来生成预测:
df = df[['Adj. Close', 'HL_PCT', 'PCT_change', 'Adj. Volume']]
这意味着如果您想预测 future 五年的价格,您将需要这些 ['Adj.关闭','HL_PCT','PCT_change','调整。 Volume']
future 值的数据点,以保持更远的预测。
请注意,图像中的预测是根据历史数据创建的,这些历史数据在此处作为测试集分离:X_lately = X[-forecast_out:]
。所以它有预测的每个点都使用历史数据来预测 future 的某个点。
如果你真的想使用这个模型来预测 future 5 年,你首先需要预测/计算所有这些变量:predicted_X = ['Adj.关闭','HL_PCT','PCT_change','调整。 Volume']
,并继续使用 clf.predict(predicted_X)
运行一些循环。
我相信这个Machine Learning Course for Trading at Udacity对你来说可能是一个很好的资源,它会给你一个更好的框架和思维方式来解决这类问题。
我希望我的回答是清楚的,对你有帮助,如果不是请告诉我,我会澄清或回答其他问题。
按照我所说的更新您的模型:
import quandl
import numpy as np
from sklearn import preprocessing, model_selection
from sklearn.ensemble import RandomForestRegressor
from sklearn.linear_model import LinearRegression
import matplotlib.pyplot as plt
from matplotlib import style
import datetime
style.use('ggplot')
df = quandl.get("WIKI/GOOGL")
df = df[['Adj. Open', 'Adj. High', 'Adj. Low', 'Adj. Close', 'Adj. Volume']]
df['HL_PCT'] = (df['Adj. High'] - df['Adj. Low']) / df['Adj. Close'] * 100.0
df['PCT_change'] = (df['Adj. Close'] - df['Adj. Open']) / df['Adj. Open'] * 100.0
df = df[['Adj. Close', 'HL_PCT', 'PCT_change', 'Adj. Volume']]
forecast_col = 'Adj. Close'
df.fillna(value=-99999, inplace=True)
forecast_out = 1
df['label'] = df[forecast_col].shift(-forecast_out)
X = np.array(df.drop(['label'], 1))
X = preprocessing.scale(X)
X_lately = X[-forecast_out:]
X = X[:-forecast_out]
df.dropna(inplace=True)
y = np.array(df['label'])
X_train, X_test, y_train, y_test = model_selection.train_test_split(X, y, test_size=0.2)
# Instantiate regressors
reg_close = LinearRegression(n_jobs=-1)
reg_close.fit(X_train, y_train)
reg_hl = LinearRegression(n_jobs=-1)
reg_hl.fit(X_train, y_train)
reg_pct = LinearRegression(n_jobs=-1)
reg_pct.fit(X_train, y_train)
reg_vol = LinearRegression(n_jobs=-1)
reg_vol.fit(X_train, y_train)
# Prepare variables for loop
last_close = df['Adj. Close'][-1]
last_date = df.iloc[-1].name.timestamp()
df['Forecast'] = np.nan
predictions_arr = X_lately
for i in range(100):
# Predict next point in time
last_close_prediction = reg_close.predict(predictions_arr)
last_hl_prediction = reg_hl.predict(predictions_arr)
last_pct_prediction = reg_pct.predict(predictions_arr)
last_vol_prediction = reg_vol.predict(predictions_arr)
# Create np.Array of current predictions to serve as input for future predictions
predictions_arr = np.array((last_close_prediction, last_hl_prediction, last_pct_prediction, last_vol_prediction)).T
next_date = datetime.datetime.fromtimestamp(last_date)
last_date += 86400
# Outputs data into DataFrame to enable plotting
df.loc[next_date] = [np.nan, np.nan, np.nan, np.nan, np.nan, float(last_close_prediction)]
df['Adj. Close'].plot()
df['Forecast'].plot()
plt.legend(loc=4)
plt.xlabel('Date')
plt.ylabel('Price')
plt.show()
这个模型不是很有用,因为它很快向上爆炸,但是在它的实现中有一些有趣和不寻常的事情。
为了更真实地预测 future 价格,您还需要实现某种随机游走。
您也可以使用不同的模型代替 LinearRegression
,例如 RandomForestRegressor
,它会产生非常不同的结果。
from sklearn.ensemble import RandomForestRegressor
clf_close = RandomForestRegressor(n_jobs=-1)
clf_close.fit(X_train, y_train)
clf_hl = RandomForestRegressor(n_jobs=-1)
clf_hl.fit(X_train, y_train)
clf_pct = RandomForestRegressor(n_jobs=-1)
clf_pct.fit(X_train, y_train)
clf_vol = RandomForestRegressor(n_jobs=-1)
clf_vol.fit(X_train, y_train)
与预测价格相比,通常更好的方法是根据特定的入场参数和出场参数来预测特定头寸(买入或卖出)是否有利可图。 Udacity course涵盖了这种方法。
随机游走模型:
import quandl
import numpy as np
import matplotlib.pyplot as plt
from matplotlib import style
import datetime
import random
style.use('ggplot')
df = quandl.get("WIKI/GOOGL")
df = df[['Adj. Close']]
df.dropna(inplace=True)
# Prepare variables for loop
last_close = df['Adj. Close'][-1]
last_date = df.iloc[-1].name.timestamp()
df['Forecast'] = np.nan
for i in range(1000):
# Create np.Array of current predictions to serve as input for future predictions
modifier = random.randint(-100, 105) / 10000 + 1
last_close *= modifier
next_date = datetime.datetime.fromtimestamp(last_date)
last_date += 86400
# Outputs data into DataFrame to enable plotting
df.loc[next_date] = [np.nan, last_close]
df['Adj. Close'].plot()
df['Forecast'].plot()
plt.legend(loc=4)
plt.xlabel('Date')
plt.ylabel('Price')
plt.show()
随机游走的输出图像
关于python - 如何使用 sklearn python 预测 future 的数据帧?,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/48884782/
我知道有几个类似的问题被问到,但我的问题仍然没有得到解答。 问题来了。我使用命令 python3 -m pip3 install -U scikit-learn 来安装 sklearn、numpy 和
_train_weather.values : [[ 0.61818182 0.81645199 0.6679803 ..., 0. 0. 1.
如果我有一个数据集X及其标签Y,那么我将其分为训练集和测试集,scle为0.2,并使用随机种子进行洗牌: 11 >>>X.shape (10000, 50,50) train_data, test_d
首先我查看了所有相关问题。给出了非常相似的问题。 所以我遵循了链接中的建议,但没有一个对我有用。 Data Conversion Error while applying a function to
这里有两种标准化方法: 1:这个在数据预处理中使用:sklearn.preprocessing.normalize(X,norm='l2') 2:分类方法中使用另一种方法:sklearn.svm.Li
所以刚看了一个教程,作者不需要import sklearn使用时 predict anaconda 环境中pickled 模型的功能(安装了sklearn)。 我试图在 Google Colab 中重
我想评估我的机器学习模型。我使用 roc_auc_score() 计算了 ROC 曲线下的面积,并使用 sklearn 的 plot_roc_curve() 函数绘制了 ROC 曲线。在第二个函数中,
我一直在寻找此信息,但在任何地方都找不到,所以这是我的镜头。 我是Python 2.7的初学者,我学习了一个模型,感谢cPickle我保存了它,但现在我想知道是否可以从另一个设备(没有sklearn库
>>> import sklearn.model_selection.train_test_split Traceback (most recent call last): File "", li
在阅读有关使用 python 的 LinearDiscriminantAnalysis 的过程中,我有两种不同的方法来实现它,可在此处获得, http://scikit-learn.org/stabl
我正在使用 sklearn,我注意到 sklearn.metrics.plot_confusion_matrix 的参数和 sklearn.metrics.confusion_matrix不一致。 p
我正在构建一个多标签文本分类程序,我正在尝试使用 OneVsRestClassifier+XGBClassifier 对文本进行分类。最初,我使用 Sklearn 的 Tf-Idf 矢量化来矢量化文本
我想看看模型是否收敛于我的交叉验证。我如何增加或减少 sklearn.svm.SVC 中的时代? 目前: SVM_Model = SVC(gamma='auto') SVM_Model.fit(X_t
有人可以帮助我吗?我很难知道它们之间的区别 from sklearn.model_selection import train_test_split from sklearn.cross_valida
我需要提取在 sklearn.ensemble.BaggingClassifier 中训练的每个模型的概率。这样做的原因是为了估计 XGBoostClassifier 模型的不确定性。 为此,我创建了
无法使用 scikit-learn 0.19.1 导入 sklearn.qda 和 sklearn.lda 我得到: 导入错误:没有名为“sklearn.qda”的模块 导入错误:没有名为“sklea
我正在尝试在 google cloud ai 平台上创建一个版本,但找不到 impute 模块 No module named 'sklearn.impute._base; 'sklearn.impu
我在 PyQt5 中编写了一个 GUI,其中包括以下行 from sklearn.ensemble import RandomForestClassifier 。 遵循this answer中的建议,
我正在做一个 Kaggle 比赛,需要输入一些缺失的数据。我安装了最新的Anaconda(4.5.4)具有所有相关依赖项(即 scikit-learn (0.19.1) )。 当我尝试导入模块时,出现
在安装了所需的模块后,我正在尝试将imblearn导入到我的Python笔记本中。但是,我收到以下错误:。。附加信息:我使用的是一个用Visual Studio代码编写的虚拟环境。。我已经确定venv
我是一名优秀的程序员,十分优秀!