注意
前往結尾以下載完整的範例程式碼
使用 ONNX 的 TfIdfVectorizer¶
此範例的靈感來自以下範例:具有異質資料來源的 Column Transformer,它建立一個用於分類文字的管道。
使用 TfidfVectorizer 訓練管道¶
它複製了來自 scikit-learn 文件中的相同管道,但將其縮減為 ONNX 實際支援的部分,而無需實作自訂轉換器。讓我們取得資料。
import matplotlib.pyplot as plt
import os
from onnx.tools.net_drawer import GetPydotGraph, GetOpNodeProducer
import onnxruntime as rt
from skl2onnx.common.data_types import StringTensorType
from skl2onnx import convert_sklearn
import numpy as np
from sklearn.base import BaseEstimator, TransformerMixin
from sklearn.datasets import fetch_20newsgroups
try:
from sklearn.datasets._twenty_newsgroups import (
strip_newsgroup_footer,
strip_newsgroup_quoting,
)
except ImportError:
# scikit-learn < 0.24
from sklearn.datasets.twenty_newsgroups import (
strip_newsgroup_footer,
strip_newsgroup_quoting,
)
from sklearn.decomposition import TruncatedSVD
from sklearn.feature_extraction.text import TfidfVectorizer
from sklearn.pipeline import Pipeline
from sklearn.compose import ColumnTransformer
from sklearn.metrics import classification_report
from sklearn.linear_model import LogisticRegression
# limit the list of categories to make running this example faster.
categories = ["alt.atheism", "talk.religion.misc"]
train = fetch_20newsgroups(
random_state=1,
subset="train",
categories=categories,
)
test = fetch_20newsgroups(
random_state=1,
subset="test",
categories=categories,
)
第一個轉換從資料中提取兩個欄位。我們將其從管道中取出,並假設資料是由兩個文字欄位定義的。
class SubjectBodyExtractor(BaseEstimator, TransformerMixin):
"""Extract the subject & body from a usenet post in a single pass.
Takes a sequence of strings and produces a dict of sequences. Keys are
`subject` and `body`.
"""
def fit(self, x, y=None):
return self
def transform(self, posts):
# construct object dtype array with two columns
# first column = 'subject' and second column = 'body'
features = np.empty(shape=(len(posts), 2), dtype=object)
for i, text in enumerate(posts):
headers, _, bod = text.partition("\n\n")
bod = strip_newsgroup_footer(bod)
bod = strip_newsgroup_quoting(bod)
features[i, 1] = bod
prefix = "Subject:"
sub = ""
for line in headers.split("\n"):
if line.startswith(prefix):
sub = line[len(prefix) :]
break
features[i, 0] = sub
return features
train_data = SubjectBodyExtractor().fit_transform(train.data)
test_data = SubjectBodyExtractor().fit_transform(test.data)
管道幾乎相同,除了我們刪除了自訂特徵。
pipeline = Pipeline(
[
(
"union",
ColumnTransformer(
[
("subject", TfidfVectorizer(min_df=50, max_features=500), 0),
(
"body_bow",
Pipeline(
[
("tfidf", TfidfVectorizer()),
("best", TruncatedSVD(n_components=50)),
]
),
1,
),
# Removed from the original example as
# it requires a custom converter.
# ('body_stats', Pipeline([
# ('stats', TextStats()), # returns a list of dicts
# ('vect', DictVectorizer()), # list of dicts -> feature matrix
# ]), 1),
],
transformer_weights={
"subject": 0.8,
"body_bow": 0.5,
# 'body_stats': 1.0,
},
),
),
# Use a LogisticRegression classifier on the combined features.
# Instead of LinearSVC (not fully ready in onnxruntime).
("logreg", LogisticRegression()),
]
)
pipeline.fit(train_data, train.target)
print(classification_report(pipeline.predict(test_data), test.target))
precision recall f1-score support
0 0.69 0.78 0.73 285
1 0.75 0.66 0.70 285
accuracy 0.72 570
macro avg 0.72 0.72 0.71 570
weighted avg 0.72 0.72 0.71 570
ONNX 轉換¶
如果 Tokenizer 來自 space、gensim 或 nltk,則很難複製完全相同的 Tokenizer 行為。 scikit-learn 使用的預設 Tokenizer 使用正規表示式,目前正在實作中。目前的實作只考慮在變數 seps 中定義的分隔符清單。
並儲存。
使用 onnxruntime 進行預測。
sess = rt.InferenceSession("pipeline_tfidf.onnx", providers=["CPUExecutionProvider"])
print("---", train_data[0])
inputs = {"input": train_data[:1]}
pred_onx = sess.run(None, inputs)
print("predict", pred_onx[0])
print("predict_proba", pred_onx[1])
--- [" Re: Jews can't hide from keith@cco."
'Deletions...\n\nSo, you consider the german poster\'s remark anti-semitic? Perhaps you\nimply that anyone in Germany who doesn\'t agree with israely policy in a\nnazi? Pray tell, how does it even qualify as "casual anti-semitism"? \nIf the term doesn\'t apply, why then bring it up?\n\nYour own bigotry is shining through. \n-- ']
predict [1]
predict_proba [{0: 0.4396112561225891, 1: 0.5603887438774109}]
使用 scikit-learn
print(pipeline.predict(train_data[:1]))
print(pipeline.predict_proba(train_data[:1]))
[0]
[[0.72374074 0.27625926]]
這個模型存在差異,因為 Tokenization 不完全相同。這項工作仍在進行中。
顯示 ONNX 圖¶
最後,讓我們看看使用 sklearn-onnx 轉換的圖表。
pydot_graph = GetPydotGraph(
model_onnx.graph,
name=model_onnx.graph.name,
rankdir="TB",
node_producer=GetOpNodeProducer(
"docstring", color="yellow", fillcolor="yellow", style="filled"
),
)
pydot_graph.write_dot("pipeline_tfidf.dot")
os.system("dot -O -Gdpi=300 -Tpng pipeline_tfidf.dot")
image = plt.imread("pipeline_tfidf.dot.png")
fig, ax = plt.subplots(figsize=(40, 20))
ax.imshow(image)
ax.axis("off")
data:image/s3,"s3://crabby-images/4beff/4beff5160ac21ac3314ffefc5814582c50a7fd24" alt="plot tfidfvectorizer"
(-0.5, 4939.5, 11475.5, -0.5)
腳本的總執行時間: (0 分鐘 14.922 秒)