sklearn.feature_extraction.FeatureHasher(n_features=1048576, input_type="dict", dtype=<class 'numpy.float64'>, alternate_sign=True, non_negative=False):
  特征散列化的实现类。
  此类将符号特性名称(字符串)的序列转换为scipy.sparse矩阵,使用哈希函数计算与名称对应的矩阵列。使用的散列函数是带符号的32位版本的Murmurhash3.

  字节字符串类型的特征名称按原样使用。Unicode字符串首先转换为UTF-8,但没有进行Unicode规范化。特征值必须是(有限)数字
  本类是DictVectorizer和CountVectorizer的低内存替代品,用于大规模(在线)学习和内存紧张的情况,例如在嵌入式设备上运行预测代码时。

  n_features: integer
    输出矩阵的特征数,少量的特征可能引发hash冲突,大量的特征会导致线性学习的维度扩大。
  input_type:
    "dict"表示输入数据是字典形式的[{feature_name: value}, …],
    "pair"表示输入数据是pair形式的[[(feature_name1, value1), (feature_name2, value2)], …]
    "string"表示数据是字符串形式的[[feature_name1, feature_name1]],其中有个value1个feature_name1,value2个feature_name2
    其中feature_name必须是字符串,value必须是数字。在"string"的情况下,每个feature_name隐含value是1。特征名称会进行hash处理,来计算该特征名称对应的hash列。value的符号在输出的数据中可能会发生反转。
  dtype:
    特征值得类型。这个值将传递给scipy.sparse矩阵作为构造器dtype参数的值。这个参数不能设置为bool,np.boolean或者其他无符号的整型。
  alternate_sign:
    如果为True,则在特征计算出的hash值上交替添加一个符号(正数变成负数),以便于在散列空间中大致的保留内部积。这种方法类似于稀疏随机投影。

  non_negative:
    如果为真,在计算结果返回前,对特征矩阵进行绝对值计算。当与alternate_sign=True一同使用时,会显著降低内部积的保存性能。

  该类的方法与其他的特征提取类的方法一致。
  以下代码例子来源自sklearn官网API。
  地址: https://scikit-learn.org/stable/modules/generated/sklearn.feature_extraction.FeatureHasher.html#sklearn.feature_extraction.FeatureHasher

例子1:

   from sklearn.feature_extraction import FeatureHasher
h = FeatureHasher(n_features=10, input_type='string', dtype=int, alternate_sign=False)
d = [{'dog': 1, 'cat': 2, 'elephant': 4}, {'dog': 2, 'run': 5}]
d = [[('dog', 1), ('cat', 2), ('elephant', 4)], [('dog', 2), ('run', 5)]]
d = [['dog', 'cat', 'cat', 'elephant', 'elephant','elephant','elephant',],
["dog", "dog", "run", 'run', 'run', 'run', 'run'],
["run", "run"]]
f = h.transform(d)
print(f.toarray())
print(h.get_params())

例子2:

