欢迎您访问程序员文章站本站旨在为大家提供分享程序员计算机编程知识!
您现在的位置是: 首页  >  IT编程

Facebook开源一站式服务python时序利器Kats详解

程序员文章站 2022-03-12 21:33:51
目录什么是 kats?安装 kats将数据转换为时间序列预测从使用 prophet 进行预测开始:可视化holt-winters检测变化点机器学习深度学习孤立点检测时间序列特征小结转自微信公众号:机器...

转自微信公众号:机器学习社区,经作者授权转载

时间序列分析是数据科学中一个非常重要的领域,它主要包含统计分析、检测变化点、异常检测和预测未来趋势。然而,这些时间序列技术通常由不同的库实现。有没有一种方法可以让你在一个库中获得所有这些技术?

答案是肯定的,本文中我将分享一个非常棒的工具包 kats,它可以完美解决上述问题。

Facebook开源一站式服务python时序利器Kats详解

什么是 kats?

目前时间序列分析以及建模的技术非常多,但相对散乱,本次 facebook 开源了 kats,它是一款轻量级的、易于使用的、通用的时间序列分析框架,包括:预测、异常检测、多元分析和特征提取嵌入。你可以将 kats 视为 python 中时间序列分析的一站式工具包。

安装 kats

pip install --upgrade pip
pip install kats

为了了解 kats 的功能,我们将使用这个框架来分析 kaggle 上的 *问题计数问题。数据链接为:https://www.kaggle.com/aishu200023/stackindex

首先我们从读取数据开始。

import pandas as pd
df = pd.read_csv("mltolls*.csv")
# turn the month column into datetime
df["month"] = pd.to_datetime(df["month"], format="%y-%b")
df = df.set_index("month")

Facebook开源一站式服务python时序利器Kats详解

现在让我们分析一下与 python 相关的 * 问题计数。数据被分成一列和一个测试集来评估预测。

python = df["python"].to_frame()

# split data into train and test set
train_len = 102
train = python.iloc[:train_len]
test = python.iloc[train_len:]

将数据转换为时间序列

首先构造一个时间序列对象。我们使用time_col_name='month'指定时间列。

from kats.consts import timeseriesdata

# construct timeseriesdata object
ts = timeseriesdata(train.reset_index(), time_col_name="month")

要绘制数据,调用plot方法:

ts.plot(cols=["python"])

Facebook开源一站式服务python时序利器Kats详解

酷!看起来关于 python 的问题的数量随着时间的推移而增加。我们能预测未来30天的趋势吗?是的,我们可以和 kats 一起做。

预测

kats目前支持以下10种预测模型:

linear

quadratic

arima

sarima

holt-winters

prophet

ar-net

lstm

theta

var

上述模型较多,让我们试一下其中两种类型吧!

从使用 prophet 进行预测开始:

from kats.models.prophet import prophetmodel, prophetparams
# specify parameters
params = prophetparams(seasonality_mode="multiplicative")
# create a model instance
m = prophetmodel(ts, params)
# fit mode
m.fit()
# forecast
fcst = m.predict(steps=30, freq="ms")
fcst

Facebook开源一站式服务python时序利器Kats详解

可视化

m.plot()

Facebook开源一站式服务python时序利器Kats详解

酷!让我们通过与测试数据的比较来评估预测。

import matplotlib.pyplot as plt
fig, ax = plt.subplots(figsize=(12, 7))
train.plot(ax=ax, label="train", color="black")
test.plot(ax=ax, color="black")
fcst.plot(x="time", y="fcst", ax=ax, color="blue")
ax.fill_between(test.index, fcst["fcst_lower"], fcst["fcst_upper"], alpha=0.5)
ax.get_legend().remove()

Facebook开源一站式服务python时序利器Kats详解

预报似乎很好地符合观察结果!

holt-winters

