Python:tf-idf-cosine:查找文档相似度
Posted
技术标签:
【中文标题】Python:tf-idf-cosine:查找文档相似度【英文标题】:Python: tf-idf-cosine: to find document similarity 【发布时间】:2012-08-20 13:38:00 【问题描述】:我正在学习Part 1 和Part 2 上提供的教程。不幸的是,作者没有时间在最后一节中使用余弦相似度来实际找到两个文档之间的距离。我在***的以下链接的帮助下按照文章中的示例进行操作,包括上面链接中提到的代码(只是为了让生活更轻松)
from sklearn.feature_extraction.text import CountVectorizer
from sklearn.feature_extraction.text import TfidfTransformer
from nltk.corpus import stopwords
import numpy as np
import numpy.linalg as LA
train_set = ["The sky is blue.", "The sun is bright."] # Documents
test_set = ["The sun in the sky is bright."] # Query
stopWords = stopwords.words('english')
vectorizer = CountVectorizer(stop_words = stopWords)
#print vectorizer
transformer = TfidfTransformer()
#print transformer
trainVectorizerArray = vectorizer.fit_transform(train_set).toarray()
testVectorizerArray = vectorizer.transform(test_set).toarray()
print 'Fit Vectorizer to train set', trainVectorizerArray
print 'Transform Vectorizer to test set', testVectorizerArray
transformer.fit(trainVectorizerArray)
print
print transformer.transform(trainVectorizerArray).toarray()
transformer.fit(testVectorizerArray)
print
tfidf = transformer.transform(testVectorizerArray)
print tfidf.todense()
由于上面的代码,我有以下矩阵
Fit Vectorizer to train set [[1 0 1 0]
[0 1 0 1]]
Transform Vectorizer to test set [[0 1 1 1]]
[[ 0.70710678 0. 0.70710678 0. ]
[ 0. 0.70710678 0. 0.70710678]]
[[ 0. 0.57735027 0.57735027 0.57735027]]
我不确定如何使用此输出来计算余弦相似度,我知道如何针对两个长度相似的向量实现余弦相似度,但在这里我不确定如何识别这两个向量。
【问题讨论】:
对于trainVectorizerArray中的每个向量,你必须找到与testVectorizerArray中向量的余弦相似度。 @excray 谢谢你的帮助,我设法弄清楚了,我应该回答吗? @excray 但我确实有一个小问题,实际上 tf*idf 计算对此没有用,因为我没有使用矩阵中显示的最终结果。 这是您引用的教程的第三部分,详细回答了您的问题pyevolve.sourceforge.net/wordpress/?p=2497 @ClémentRenaud 我点击了您提供的链接,但由于我的文档较大,它开始抛出 MemoryError 我们该如何处理? 【参考方案1】:首先,如果您想提取计数特征并应用 TF-IDF 归一化和逐行欧几里得归一化,您可以使用 TfidfVectorizer
在一次操作中完成:
>>> from sklearn.feature_extraction.text import TfidfVectorizer
>>> from sklearn.datasets import fetch_20newsgroups
>>> twenty = fetch_20newsgroups()
>>> tfidf = TfidfVectorizer().fit_transform(twenty.data)
>>> tfidf
<11314x130088 sparse matrix of type '<type 'numpy.float64'>'
with 1787553 stored elements in Compressed Sparse Row format>
现在要找到一个文档(例如数据集中的第一个)和所有其他文档的余弦距离,您只需要计算第一个向量与所有其他向量的点积,因为 tfidf 向量已经是行-归一化。
正如 Chris Clark 在 cmets 和 here Cosine Similarity 中所解释的那样,没有考虑向量的大小。行归一化的大小为 1,因此线性核足以计算相似度值。
scipy 稀疏矩阵 API 有点奇怪(不如密集的 N 维 numpy 数组灵活)。要获得第一个向量,您需要按行对矩阵进行切片以获得具有单行的子矩阵:
>>> tfidf[0:1]
<1x130088 sparse matrix of type '<type 'numpy.float64'>'
with 89 stored elements in Compressed Sparse Row format>
scikit-learn 已经提供了成对指标(机器学习术语中的内核),适用于向量集合的密集和稀疏表示。在这种情况下,我们需要一个点积,也称为线性核:
>>> from sklearn.metrics.pairwise import linear_kernel
>>> cosine_similarities = linear_kernel(tfidf[0:1], tfidf).flatten()
>>> cosine_similarities
array([ 1. , 0.04405952, 0.11016969, ..., 0.04433602,
0.04457106, 0.03293218])
因此要找到前 5 个相关文档,我们可以使用argsort
和一些负数组切片(大多数相关文档具有最高的余弦相似度值,因此位于排序索引数组的末尾):
>>> related_docs_indices = cosine_similarities.argsort()[:-5:-1]
>>> related_docs_indices
array([ 0, 958, 10576, 3277])
>>> cosine_similarities[related_docs_indices]
array([ 1. , 0.54967926, 0.32902194, 0.2825788 ])
第一个结果是完整性检查:我们发现查询文档是最相似的文档,余弦相似度得分为 1,其文本如下:
>>> print twenty.data[0]
From: lerxst@wam.umd.edu (where's my thing)
Subject: WHAT car is this!?
Nntp-Posting-Host: rac3.wam.umd.edu
Organization: University of Maryland, College Park
Lines: 15
I was wondering if anyone out there could enlighten me on this car I saw
the other day. It was a 2-door sports car, looked to be from the late 60s/
early 70s. It was called a Bricklin. The doors were really small. In addition,
the front bumper was separate from the rest of the body. This is
all I know. If anyone can tellme a model name, engine specs, years
of production, where this car is made, history, or whatever info you
have on this funky looking car, please e-mail.
Thanks,
- IL
---- brought to you by your neighborhood Lerxst ----
第二个最相似的文档是引用原始消息的回复,因此有许多常用词:
>>> print twenty.data[958]
From: rseymour@reed.edu (Robert Seymour)
Subject: Re: WHAT car is this!?
Article-I.D.: reed.1993Apr21.032905.29286
Reply-To: rseymour@reed.edu
Organization: Reed College, Portland, OR
Lines: 26
In article <1993Apr20.174246.14375@wam.umd.edu> lerxst@wam.umd.edu (where's my
thing) writes:
>
> I was wondering if anyone out there could enlighten me on this car I saw
> the other day. It was a 2-door sports car, looked to be from the late 60s/
> early 70s. It was called a Bricklin. The doors were really small. In
addition,
> the front bumper was separate from the rest of the body. This is
> all I know. If anyone can tellme a model name, engine specs, years
> of production, where this car is made, history, or whatever info you
> have on this funky looking car, please e-mail.
Bricklins were manufactured in the 70s with engines from Ford. They are rather
odd looking with the encased front bumper. There aren't a lot of them around,
but Hemmings (Motor News) ususally has ten or so listed. Basically, they are a
performance Ford with new styling slapped on top.
> ---- brought to you by your neighborhood Lerxst ----
Rush fan?
--
Robert Seymour rseymour@reed.edu
Physics and Philosophy, Reed College (NeXTmail accepted)
Artificial Life Project Reed College
Reed Solar Energy Project (SolTrain) Portland, OR
【讨论】:
一个后续问题:如果我有大量文档,第 2 步中的 linear_kernel 函数可能是性能瓶颈,因为它与行数成线性关系。关于如何将其减少到亚线性的任何想法? 您可以使用 Elastic Search 和 Solr 的“更像这样”查询,它们应该会产生具有亚线性可扩展性配置文件的近似答案。 这是否会给您每个文档与所有其他文档的余弦相似度,而不仅仅是第一个:cosine_similarities = linear_kernel(tfidf, tfidf)
?
是的,这会给你一个成对相似度的方阵。
如果其他人像我一样想知道,在这种情况下,linear_kernel 等价于 cosine_similarity,因为 TfidfVectorizer 生成归一化向量。请参阅文档中的注释:scikit-learn.org/stable/modules/metrics.html#cosine-similarity【参考方案2】:
这是一个将您的测试数据与训练数据进行比较的函数,其中 Tf-Idf 转换器与训练数据相匹配。优点是您可以快速旋转或分组以找到 n 个最接近的元素,并且计算是按矩阵向下的。
def create_tokenizer_score(new_series, train_series, tokenizer):
"""
return the tf idf score of each possible pairs of documents
Args:
new_series (pd.Series): new data (To compare against train data)
train_series (pd.Series): train data (To fit the tf-idf transformer)
Returns:
pd.DataFrame
"""
train_tfidf = tokenizer.fit_transform(train_series)
new_tfidf = tokenizer.transform(new_series)
X = pd.DataFrame(cosine_similarity(new_tfidf, train_tfidf), columns=train_series.index)
X['ix_new'] = new_series.index
score = pd.melt(
X,
id_vars='ix_new',
var_name='ix_train',
value_name='score'
)
return score
train_set = pd.Series(["The sky is blue.", "The sun is bright."])
test_set = pd.Series(["The sun in the sky is bright."])
tokenizer = TfidfVectorizer() # initiate here your own tokenizer (TfidfVectorizer, CountVectorizer, with stopwords...)
score = create_tokenizer_score(train_series=train_set, new_series=test_set, tokenizer=tokenizer)
score
ix_new ix_train score
0 0 0 0.617034
1 0 1 0.862012
【讨论】:
pandas.pydata.org/pandas-docs/stable/reference/api/… 解释 pd.melt 的作用 对于 np.arange(0,len(score)) 中的索引:value=score.loc[index,'score']【参考方案3】:让我再给你一个我写的教程。它回答了你的问题,但也解释了我们为什么要做一些事情。我也试着让它简洁。
所以你有一个list_of_documents
,它只是一个字符串数组和另一个document
,它只是一个字符串。您需要从list_of_documents
中找到与document
最相似的此类文档。
让我们将它们组合在一起:documents = list_of_documents + [document]
让我们从依赖关系开始。我们使用它们的原因将变得很清楚。
from nltk.corpus import stopwords
import string
from nltk.tokenize import wordpunct_tokenize as tokenize
from nltk.stem.porter import PorterStemmer
from sklearn.feature_extraction.text import TfidfVectorizer
from scipy.spatial.distance import cosine
可以使用的一种方法是bag-of-words 方法,我们将文档中的每个单词独立于其他单词,然后将它们全部放在一个大袋子中。从一个角度来看,它丢失了很多信息(比如单词是如何连接的),但从另一个角度来看,它使模型变得简单。
在英语和任何其他人类语言中,有很多“无用”的词,例如“a”、“the”、“in”,它们很常见,以至于它们没有太多意义。它们被称为stop words,删除它们是个好主意。人们可以注意到的另一件事是,“分析”、“分析器”、“分析”等词非常相似。它们有一个共同的词根,并且都可以转换为一个单词。这个过程称为stemming,存在不同的词干分析器,它们在速度、攻击性等方面不同。因此,我们将每个文档转换为没有停用词的词干列表。我们也丢弃了所有的标点符号。
porter = PorterStemmer()
stop_words = set(stopwords.words('english'))
modified_arr = [[porter.stem(i.lower()) for i in tokenize(d.translate(None, string.punctuation)) if i.lower() not in stop_words] for d in documents]
那么这个词袋对我们有什么帮助呢?假设我们有 3 个袋子:[a, b, c]
、[a, c, a]
和 [b, c, d]
。我们可以将它们转换为vectors in the basis[a, b, c, d]
。所以我们最终得到了向量:[1, 1, 1, 0]
、[2, 0, 1, 0]
和 [0, 1, 1, 1]
。我们的文档也是如此(只有向量会更长)。现在我们看到我们删除了很多单词并删除了其他单词以减少向量的维度。这里有一个有趣的观察。较长的文档将比较短的文档具有更多的正元素,这就是规范化向量的好处。这称为词频 TF,人们还使用了有关该词在其他文档中使用频率的附加信息——逆文档频率 IDF。我们一起有一个指标TF-IDF which have a couple of flavors。这可以通过 sklearn 中的一行来实现 :-)
modified_doc = [' '.join(i) for i in modified_arr] # this is only to convert our list of lists to list of strings that vectorizer uses.
tf_idf = TfidfVectorizer().fit_transform(modified_doc)
实际上矢量化器allows to do a lot of things 就像删除停用词和小写一样。我在单独的步骤中完成了它们,只是因为 sklearn 没有非英语停用词,但 nltk 有。
所以我们计算了所有向量。最后一步是找到与最后一个最相似的一个。有多种方法可以实现这一点,其中之一是欧几里得距离,因为discussed here 的原因并不是那么好。另一种方法是cosine similarity。我们迭代所有文档并计算文档与最后一个文档之间的余弦相似度:
l = len(documents) - 1
for i in xrange(l):
minimum = (1, None)
minimum = min((cosine(tf_idf[i].todense(), tf_idf[l + 1].todense()), i), minimum)
print minimum
现在 minimum 将获得有关最佳文档及其分数的信息。
【讨论】:
签名,这不是 op 所要求的:搜索最佳文档给定查询而不是语料库中的“最佳文档”。请不要这样做,像我这样的人会浪费时间尝试将您的示例用于操作任务并陷入矩阵调整大小的疯狂。 它有什么不同?这个想法是完全一样的。提取特征,计算查询和文档之间的余弦距离。 您正在对形状相同的矩阵进行计算,请尝试不同的示例,其中您有一个大小不同的查询矩阵、操作的训练集和测试集。我无法修改您的代码以使其正常工作。 @SalvadorDali 正如所指出的,上面回答了一个不同的问题:您假设查询和文档是同一语料库的一部分,这是错误的。这导致使用从相同语料库(具有相同维度)派生的向量距离的错误方法,通常情况并非如此。如果查询和文档属于不同的语料库,则它们产生的向量可能不在同一个空间中,并且像上面那样计算距离是没有意义的(它们甚至不会具有相同的维度数)。 注意cosine
这里测量的是余弦距离,而不是余弦相似度。【参考方案4】:
这应该对您有所帮助。
from sklearn.feature_extraction.text import TfidfVectorizer
from sklearn.metrics.pairwise import cosine_similarity
tfidf_vectorizer = TfidfVectorizer()
tfidf_matrix = tfidf_vectorizer.fit_transform(train_set)
print tfidf_matrix
cosine = cosine_similarity(tfidf_matrix[length-1], tfidf_matrix)
print cosine
输出将是:
[[ 0.34949812 0.81649658 1. ]]
【讨论】:
如何获得长度?【参考方案5】:我知道这是一个旧帖子。但我尝试了http://scikit-learn.sourceforge.net/stable/ 包。这是我查找余弦相似度的代码。问题是你将如何计算这个包的余弦相似度,这是我的代码
from sklearn.feature_extraction.text import CountVectorizer
from sklearn.metrics.pairwise import cosine_similarity
from sklearn.feature_extraction.text import TfidfVectorizer
f = open("/root/Myfolder/scoringDocuments/doc1")
doc1 = str.decode(f.read(), "UTF-8", "ignore")
f = open("/root/Myfolder/scoringDocuments/doc2")
doc2 = str.decode(f.read(), "UTF-8", "ignore")
f = open("/root/Myfolder/scoringDocuments/doc3")
doc3 = str.decode(f.read(), "UTF-8", "ignore")
train_set = ["president of India",doc1, doc2, doc3]
tfidf_vectorizer = TfidfVectorizer()
tfidf_matrix_train = tfidf_vectorizer.fit_transform(train_set) #finds the tfidf score with normalization
print "cosine scores ==> ",cosine_similarity(tfidf_matrix_train[0:1], tfidf_matrix_train) #here the first element of tfidf_matrix_train is matched with other three elements
这里假设查询是 train_set 的第一个元素,而 doc1、doc2 和 doc3 是我想借助余弦相似度对文档进行排名。然后我可以使用这段代码。
问题中提供的教程也非常有用。这是它的所有部分 part-I,part-II,part-III
输出如下:
[[ 1. 0.07102631 0.02731343 0.06348799]]
这里1代表查询与自身匹配,其他三个是查询与各自文档匹配的分数。
【讨论】:
cosine_similarity(tfidf_matrix_train[0:1], tfidf_matrix_train) 如果将 1 更改为超过数千会怎样。我们该如何处理?? 如何处理ValueError: Incompatible dimension for X and Y matrices: X.shape[1] == 1664 while Y.shape[1] == 2
【参考方案6】:
在@excray 评论的帮助下,我设法找出答案,我们需要做的实际上是编写一个简单的 for 循环来遍历代表训练数据和测试数据的两个数组。
首先实现一个简单的 lambda 函数来保存余弦计算公式:
cosine_function = lambda a, b : round(np.inner(a, b)/(LA.norm(a)*LA.norm(b)), 3)
然后只需编写一个简单的 for 循环来迭代 to 向量,逻辑是针对每个“对于 trainVectorizerArray 中的每个向量,您必须找到与 testVectorizerArray 中的向量的余弦相似度。”
from sklearn.feature_extraction.text import CountVectorizer
from sklearn.feature_extraction.text import TfidfTransformer
from nltk.corpus import stopwords
import numpy as np
import numpy.linalg as LA
train_set = ["The sky is blue.", "The sun is bright."] #Documents
test_set = ["The sun in the sky is bright."] #Query
stopWords = stopwords.words('english')
vectorizer = CountVectorizer(stop_words = stopWords)
#print vectorizer
transformer = TfidfTransformer()
#print transformer
trainVectorizerArray = vectorizer.fit_transform(train_set).toarray()
testVectorizerArray = vectorizer.transform(test_set).toarray()
print 'Fit Vectorizer to train set', trainVectorizerArray
print 'Transform Vectorizer to test set', testVectorizerArray
cx = lambda a, b : round(np.inner(a, b)/(LA.norm(a)*LA.norm(b)), 3)
for vector in trainVectorizerArray:
print vector
for testV in testVectorizerArray:
print testV
cosine = cx(vector, testV)
print cosine
transformer.fit(trainVectorizerArray)
print
print transformer.transform(trainVectorizerArray).toarray()
transformer.fit(testVectorizerArray)
print
tfidf = transformer.transform(testVectorizerArray)
print tfidf.todense()
这是输出:
Fit Vectorizer to train set [[1 0 1 0]
[0 1 0 1]]
Transform Vectorizer to test set [[0 1 1 1]]
[1 0 1 0]
[0 1 1 1]
0.408
[0 1 0 1]
[0 1 1 1]
0.816
[[ 0.70710678 0. 0.70710678 0. ]
[ 0. 0.70710678 0. 0.70710678]]
[[ 0. 0.57735027 0.57735027 0.57735027]]
【讨论】:
nice..我也在从头学习,你的问题和答案是最容易理解的。我认为您可以使用 np.corrcoef() 代替您自己的方法。transformer.fit
操作和tfidf.todense()
的目的是什么?您从循环中获得了相似度值,然后继续执行 tfidf?您计算的余弦值在哪里使用?您的示例令人困惑。
如果您不介意解释,余弦返回究竟是什么。在您的示例中,您得到0.408
和0.816
,这些值是什么?以上是关于Python:tf-idf-cosine:查找文档相似度的主要内容,如果未能解决你的问题,请参考以下文章