from __future__ import print_function
from collections import defaultdict
import re
import sys
from time import time import numpy as np from sklearn.datasets import fetch_20newsgroups
from sklearn.feature_extraction import DictVectorizer, FeatureHasher
from memory_profiler import profile def n_nonzero_columns(X):
"""Returns the number of non-zero columns in a CSR matrix X."""
return len(np.unique(X.nonzero()[1])) def tokens(doc):
"""
简单的将doc拆分成词语,删除英文字母外的符号,并且都小写化
:param doc:
:return:
"""
return (tok.lower() for tok in re.findall(r"\w+", doc)) def token_freqs(doc):
"""
对doc中的词语进行频率统计
:param doc:
:return:
"""
freq = defaultdict(int)
for tok in tokens(doc):
freq[tok] += 1
return freq @profile
def dict_vectorizer(raw_data, data_size_mb):
print("DictVectorizer")
t0 = time()
vectorizer = DictVectorizer()
X = vectorizer.fit_transform(token_freqs(d) for d in raw_data)
duration = time() - t0
print("done in %fs at %0.3fMB/s" % (duration, data_size_mb / duration))
print("Found %d unique terms\n" % len(vectorizer.get_feature_names()))
print("X.shape: ", X.shape) @profile
def feature_hasher_freq(raw_data, data_size_mb, n_features):
print("FeatureHasher on frequency dicts")
t0 = time()
hasher = FeatureHasher(n_features=n_features)
X = hasher.transform(token_freqs(d) for d in raw_data)
duration = time() - t0
print("done in %fs at %0.3fMB/s" % (duration, data_size_mb / duration))
print("Found %d unique terms\n" % n_nonzero_columns(X))
print("X.shape: ", X.shape)
del X @profile
def feature_hasher_terms(raw_data, data_size_mb, n_features):
print("FeatureHasher on raw tokens")
t0 = time()
hasher = FeatureHasher(n_features=n_features, input_type="string")
X = hasher.transform(tokens(d) for d in raw_data)
duration = time() - t0
print("done in %fs at %0.3fMB/s" % (duration, data_size_mb / duration))
print("Found %d unique terms" % n_nonzero_columns(X))
print("X.shape: ", X.shape)
del X @profile
def compare():
# 1. 只选择一部分数据
categories = [
'alt.atheism',
'comp.graphics',
'comp.sys.ibm.pc.hardware',
'misc.forsale',
'rec.autos',
'sci.space',
'talk.religion.misc',
] print("Usage: %s [n_features_for_hashing]" % sys.argv[0])
print(" The default number of features is 2**18.\n\n") try:
n_features = int(sys.argv[1])
except IndexError:
n_features = 2 ** 18
except ValueError:
print("not a valid number of features: %r" % sys.argv[1])
sys.exit(1) print("Loading 20 newsgroups training data")
# 2. 第一次运行时,下载文件需要较长的时间
# data_home 下载下来的文件保存的位置
# 如果data_home中没有文件,download_if_missing设置为True,程序会自动下载文件到data_home
raw_data = fetch_20newsgroups(data_home=r"D:\学习\sklearn_dataset\20newsbydate",
subset='train',
categories=categories,
download_if_missing=True
).data # 3. 计算文本的大小
data_size_mb = sum(len(s.encode('utf-8')) for s in raw_data) / 1e6
print("%d documents - %0.3fMB\n" % (len(raw_data), data_size_mb)) dict_vectorizer(raw_data, data_size_mb)
feature_hasher_freq(raw_data, data_size_mb, n_features)
feature_hasher_terms(raw_data, data_size_mb, n_features) if __name__ == '__main__':
compare()

例子2输出:
  