我们将尝试的下一个模式是holt-winters。它是一种捕捉季节性的方法。下面是如何在 kats 中使用 holt-winters 方法。

from kats.models.holtwinters import holtwintersparams, holtwintersmodel
import warnings
warnings.simplefilter(action='ignore')
params = holtwintersparams(
            trend="add",
            seasonal="mul",
            seasonal_periods=12,
        )
m = holtwintersmodel(
    data=ts, 
    params=params)
m.fit()
fcst = m.predict(steps=30, alpha = 0.1)
m.plot()

Facebook开源一站式服务python时序利器Kats详解

检测变化点

你有没有想过在你的时间序列中发生统计上显著的均值变化的时间?

Facebook开源一站式服务python时序利器Kats详解

kats 允许使用 cusum 算法检测变化点。cusum 是一种检测时间序列中均值上下移动的方法。

让我们看看如何检测 kats 中的变化点。

from kats.consts import timeseriesdata, timeseriesiterator
from kats.detectors.cusum_detection import cusumdetector
import matplotlib.pyplot as plt
detector = cusumdetector(ts)
change_points = detector.detector(change_directions=["increase", "decrease"])
print("the change point is on", change_points[0][0].start_time)
# plot the results
plt.xticks(rotation=45)
detector.plot(change_points)
plt.show()

Facebook开源一站式服务python时序利器Kats详解

酷!让我们尝试检测 * 问题计数的其他类别的变化点。

首先创建一个函数来检测主题提供的更改点。

def get_ts(topic: str):
    return timeseriesdata(df[topic].to_frame().reset_index(), time_col_name="month")

def detect_change_point(topic: str):
    ts = get_ts(topic)
    detector = cusumdetector(ts)

    change_points = detector.detector()
    for change_point in change_points:
        print("the change point is on", change_point[0].start_time)

    # plot the results
    plt.xticks(rotation=45)
    detector.plot(change_points)
    plt.show()

机器学习

detect_change_point("machine-learning")

Facebook开源一站式服务python时序利器Kats详解

深度学习

detect_change_point("deep-learning")

Facebook开源一站式服务python时序利器Kats详解

孤立点检测

你在看nlp的时间序列时看到了什么?

df["nlp"].plot()

Facebook开源一站式服务python时序利器Kats详解

从2018年到2019年,nlp的问题数量有所下降。

问题数量的下降是一个异常值。检测异常值很重要,因为它们可能会在下游处理中造成问题。

然而,通过查看数据来发现异常值并不总是高效和容易的。幸运的是,kats还允许您检测时间序列中的异常值!

用kat检测异常值只需要几行行代码。

from kats.detectors.outlier import outlierdetector

# get time series object
ts = get_ts("nlp")

# detect outliers
ts_outlierdetection = outlierdetector(ts, "additive")
ts_outlierdetection.detector()

# print outliers
outlier_range1 = ts_outlierdetection.outliers[0]
print(f"the outliers range from {outlier_range1[0]} to {outlier_range1[1]}")

the outliers range from 2018-01-01 00:00:00 to 2019-03-01 00:00:00

酷!结果证实了我们从上图中看到的情况。

时间序列特征

除了统计数据外,时间序列中还有其他一些特性,如线性、趋势强度、季节性强度、季节性参数等,您可能会感兴趣。

kats 允许通过 tsfeatures 查找有关时间序列特征的重要信息:

from kats.tsfeatures.tsfeatures import tsfeatures

model = tsfeatures()

output_features = model.transform(ts)
output_features

Facebook开源一站式服务python时序利器Kats详解

小结

我们刚刚学习了如何使用 kats 来预测、检测变化点、检测异常值和提取时间序列特征。我希望这篇文章能帮助到大家解决工作中的时间序列问题,并从数据中提取有价值的信息。

以上就是facebook开源一站式服务python时序利器kats详解的详细内容,更多关于facebook开源时序利器kats的资料请关注其它相关文章!