Usage: D:/Project/nlplearn/sklearn_learn/plot_hashing_vs_dictvectorizer.py [n_features_for_hashing]
The default number of features is 2**18. Loading 20 newsgroups training data
3803 documents - 6.245MB DictVectorizer
done in 16.495944s at 0.379MB/s
Found 47928 unique terms X.shape: (3803, 47928)
Filename: D:/Project/nlplearn/sklearn_learn/plot_hashing_vs_dictvectorizer.py Line # Mem usage Increment Line Contents
================================================
42 98.9 MiB 98.9 MiB @profile
43 def dict_vectorizer(raw_data, data_size_mb):
44 98.9 MiB 0.0 MiB print("DictVectorizer")
45 98.9 MiB 0.0 MiB t0 = time()
46 98.9 MiB 0.0 MiB vectorizer = DictVectorizer()
47 130.7 MiB 1.3 MiB X = vectorizer.fit_transform(token_freqs(d) for d in raw_data)
48 130.7 MiB 0.0 MiB duration = time() - t0
49 130.7 MiB 0.0 MiB print("done in %fs at %0.3fMB/s" % (duration, data_size_mb / duration))
50 130.7 MiB 0.0 MiB print("Found %d unique terms\n" % len(vectorizer.get_feature_names()))
51 130.7 MiB 0.0 MiB print("X.shape: ", X.shape) FeatureHasher on frequency dicts
done in 8.953512s at 0.697MB/s
Found 43873 unique terms X.shape: (3803, 262144)
Filename: D:/Project/nlplearn/sklearn_learn/plot_hashing_vs_dictvectorizer.py Line # Mem usage Increment Line Contents
================================================
53 106.5 MiB 106.5 MiB @profile
54 def feature_hasher_freq(raw_data, data_size_mb, n_features):
55 106.5 MiB 0.0 MiB print("FeatureHasher on frequency dicts")
56 106.5 MiB 0.0 MiB t0 = time()
57 106.5 MiB 0.0 MiB hasher = FeatureHasher(n_features=n_features)
58 116.8 MiB 4.0 MiB X = hasher.transform(token_freqs(d) for d in raw_data)
59 116.8 MiB 0.0 MiB duration = time() - t0
60 116.8 MiB 0.0 MiB print("done in %fs at %0.3fMB/s" % (duration, data_size_mb / duration))
61 116.8 MiB 0.0 MiB print("Found %d unique terms\n" % n_nonzero_columns(X))
62 116.8 MiB 0.0 MiB print("X.shape: ", X.shape)
63 106.6 MiB 0.0 MiB del X FeatureHasher on raw tokens
done in 9.989571s at 0.625MB/s
Found 43873 unique terms
X.shape: (3803, 262144)
Filename: D:/Project/nlplearn/sklearn_learn/plot_hashing_vs_dictvectorizer.py Line # Mem usage Increment Line Contents
================================================
65 106.6 MiB 106.6 MiB @profile
66 def feature_hasher_terms(raw_data, data_size_mb, n_features):
67 106.6 MiB 0.0 MiB print("FeatureHasher on raw tokens")
68 106.6 MiB 0.0 MiB t0 = time()
69 106.6 MiB 0.0 MiB hasher = FeatureHasher(n_features=n_features, input_type="string")
70 118.6 MiB 4.0 MiB X = hasher.transform(tokens(d) for d in raw_data)
71 118.6 MiB 0.0 MiB duration = time() - t0
72 118.6 MiB 0.0 MiB print("done in %fs at %0.3fMB/s" % (duration, data_size_mb / duration))
73 118.6 MiB 0.0 MiB print("Found %d unique terms" % n_nonzero_columns(X))
74 118.6 MiB 0.0 MiB print("X.shape: ", X.shape)
75 106.7 MiB 0.0 MiB del X Filename: D:/Project/nlplearn/sklearn_learn/plot_hashing_vs_dictvectorizer.py Line # Mem usage Increment Line Contents
================================================
78 71.5 MiB 71.5 MiB @profile
79 def compare():
80 # 1. 只选择一部分数据
81 categories = [
82 71.5 MiB 0.0 MiB 'alt.atheism',
83 71.5 MiB 0.0 MiB 'comp.graphics',
84 71.5 MiB 0.0 MiB 'comp.sys.ibm.pc.hardware',
85 71.5 MiB 0.0 MiB 'misc.forsale',
86 71.5 MiB 0.0 MiB 'rec.autos',
87 71.5 MiB 0.0 MiB 'sci.space',
88 71.5 MiB 0.0 MiB 'talk.religion.misc',
89 ]
90
91 71.5 MiB 0.0 MiB print("Usage: %s [n_features_for_hashing]" % sys.argv[0])
92 71.5 MiB 0.0 MiB print(" The default number of features is 2**18.\n\n")
93
94 71.5 MiB 0.0 MiB try:
95 71.5 MiB 0.0 MiB n_features = int(sys.argv[1])
96 71.5 MiB 0.0 MiB except IndexError:
97 71.5 MiB 0.0 MiB n_features = 2 ** 18
98 except ValueError:
99 print("not a valid number of features: %r" % sys.argv[1])
100 sys.exit(1)
101
102 71.5 MiB 0.0 MiB print("Loading 20 newsgroups training data")
103 # 2. 第一次运行时,下载文件需要较长的时间
104 # data_home 下载下来的文件保存的位置
105 # 如果data_home中没有文件,download_if_missing设置为True,程序会自动下载文件到data_home
106 71.5 MiB 0.0 MiB raw_data = fetch_20newsgroups(data_home=r"D:\学习\sklearn_dataset\20newsbydate",
107 71.5 MiB 0.0 MiB subset='train',
108 71.5 MiB 0.0 MiB categories=categories,
109 98.0 MiB 26.5 MiB download_if_missing=True
110 ).data
111
112 # 3. 计算文本的大小
113 98.9 MiB 0.1 MiB data_size_mb = sum(len(s.encode('utf-8')) for s in raw_data) / 1e6
114 98.9 MiB 0.0 MiB print("%d documents - %0.3fMB\n" % (len(raw_data), data_size_mb))
115
116 106.5 MiB 7.6 MiB dict_vectorizer(raw_data, data_size_mb)
117 106.6 MiB 0.1 MiB feature_hasher_freq(raw_data, data_size_mb, n_features)
118 106.7 MiB 0.1 MiB feature_hasher_terms(raw_data, data_size_mb, n_features)

  从输出信息可以看出:
    FeatureHasher相比于DictVectorizer:
      1. FeatureHasher转化的速度更快。如果更改n_features, FeatureHasher的速度会发生变化,但是仍然比DictVectorizer更快一些。
      2. FeatureHasher的特征数少于DictVectorizer,部分特征被压缩了。

特征抽取: sklearn.feature_extraction.FeatureHasher的更多相关文章

  1. 特征抽取: sklearn.feature_extraction.DictVectorizer

    sklearn.featture_extraction.DictVectorizer: 将特征与值的映射字典组成的列表转换成向量. DictVectorizer通过使用scikit-learn的est ...

  2. sklearn.feature_extraction.text 的TfidfVectorizer函数

    TfidfVectorizer函数主要用于,将文档(句子)等通过 tf-idf值来进行表示,也就是用一个tf-idf值的矩阵来表示文档(句子也可). from sklearn.feature_extr ...

  3. sklearn.feature_extraction.text.CountVectorizer 学习

    CountVectorizer: CountVectorizer可以将文本文档集合转换为token计数矩阵.(token可以理解成词) 此实现通过使用scipy.sparse.csr_matrix产生 ...

  4. sklearn.feature_extraction.DictVectorizer

    sklearn.feature_extraction.DictVectorizer:将字典组成的列表转换成向量.(将特征与值的映射字典组成的列表转换成向量) 1. 特征矩阵行代表数据,列代表特征,0表 ...

  5. sklearn特征抽取

    特征抽取sklearn.feature_extraction 模块提供了从原始数据如文本,图像等众抽取能够被机器学习算法直接处理的特征向量. 1.特征抽取方法之 Loading Features fr ...

  6. sklearn文本特征提取

    http://cloga.info/2014/01/19/sklearn_text_feature_extraction/ 文本特征提取 词袋(Bag of Words)表征 文本分析是机器学习算法的 ...

  7. Feature extraction - sklearn文本特征提取

    http://blog.csdn.net/pipisorry/article/details/41957763 文本特征提取 词袋(Bag of Words)表征 文本分析是机器学习算法的主要应用领域 ...

  8. sklearn中模型抽取

    特征抽取sklearn.feature_extraction 模块提供了从原始数据如文本,图像等众抽取能够被机器学习算法直接处理的特征向量. 1.特征抽取方法之 Loading Features fr ...

  9. Sklearn 与 TensorFlow 机器学习实战—一个完整的机器学习项目

    本章中,你会假装作为被一家地产公司刚刚雇佣的数据科学家,完整地学习一个案例项目.下面是主要步骤: 项目概述. 获取数据. 发现并可视化数据,发现规律. 为机器学习算法准备数据. 选择模型,进行训练. ...

随机推荐

  1. flutter踩坑小记:The number of method references in a .dex file cannot exceed 64K.

    The number of method references in a .dex file cannot exceed 64K. 这句话的意思翻译出来是:.dex文件中的方法引用数不能超过64K. ...

  2. CF1203F2 Complete the Projects (hard version)(结论+背包+贪心)

    题目 做法 对于加分的直接贪心 而掉分的用排序后的背包动规 假设有两个物品\((a_1,b_1)(a_2,b_2)\) 选第一个物品后无法选择第二个物品,假设开始值为\(r\):\(r>a_1, ...

  3. Java 基础:Queue

    下面几个关于Java里queue的说法哪些是正确的()? 正确答案: A C A.LinkedBlockingQueue是一个可选有界队列,不允许null值 B.PriorityQueue,Linke ...

  4. Vue编程基础

    一.依赖环境搭建: 添加镜像 # 安装好node.js后,使用淘宝镜像 npm install -g cnpm --registry=https://registry.npm.taobao.org 项 ...

  5. 如何把ANSYS模型输出为CDB文件并导入FLUENT  【转载】

    转载自: http://linziok99.blog.163.com/blog/static/100157302009320134826/ 在main menu中选择Archive Model ,再点 ...

  6. JavaWeb之Tomcat(2) —— Tomcat的使用

    1. 启动和关闭Tomcat (1) 打开Tomcat的安装目录,在 bin 目录下,有四个文件: startup.bat 和 startup.sh,他们分别是Windows环境下的批处理文件和Lin ...

  7. Thingsboard Docker关闭后重启服务创建network出错

    因为个人想验证一下thingsboard的数据是否是保存在postgres中,就将postgres容器停止,后想重启则无法重启 我干脆将整个系统删除后重新再来一次,在试的时候发现无法重新创建容器 Cr ...

  8. 深度学习面试题12:LeNet(手写数字识别)

    目录 神经网络的卷积.池化.拉伸 LeNet网络结构 LeNet在MNIST数据集上应用 参考资料 LeNet是卷积神经网络的祖师爷LeCun在1998年提出,用于解决手写数字识别的视觉任务.自那时起 ...

  9. 在Eclipse IDE进行Struts开发时提示错误:java.lang.ClassNotFoundException: org.apache.struts2.dispatcher.FilterDispatcher的解决办法

    If you have... included all necessary jars Configured build path correctly added them all in deploym ...

  10. python gdal ogr osgeo