提交 e13c104e 编写于 作者: S ShusenTang

add 10.1

上级 53111ae4
......@@ -86,7 +86,10 @@ Dive into Deep Learning with PyTorch.
[9.1 图像增广](https://github.com/ShusenTang/Dive-into-DL-PyTorch/blob/master/docs/chapter09_computer-vision/9.1_image-augmentation.md)
[9.2 微调](https://github.com/ShusenTang/Dive-into-DL-PyTorch/blob/master/docs/chapter09_computer-vision/9.2_fine-tuning.md)
[9.3 目标检测和边界框](https://github.com/ShusenTang/Dive-into-DL-PyTorch/blob/master/docs/chapter09_computer-vision/9.3_bounding-box.md)
[由于这段时间我刚好会用到NLP,所以先更NLP,CV回头再更]
### 10. 自然语言处理
[10.1 词嵌入(word2vec)](https://github.com/ShusenTang/Dive-into-DL-PyTorch/blob/master/docs/chapter10_natural-language-processing/10.1_word2vec.md)
持续更新中......
......
# 10.1 词嵌入(word2vec)
自然语言是一套用来表达含义的复杂系统。在这套系统中,词是表义的基本单元。顾名思义,词向量是用来表示词的向量,也可被认为是词的特征向量或表征。把词映射为实数域向量的技术也叫词嵌入(word embedding)。近年来,词嵌入已逐渐成为自然语言处理的基础知识。
## 10.1.1 为何不采用one-hot向量
我们在6.4节(循环神经网络的从零开始实现)中使用one-hot向量表示词(字符为词)。回忆一下,假设词典中不同词的数量(词典大小)为$N$,每个词可以和从0到$N-1$的连续整数一一对应。这些与词对应的整数叫作词的索引。
假设一个词的索引为$i$,为了得到该词的one-hot向量表示,我们创建一个全0的长为$N$的向量,并将其第$i$位设成1。这样一来,每个词就表示成了一个长度为$N$的向量,可以直接被神经网络使用。
虽然one-hot词向量构造起来很容易,但通常并不是一个好选择。一个主要的原因是,one-hot词向量无法准确表达不同词之间的相似度,如我们常常使用的余弦相似度。对于向量$\boldsymbol{x}, \boldsymbol{y} \in \mathbb{R}^d$,它们的余弦相似度是它们之间夹角的余弦值
$$\frac{\boldsymbol{x}^\top \boldsymbol{y}}{\|\boldsymbol{x}\| \|\boldsymbol{y}\|} \in [-1, 1].$$
由于任何两个不同词的one-hot向量的余弦相似度都为0,多个不同词之间的相似度难以通过one-hot向量准确地体现出来。
word2vec工具的提出正是为了解决上面这个问题 [1]。它将每个词表示成一个定长的向量,并使得这些向量能较好地表达不同词之间的相似和类比关系。word2vec工具包含了两个模型,即跳字模型(skip-gram)[2] 和连续词袋模型(continuous bag of words,CBOW)[3]。接下来让我们分别介绍这两个模型以及它们的训练方法。
## 10.1.2 跳字模型
跳字模型假设基于某个词来生成它在文本序列周围的词。举个例子,假设文本序列是“the”“man”“loves”“his”“son”。以“loves”作为中心词,设背景窗口大小为2。如图10.1所示,跳字模型所关心的是,给定中心词“loves”,生成与它距离不超过2个词的背景词“the”“man”“his”“son”的条件概率,即
$$P(\textrm{``the"},\textrm{``man"},\textrm{``his"},\textrm{``son"}\mid\textrm{``loves"}).$$
假设给定中心词的情况下,背景词的生成是相互独立的,那么上式可以改写成
$$P(\textrm{``the"}\mid\textrm{``loves"})\cdot P(\textrm{``man"}\mid\textrm{``loves"})\cdot P(\textrm{``his"}\mid\textrm{``loves"})\cdot P(\textrm{``son"}\mid\textrm{``loves"}).$$
<div align=center>
<img width="300" src="../../img/chapter10/10.1_skip-gram.svg"/>
</div>
<div align=center>图10.1 跳字模型关心给定中心词生成背景词的条件概率</div>
在跳字模型中,每个词被表示成两个$d$维向量,用来计算条件概率。假设这个词在词典中索引为$i$,当它为中心词时向量表示为$\boldsymbol{v}_i\in\mathbb{R}^d$,而为背景词时向量表示为$\boldsymbol{u}_i\in\mathbb{R}^d$。设中心词$w_c$在词典中索引为$c$,背景词$w_o$在词典中索引为$o$,给定中心词生成背景词的条件概率可以通过对向量内积做softmax运算而得到:
$$P(w_o \mid w_c) = \frac{\text{exp}(\boldsymbol{u}_o^\top \boldsymbol{v}_c)}{ \sum_{i \in \mathcal{V}} \text{exp}(\boldsymbol{u}_i^\top \boldsymbol{v}_c)},$$
其中词典索引集$\mathcal{V} = \{0, 1, \ldots, |\mathcal{V}|-1\}$。假设给定一个长度为$T$的文本序列,设时间步$t$的词为$w^{(t)}$。假设给定中心词的情况下背景词的生成相互独立,当背景窗口大小为$m$时,跳字模型的似然函数即给定任一中心词生成所有背景词的概率
$$ \prod_{t=1}^{T} \prod_{-m \leq j \leq m,\ j \neq 0} P(w^{(t+j)} \mid w^{(t)}),$$
这里小于1和大于$T$的时间步可以忽略。
### 10.1.2.1 训练跳字模型
跳字模型的参数是每个词所对应的中心词向量和背景词向量。训练中我们通过最大化似然函数来学习模型参数,即最大似然估计。这等价于最小化以下损失函数:
$$ - \sum_{t=1}^{T} \sum_{-m \leq j \leq m,\ j \neq 0} \text{log}\, P(w^{(t+j)} \mid w^{(t)}).$$
如果使用随机梯度下降,那么在每一次迭代里我们随机采样一个较短的子序列来计算有关该子序列的损失,然后计算梯度来更新模型参数。梯度计算的关键是条件概率的对数有关中心词向量和背景词向量的梯度。根据定义,首先看到
$$\log P(w_o \mid w_c) =
\boldsymbol{u}_o^\top \boldsymbol{v}_c - \log\left(\sum_{i \in \mathcal{V}} \text{exp}(\boldsymbol{u}_i^\top \boldsymbol{v}_c)\right)$$
通过微分,我们可以得到上式中$\boldsymbol{v}_c$的梯度
$$
\begin{aligned}
\frac{\partial \text{log}\, P(w_o \mid w_c)}{\partial \boldsymbol{v}_c}
&= \boldsymbol{u}_o - \frac{\sum_{j \in \mathcal{V}} \exp(\boldsymbol{u}_j^\top \boldsymbol{v}_c)\boldsymbol{u}_j}{\sum_{i \in \mathcal{V}} \exp(\boldsymbol{u}_i^\top \boldsymbol{v}_c)}\\
&= \boldsymbol{u}_o - \sum_{j \in \mathcal{V}} \left(\frac{\text{exp}(\boldsymbol{u}_j^\top \boldsymbol{v}_c)}{ \sum_{i \in \mathcal{V}} \text{exp}(\boldsymbol{u}_i^\top \boldsymbol{v}_c)}\right) \boldsymbol{u}_j\\
&= \boldsymbol{u}_o - \sum_{j \in \mathcal{V}} P(w_j \mid w_c) \boldsymbol{u}_j.
\end{aligned}
$$
它的计算需要词典中所有词以$w_c$为中心词的条件概率。有关其他词向量的梯度同理可得。
训练结束后,对于词典中的任一索引为$i$的词,我们均得到该词作为中心词和背景词的两组词向量$\boldsymbol{v}_i$和$\boldsymbol{u}_i$。在自然语言处理应用中,一般使用跳字模型的中心词向量作为词的表征向量。
## 10.1.3 连续词袋模型
连续词袋模型与跳字模型类似。与跳字模型最大的不同在于,连续词袋模型假设基于某中心词在文本序列前后的背景词来生成该中心词。在同样的文本序列“the”“man”“loves”“his”“son”里,以“loves”作为中心词,且背景窗口大小为2时,连续词袋模型关心的是,给定背景词“the”“man”“his”“son”生成中心词“loves”的条件概率(如图10.2所示),也就是
$$P(\textrm{``loves"}\mid\textrm{``the"},\textrm{``man"},\textrm{``his"},\textrm{``son"}).$$
<div align=center>
<img width="300" src="../../img/chapter10/10.1_cbow.svg"/>
</div>
<div align=center>图10.2 连续词袋模型关心给定背景词生成中心词的条件概率</div>
因为连续词袋模型的背景词有多个,我们将这些背景词向量取平均,然后使用和跳字模型一样的方法来计算条件概率。设$\boldsymbol{v_i}\in\mathbb{R}^d$和$\boldsymbol{u_i}\in\mathbb{R}^d$分别表示词典中索引为$i$的词作为背景词和中心词的向量(注意符号的含义与跳字模型中的相反)。设中心词$w_c$在词典中索引为$c$,背景词$w_{o_1}, \ldots, w_{o_{2m}}$在词典中索引为$o_1, \ldots, o_{2m}$,那么给定背景词生成中心词的条件概率
$$P(w_c \mid w_{o_1}, \ldots, w_{o_{2m}}) = \frac{\text{exp}\left(\frac{1}{2m}\boldsymbol{u}_c^\top (\boldsymbol{v}_{o_1} + \ldots + \boldsymbol{v}_{o_{2m}}) \right)}{ \sum_{i \in \mathcal{V}} \text{exp}\left(\frac{1}{2m}\boldsymbol{u}_i^\top (\boldsymbol{v}_{o_1} + \ldots + \boldsymbol{v}_{o_{2m}}) \right)}.$$
为了让符号更加简单,我们记$\mathcal{W}_o= \{w_{o_1}, \ldots, w_{o_{2m}}\}$,且$\bar{\boldsymbol{v}}_o = \left(\boldsymbol{v}_{o_1} + \ldots + \boldsymbol{v}_{o_{2m}} \right)/(2m)$,那么上式可以简写成
$$P(w_c \mid \mathcal{W}_o) = \frac{\exp\left(\boldsymbol{u}_c^\top \bar{\boldsymbol{v}}_o\right)}{\sum_{i \in \mathcal{V}} \exp\left(\boldsymbol{u}_i^\top \bar{\boldsymbol{v}}_o\right)}.$$
给定一个长度为$T$的文本序列,设时间步$t$的词为$w^{(t)}$,背景窗口大小为$m$。连续词袋模型的似然函数是由背景词生成任一中心词的概率
$$ \prod_{t=1}^{T} P(w^{(t)} \mid w^{(t-m)}, \ldots, w^{(t-1)}, w^{(t+1)}, \ldots, w^{(t+m)}).$$
### 10.1.3.1 训练连续词袋模型
训练连续词袋模型同训练跳字模型基本一致。连续词袋模型的最大似然估计等价于最小化损失函数
$$ -\sum_{t=1}^T \text{log}\, P(w^{(t)} \mid w^{(t-m)}, \ldots, w^{(t-1)}, w^{(t+1)}, \ldots, w^{(t+m)}).$$
注意到
$$\log\,P(w_c \mid \mathcal{W}_o) = \boldsymbol{u}_c^\top \bar{\boldsymbol{v}}_o - \log\,\left(\sum_{i \in \mathcal{V}} \exp\left(\boldsymbol{u}_i^\top \bar{\boldsymbol{v}}_o\right)\right).$$
通过微分,我们可以计算出上式中条件概率的对数有关任一背景词向量$\boldsymbol{v}_{o_i}$($i = 1, \ldots, 2m$)的梯度
$$\frac{\partial \log\, P(w_c \mid \mathcal{W}_o)}{\partial \boldsymbol{v}_{o_i}} = \frac{1}{2m} \left(\boldsymbol{u}_c - \sum_{j \in \mathcal{V}} \frac{\exp(\boldsymbol{u}_j^\top \bar{\boldsymbol{v}}_o)\boldsymbol{u}_j}{ \sum_{i \in \mathcal{V}} \text{exp}(\boldsymbol{u}_i^\top \bar{\boldsymbol{v}}_o)} \right) = \frac{1}{2m}\left(\boldsymbol{u}_c - \sum_{j \in \mathcal{V}} P(w_j \mid \mathcal{W}_o) \boldsymbol{u}_j \right).$$
有关其他词向量的梯度同理可得。同跳字模型不一样的一点在于,我们一般使用连续词袋模型的背景词向量作为词的表征向量。
## 小结
* 词向量是用来表示词的向量。把词映射为实数域向量的技术也叫词嵌入。
* word2vec包含跳字模型和连续词袋模型。跳字模型假设基于中心词来生成背景词。连续词袋模型假设基于背景词来生成中心词。
## 参考文献
[1] word2vec工具。https://code.google.com/archive/p/word2vec/
[2] Mikolov, T., Sutskever, I., Chen, K., Corrado, G. S., & Dean, J. (2013). Distributed representations of words and phrases and their compositionality. In Advances in neural information processing systems (pp. 3111-3119).
[3] Mikolov, T., Chen, K., Corrado, G., & Dean, J. (2013). Efficient estimation of word representations in vector space. arXiv preprint arXiv:1301.3781.
-----------
> 注:本节与原书完全相同,[原书传送门](https://zh.d2l.ai/chapter_natural-language-processing/word2vec.html)
<?xml version="1.0" encoding="UTF-8"?>
<svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" width="178pt" height="121pt" viewBox="0 0 178 121" version="1.1">
<defs>
<g>
<symbol overflow="visible" id="glyph0-0">
<path style="stroke:none;" d=""/>
</symbol>
<symbol overflow="visible" id="glyph0-1">
<path style="stroke:none;" d="M 2.3125 -0.03125 L 2.3125 -0.171875 C 1.734375 -0.1875 1.640625 -0.296875 1.625 -0.796875 L 1.578125 -6.125 L 1.53125 -6.15625 C 1.0625 -6.015625 0.734375 -5.921875 0.109375 -5.75 L 0.109375 -5.609375 C 0.25 -5.625 0.375 -5.625 0.4375 -5.625 C 0.734375 -5.640625 0.8125 -5.5 0.828125 -5.0625 L 0.859375 -0.84375 C 0.875 -0.34375 0.75 -0.203125 0.1875 -0.140625 L 0.1875 0 Z M 2.3125 -0.03125 "/>
</symbol>
<symbol overflow="visible" id="glyph0-2">
<path style="stroke:none;" d="M 4.21875 -2.125 C 4.203125 -3.375 3.34375 -4.171875 2.234375 -4.171875 C 1.03125 -4.15625 0.234375 -3.296875 0.25 -2.046875 C 0.25 -0.796875 1.109375 0.078125 2.203125 0.078125 C 3.421875 0.0625 4.21875 -0.875 4.21875 -2.125 Z M 3.40625 -1.875 C 3.40625 -0.828125 3.03125 -0.1875 2.359375 -0.1875 C 2.03125 -0.171875 1.75 -0.34375 1.546875 -0.625 C 1.203125 -1.109375 1.0625 -1.765625 1.046875 -2.46875 C 1.046875 -3.375 1.453125 -3.90625 2.0625 -3.90625 C 2.453125 -3.921875 2.71875 -3.734375 2.9375 -3.46875 C 3.234375 -3.09375 3.390625 -2.484375 3.40625 -1.875 Z M 3.40625 -1.875 "/>
</symbol>
<symbol overflow="visible" id="glyph0-3">
<path style="stroke:none;" d="M 4.25 -4.09375 L 3 -4.078125 L 3 -3.953125 C 3.28125 -3.921875 3.421875 -3.828125 3.4375 -3.65625 C 3.4375 -3.5625 3.421875 -3.484375 3.375 -3.390625 L 2.5 -1.0625 L 1.578125 -3.34375 C 1.515625 -3.484375 1.484375 -3.59375 1.484375 -3.6875 C 1.46875 -3.84375 1.578125 -3.90625 1.890625 -3.9375 L 1.890625 -4.0625 L 0.125 -4.046875 L 0.125 -3.921875 C 0.46875 -3.890625 0.5625 -3.8125 0.953125 -2.890625 L 2.0625 -0.3125 C 2.109375 -0.234375 2.109375 -0.171875 2.140625 -0.125 C 2.203125 0.03125 2.25 0.09375 2.296875 0.09375 C 2.359375 0.09375 2.421875 -0.015625 2.5625 -0.359375 L 3.671875 -3.25 C 3.90625 -3.859375 3.96875 -3.9375 4.25 -3.96875 Z M 4.25 -4.09375 "/>
</symbol>
<symbol overflow="visible" id="glyph0-4">
<path style="stroke:none;" d="M 3.65625 -1.5 C 3.21875 -0.84375 2.890625 -0.5625 2.28125 -0.5625 C 1.875 -0.546875 1.53125 -0.703125 1.265625 -1.046875 C 0.953125 -1.46875 0.90625 -1.828125 0.84375 -2.515625 L 3.609375 -2.53125 C 3.578125 -3.015625 3.484375 -3.296875 3.3125 -3.546875 C 3 -3.953125 2.59375 -4.171875 2.046875 -4.15625 C 0.90625 -4.15625 0.1875 -3.21875 0.203125 -1.953125 C 0.21875 -0.71875 0.875 0.078125 1.9375 0.078125 C 2.828125 0.0625 3.46875 -0.46875 3.796875 -1.453125 Z M 0.859375 -2.796875 C 0.953125 -3.46875 1.296875 -3.828125 1.796875 -3.828125 C 2.390625 -3.84375 2.59375 -3.546875 2.703125 -2.8125 Z M 0.859375 -2.796875 "/>
</symbol>
<symbol overflow="visible" id="glyph0-5">
<path style="stroke:none;" d="M 1.375 -2.71875 C 1.125 -2.875 0.984375 -3.140625 0.984375 -3.34375 C 0.96875 -3.765625 1.265625 -3.953125 1.640625 -3.953125 C 2.1875 -3.96875 2.46875 -3.671875 2.671875 -2.859375 L 2.8125 -2.859375 L 2.75 -4.078125 L 2.65625 -4.078125 C 2.578125 -4 2.546875 -3.984375 2.515625 -3.984375 C 2.453125 -3.984375 2.359375 -4.015625 2.25 -4.0625 C 2.0625 -4.140625 1.875 -4.140625 1.65625 -4.140625 C 0.921875 -4.140625 0.40625 -3.734375 0.421875 -3.03125 C 0.421875 -2.5625 0.78125 -2.15625 1.515625 -1.734375 L 2.015625 -1.46875 C 2.3125 -1.3125 2.484375 -1.078125 2.484375 -0.8125 C 2.5 -0.4375 2.21875 -0.125 1.75 -0.125 C 1.140625 -0.125 0.796875 -0.515625 0.59375 -1.375 L 0.453125 -1.375 L 0.46875 0.03125 L 0.578125 0.03125 C 0.640625 -0.046875 0.6875 -0.078125 0.796875 -0.09375 C 0.90625 -0.09375 1 -0.078125 1.21875 0 C 1.421875 0.0625 1.6875 0.078125 1.875 0.078125 C 2.5625 0.0625 3.125 -0.46875 3.109375 -1.0625 C 3.109375 -1.578125 2.90625 -1.828125 2.328125 -2.171875 Z M 1.375 -2.71875 "/>
</symbol>
<symbol overflow="visible" id="glyph1-0">
<path style="stroke:none;" d=""/>
</symbol>
<symbol overflow="visible" id="glyph1-1">
<path style="stroke:none;" d="M 2.390625 -0.6875 C 2.203125 -0.453125 2.046875 -0.375 1.859375 -0.375 C 1.515625 -0.375 1.390625 -0.609375 1.390625 -1.1875 L 1.390625 -3.765625 L 2.296875 -3.765625 L 2.296875 -4.046875 L 1.390625 -4.046875 L 1.390625 -5.09375 C 1.390625 -5.1875 1.375 -5.21875 1.328125 -5.21875 C 1.265625 -5.125 1.203125 -5.046875 1.140625 -4.953125 C 0.796875 -4.46875 0.5 -4.125 0.265625 -4 C 0.171875 -3.9375 0.109375 -3.875 0.109375 -3.828125 C 0.109375 -3.796875 0.125 -3.78125 0.15625 -3.765625 L 0.625 -3.765625 L 0.625 -1.046875 C 0.625 -0.296875 0.90625 0.09375 1.421875 0.09375 C 1.875 0.09375 2.21875 -0.125 2.515625 -0.59375 Z M 2.390625 -0.6875 "/>
</symbol>
<symbol overflow="visible" id="glyph1-2">
<path style="stroke:none;" d="M 4.390625 0 L 4.390625 -0.140625 C 3.890625 -0.21875 3.84375 -0.296875 3.84375 -0.921875 L 3.84375 -2.703125 C 3.84375 -3.65625 3.46875 -4.140625 2.734375 -4.140625 C 2.203125 -4.140625 1.828125 -3.921875 1.40625 -3.390625 L 1.40625 -6.125 L 1.375 -6.140625 C 1.046875 -6.03125 0.84375 -5.96875 0.328125 -5.828125 L 0.09375 -5.75 L 0.09375 -5.609375 C 0.109375 -5.609375 0.15625 -5.609375 0.203125 -5.609375 C 0.578125 -5.609375 0.65625 -5.546875 0.65625 -5.15625 L 0.65625 -0.921875 C 0.65625 -0.28125 0.609375 -0.203125 0.078125 -0.140625 L 0.078125 0 L 2.03125 0 L 2.03125 -0.140625 C 1.5 -0.1875 1.40625 -0.296875 1.40625 -0.921875 L 1.40625 -3.09375 C 1.796875 -3.5 2.0625 -3.65625 2.421875 -3.65625 C 2.859375 -3.65625 3.09375 -3.328125 3.09375 -2.703125 L 3.09375 -0.921875 C 3.09375 -0.296875 3 -0.1875 2.46875 -0.140625 L 2.46875 0 Z M 4.390625 0 "/>
</symbol>
<symbol overflow="visible" id="glyph1-3">
<path style="stroke:none;" d="M 3.671875 -1.46875 C 3.234375 -0.8125 2.890625 -0.53125 2.28125 -0.53125 C 1.875 -0.53125 1.53125 -0.6875 1.28125 -1.03125 C 0.96875 -1.453125 0.921875 -1.8125 0.875 -2.5 L 3.640625 -2.5 C 3.609375 -2.984375 3.515625 -3.265625 3.34375 -3.515625 C 3.046875 -3.921875 2.640625 -4.140625 2.09375 -4.140625 C 0.953125 -4.140625 0.21875 -3.21875 0.21875 -1.953125 C 0.21875 -0.71875 0.875 0.09375 1.9375 0.09375 C 2.828125 0.09375 3.46875 -0.4375 3.8125 -1.40625 Z M 0.890625 -2.78125 C 0.984375 -3.453125 1.34375 -3.8125 1.84375 -3.8125 C 2.4375 -3.8125 2.625 -3.515625 2.734375 -2.78125 Z M 0.890625 -2.78125 "/>
</symbol>
<symbol overflow="visible" id="glyph1-4">
<path style="stroke:none;" d="M 6.96875 0 L 6.96875 -0.140625 L 6.734375 -0.15625 C 6.46875 -0.171875 6.359375 -0.28125 6.359375 -0.6875 L 6.359375 -2.515625 C 6.359375 -3.578125 6.03125 -4.140625 5.3125 -4.140625 C 4.78125 -4.140625 4.328125 -3.90625 3.84375 -3.390625 C 3.6875 -3.890625 3.375 -4.140625 2.890625 -4.140625 C 2.484375 -4.140625 2.109375 -4.0625 1.515625 -3.453125 L 1.5 -3.453125 L 1.5 -4.109375 L 1.421875 -4.140625 C 0.96875 -3.96875 0.671875 -3.875 0.171875 -3.734375 L 0.171875 -3.578125 C 0.28125 -3.609375 0.359375 -3.625 0.453125 -3.625 C 0.6875 -3.625 0.78125 -3.46875 0.78125 -3.03125 L 0.78125 -0.796875 C 0.78125 -0.265625 0.640625 -0.140625 0.140625 -0.140625 L 0.140625 0 L 2.140625 0 L 2.140625 -0.140625 C 1.671875 -0.15625 1.53125 -0.25 1.53125 -0.625 L 1.53125 -3.125 C 1.53125 -3.15625 1.578125 -3.21875 1.640625 -3.28125 C 1.828125 -3.5 2.265625 -3.671875 2.59375 -3.671875 C 2.984375 -3.671875 3.1875 -3.296875 3.1875 -2.671875 L 3.1875 -0.78125 C 3.1875 -0.21875 3.09375 -0.171875 2.578125 -0.140625 L 2.578125 0 L 4.59375 0 L 4.59375 -0.140625 C 4.078125 -0.140625 3.9375 -0.265625 3.9375 -0.859375 L 3.9375 -3.125 C 4.21875 -3.515625 4.484375 -3.671875 4.90625 -3.671875 C 5.421875 -3.671875 5.59375 -3.375 5.59375 -2.65625 L 5.59375 -0.8125 C 5.59375 -0.28125 5.515625 -0.1875 5.015625 -0.140625 L 5.015625 0 Z M 6.96875 0 "/>
</symbol>
<symbol overflow="visible" id="glyph1-5">
<path style="stroke:none;" d="M 3.984375 -0.59375 C 3.828125 -0.46875 3.734375 -0.421875 3.59375 -0.421875 C 3.421875 -0.421875 3.3125 -0.609375 3.3125 -1.015625 L 3.3125 -2.734375 C 3.3125 -3.28125 3.28125 -3.46875 3.0625 -3.734375 C 2.84375 -4 2.5 -4.140625 2 -4.140625 C 1.59375 -4.140625 1.21875 -4.03125 0.96875 -3.875 C 0.640625 -3.671875 0.5 -3.390625 0.5 -3.15625 C 0.5 -2.90625 0.703125 -2.734375 0.890625 -2.734375 C 1.125 -2.734375 1.3125 -2.9375 1.3125 -3.109375 C 1.3125 -3.296875 1.25 -3.328125 1.25 -3.484375 C 1.25 -3.71875 1.515625 -3.921875 1.875 -3.921875 C 2.28125 -3.921875 2.578125 -3.671875 2.578125 -3.109375 L 2.578125 -2.625 C 1.5625 -2.25 1.234375 -2.078125 0.96875 -1.90625 C 0.609375 -1.671875 0.328125 -1.3125 0.328125 -0.84375 C 0.328125 -0.25 0.71875 0.09375 1.28125 0.09375 C 1.671875 0.09375 2.109375 -0.03125 2.578125 -0.5625 L 2.59375 -0.5625 C 2.640625 -0.09375 2.828125 0.09375 3.171875 0.09375 C 3.46875 0.09375 3.703125 0 3.984375 -0.34375 Z M 2.578125 -1.140625 C 2.578125 -0.875 2.53125 -0.75 2.265625 -0.578125 C 2.109375 -0.484375 1.921875 -0.4375 1.75 -0.4375 C 1.390625 -0.4375 1.125 -0.640625 1.125 -1.125 C 1.125 -1.40625 1.21875 -1.625 1.4375 -1.8125 C 1.65625 -2.03125 2.03125 -2.21875 2.578125 -2.40625 Z M 2.578125 -1.140625 "/>
</symbol>
<symbol overflow="visible" id="glyph1-6">
<path style="stroke:none;" d="M 4.359375 0 L 4.359375 -0.140625 C 3.921875 -0.1875 3.8125 -0.28125 3.8125 -0.765625 L 3.8125 -2.75 C 3.8125 -3.640625 3.4375 -4.140625 2.75 -4.140625 C 2.34375 -4.140625 1.921875 -3.9375 1.453125 -3.40625 L 1.453125 -4.109375 L 1.375 -4.140625 C 0.9375 -3.984375 0.640625 -3.875 0.140625 -3.734375 L 0.140625 -3.578125 C 0.203125 -3.609375 0.3125 -3.625 0.40625 -3.625 C 0.65625 -3.625 0.71875 -3.46875 0.71875 -3.03125 L 0.71875 -0.84375 C 0.71875 -0.3125 0.625 -0.171875 0.15625 -0.140625 L 0.15625 0 L 2.0625 0 L 2.0625 -0.140625 C 1.609375 -0.171875 1.46875 -0.296875 1.46875 -0.640625 L 1.46875 -3.125 C 1.890625 -3.53125 2.109375 -3.640625 2.40625 -3.640625 C 2.84375 -3.640625 3.0625 -3.375 3.0625 -2.734375 L 3.0625 -0.9375 C 3.0625 -0.34375 2.953125 -0.171875 2.5 -0.140625 L 2.5 0 Z M 4.359375 0 "/>
</symbol>
<symbol overflow="visible" id="glyph1-7">
<path style="stroke:none;" d="M 1.625 -5.6875 C 1.625 -5.9375 1.421875 -6.140625 1.15625 -6.140625 C 0.90625 -6.140625 0.703125 -5.9375 0.703125 -5.6875 C 0.703125 -5.421875 0.90625 -5.234375 1.15625 -5.234375 C 1.421875 -5.234375 1.625 -5.421875 1.625 -5.6875 Z M 2.28125 0 L 2.28125 -0.140625 C 1.6875 -0.1875 1.609375 -0.28125 1.609375 -0.9375 L 1.609375 -4.109375 L 1.578125 -4.140625 L 0.1875 -3.640625 L 0.1875 -3.5 C 0.34375 -3.546875 0.484375 -3.546875 0.5625 -3.546875 C 0.78125 -3.546875 0.859375 -3.40625 0.859375 -2.984375 L 0.859375 -0.9375 C 0.859375 -0.25 0.765625 -0.171875 0.140625 -0.140625 L 0.140625 0 Z M 2.28125 0 "/>
</symbol>
<symbol overflow="visible" id="glyph1-8">
<path style="stroke:none;" d="M 1.40625 -2.703125 C 1.15625 -2.859375 1.015625 -3.125 1.015625 -3.328125 C 1.015625 -3.75 1.3125 -3.9375 1.6875 -3.9375 C 2.234375 -3.9375 2.5 -3.640625 2.703125 -2.828125 L 2.84375 -2.828125 L 2.796875 -4.046875 L 2.703125 -4.046875 C 2.625 -3.96875 2.59375 -3.953125 2.5625 -3.953125 C 2.5 -3.953125 2.40625 -3.984375 2.296875 -4.03125 C 2.109375 -4.125 1.921875 -4.125 1.703125 -4.125 C 0.96875 -4.125 0.453125 -3.734375 0.453125 -3.03125 C 0.453125 -2.5625 0.796875 -2.140625 1.53125 -1.71875 L 2.03125 -1.453125 C 2.328125 -1.28125 2.5 -1.046875 2.5 -0.78125 C 2.5 -0.40625 2.21875 -0.109375 1.75 -0.109375 C 1.140625 -0.109375 0.796875 -0.5 0.609375 -1.375 L 0.46875 -1.375 L 0.46875 0.03125 L 0.578125 0.03125 C 0.640625 -0.046875 0.6875 -0.078125 0.796875 -0.078125 C 0.90625 -0.078125 1 -0.0625 1.21875 0.015625 C 1.421875 0.078125 1.6875 0.09375 1.875 0.09375 C 2.5625 0.09375 3.125 -0.4375 3.125 -1.03125 C 3.125 -1.546875 2.921875 -1.796875 2.34375 -2.140625 Z M 1.40625 -2.703125 "/>
</symbol>
<symbol overflow="visible" id="glyph1-9">
<path style="stroke:none;" d="M 4.234375 -2.078125 C 4.234375 -3.328125 3.390625 -4.140625 2.28125 -4.140625 C 1.078125 -4.140625 0.265625 -3.296875 0.265625 -2.046875 C 0.265625 -0.796875 1.109375 0.09375 2.203125 0.09375 C 3.421875 0.09375 4.234375 -0.828125 4.234375 -2.078125 Z M 3.421875 -1.84375 C 3.421875 -0.796875 3.03125 -0.15625 2.359375 -0.15625 C 2.03125 -0.15625 1.75 -0.328125 1.546875 -0.609375 C 1.21875 -1.09375 1.078125 -1.75 1.078125 -2.453125 C 1.078125 -3.359375 1.5 -3.890625 2.109375 -3.890625 C 2.5 -3.890625 2.75 -3.703125 2.96875 -3.4375 C 3.265625 -3.0625 3.421875 -2.453125 3.421875 -1.84375 Z M 3.421875 -1.84375 "/>
</symbol>
</g>
</defs>
<g id="surface1">
<g style="fill:rgb(0%,0%,0%);fill-opacity:1;">
<use xlink:href="#glyph0-1" x="79.498797" y="15.273255"/>
<use xlink:href="#glyph0-2" x="82.000658" y="15.246951"/>
</g>
<g style="fill:rgb(0%,0%,0%);fill-opacity:1;">
<use xlink:href="#glyph0-3" x="86.30242" y="15.201724"/>
</g>
<g style="fill:rgb(0%,0%,0%);fill-opacity:1;">
<use xlink:href="#glyph0-4" x="90.586183" y="15.156685"/>
<use xlink:href="#glyph0-5" x="94.581963" y="15.114675"/>
</g>
<path style="fill-rule:nonzero;fill:rgb(39.99939%,74.900818%,100%);fill-opacity:1;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 472.519531 551.550781 C 477.257812 556.1875 477.335938 563.785156 472.699219 568.519531 C 468.0625 573.257812 460.464844 573.335938 455.730469 568.699219 C 450.996094 564.0625 450.914062 556.464844 455.550781 551.730469 C 460.1875 546.996094 467.785156 546.914062 472.519531 551.550781 " transform="matrix(1,0,0,1,-375,-524)"/>
<path style="fill-rule:nonzero;fill:rgb(69.802856%,85.096741%,100%);fill-opacity:1;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 440.484375 595.515625 C 445.171875 600.199219 445.171875 607.800781 440.484375 612.484375 C 435.800781 617.171875 428.199219 617.171875 423.515625 612.484375 C 418.828125 607.800781 418.828125 600.199219 423.515625 595.515625 C 428.199219 590.828125 435.800781 590.828125 440.484375 595.515625 " transform="matrix(1,0,0,1,-375,-524)"/>
<path style="fill-rule:nonzero;fill:rgb(69.802856%,85.096741%,100%);fill-opacity:1;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 396.484375 595.515625 C 401.171875 600.199219 401.171875 607.800781 396.484375 612.484375 C 391.800781 617.171875 384.199219 617.171875 379.515625 612.484375 C 374.828125 607.800781 374.828125 600.199219 379.515625 595.515625 C 384.199219 590.828125 391.800781 590.828125 396.484375 595.515625 " transform="matrix(1,0,0,1,-375,-524)"/>
<path style="fill-rule:nonzero;fill:rgb(69.802856%,85.096741%,100%);fill-opacity:1;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 504.484375 595.515625 C 509.171875 600.199219 509.171875 607.800781 504.484375 612.484375 C 499.800781 617.171875 492.199219 617.171875 487.515625 612.484375 C 482.828125 607.800781 482.828125 600.199219 487.515625 595.515625 C 492.199219 590.828125 499.800781 590.828125 504.484375 595.515625 " transform="matrix(1,0,0,1,-375,-524)"/>
<path style="fill-rule:nonzero;fill:rgb(69.802856%,85.096741%,100%);fill-opacity:1;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 548.484375 595.515625 C 553.171875 600.199219 553.171875 607.800781 548.484375 612.484375 C 543.800781 617.171875 536.199219 617.171875 531.515625 612.484375 C 526.828125 607.800781 526.828125 600.199219 531.515625 595.515625 C 536.199219 590.828125 543.800781 590.828125 548.484375 595.515625 " transform="matrix(1,0,0,1,-375,-524)"/>
<path style="fill:none;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 439.089844 594.316406 L 453.550781 574.570312 " transform="matrix(1,0,0,1,-375,-524)"/>
<path style="fill:none;stroke-width:1;stroke-linecap:butt;stroke-linejoin:miter;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 455.914062 571.339844 L 453.550781 574.570312 M 452.339844 573.683594 L 455.914062 571.339844 L 454.761719 575.457031 " transform="matrix(1,0,0,1,-375,-524)"/>
<path style="fill:none;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 398.398438 598.007812 L 448.613281 569.066406 " transform="matrix(1,0,0,1,-375,-524)"/>
<path style="fill:none;stroke-width:1;stroke-linecap:butt;stroke-linejoin:miter;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 452.078125 567.066406 L 448.613281 569.066406 M 447.863281 567.765625 L 452.078125 567.066406 L 449.363281 570.363281 " transform="matrix(1,0,0,1,-375,-524)"/>
<path style="fill:none;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 488.945312 594.289062 L 474.648438 574.609375 " transform="matrix(1,0,0,1,-375,-524)"/>
<path style="fill:none;stroke-width:1;stroke-linecap:butt;stroke-linejoin:miter;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 472.296875 571.371094 L 474.648438 574.609375 M 473.433594 575.492188 L 472.296875 571.371094 L 475.859375 573.726562 " transform="matrix(1,0,0,1,-375,-524)"/>
<path style="fill:none;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 529.609375 597.992188 L 479.625 569.085938 " transform="matrix(1,0,0,1,-375,-524)"/>
<path style="fill:none;stroke-width:1;stroke-linecap:butt;stroke-linejoin:miter;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 476.160156 567.085938 L 479.625 569.085938 M 478.871094 570.386719 L 476.160156 567.085938 L 480.375 567.789062 " transform="matrix(1,0,0,1,-375,-524)"/>
<g style="fill:rgb(0%,0%,0%);fill-opacity:1;">
<use xlink:href="#glyph1-1" x="6.965" y="110.71478"/>
</g>
<g style="fill:rgb(0%,0%,0%);fill-opacity:1;">
<use xlink:href="#glyph1-2" x="9.539" y="110.71478"/>
<use xlink:href="#glyph1-3" x="14.039" y="110.71478"/>
</g>
<g style="fill:rgb(0%,0%,0%);fill-opacity:1;">
<use xlink:href="#glyph1-4" x="48.17266" y="110.71478"/>
<use xlink:href="#glyph1-5" x="55.17466" y="110.71478"/>
<use xlink:href="#glyph1-6" x="59.17066" y="110.71478"/>
</g>
<g style="fill:rgb(0%,0%,0%);fill-opacity:1;">
<use xlink:href="#glyph1-2" x="115.2093" y="110.71478"/>
<use xlink:href="#glyph1-7" x="119.7093" y="110.71478"/>
<use xlink:href="#glyph1-8" x="122.2113" y="110.71478"/>
</g>
<g style="fill:rgb(0%,0%,0%);fill-opacity:1;">
<use xlink:href="#glyph1-8" x="159.2495" y="110.71478"/>
<use xlink:href="#glyph1-9" x="162.7505" y="110.71478"/>
<use xlink:href="#glyph1-6" x="167.2505" y="110.71478"/>
</g>
</g>
</svg>
<?xml version="1.0" encoding="UTF-8"?>
<svg xmlns="http://www.w3.org/2000/svg" xmlns:xlink="http://www.w3.org/1999/xlink" width="178pt" height="121pt" viewBox="0 0 178 121" version="1.1">
<defs>
<g>
<symbol overflow="visible" id="glyph0-0">
<path style="stroke:none;" d=""/>
</symbol>
<symbol overflow="visible" id="glyph0-1">
<path style="stroke:none;" d="M 2.3125 0 L 2.3125 -0.140625 C 1.734375 -0.171875 1.640625 -0.28125 1.640625 -0.78125 L 1.640625 -6.109375 L 1.59375 -6.140625 C 1.125 -6 0.796875 -5.90625 0.171875 -5.75 L 0.171875 -5.609375 C 0.3125 -5.625 0.4375 -5.625 0.5 -5.625 C 0.796875 -5.625 0.875 -5.484375 0.875 -5.046875 L 0.875 -0.828125 C 0.875 -0.328125 0.75 -0.1875 0.1875 -0.140625 L 0.1875 0 Z M 2.3125 0 "/>
</symbol>
<symbol overflow="visible" id="glyph0-2">
<path style="stroke:none;" d="M 4.234375 -2.078125 C 4.234375 -3.328125 3.390625 -4.140625 2.28125 -4.140625 C 1.078125 -4.140625 0.265625 -3.296875 0.265625 -2.046875 C 0.265625 -0.796875 1.109375 0.09375 2.203125 0.09375 C 3.421875 0.09375 4.234375 -0.828125 4.234375 -2.078125 Z M 3.421875 -1.84375 C 3.421875 -0.796875 3.03125 -0.15625 2.359375 -0.15625 C 2.03125 -0.15625 1.75 -0.328125 1.546875 -0.609375 C 1.21875 -1.09375 1.078125 -1.75 1.078125 -2.453125 C 1.078125 -3.359375 1.5 -3.890625 2.109375 -3.890625 C 2.5 -3.890625 2.75 -3.703125 2.96875 -3.4375 C 3.265625 -3.0625 3.421875 -2.453125 3.421875 -1.84375 Z M 3.421875 -1.84375 "/>
</symbol>
<symbol overflow="visible" id="glyph0-3">
<path style="stroke:none;" d="M 4.296875 -4.046875 L 3.046875 -4.046875 L 3.046875 -3.921875 C 3.328125 -3.890625 3.46875 -3.796875 3.46875 -3.625 C 3.46875 -3.53125 3.453125 -3.453125 3.40625 -3.359375 L 2.515625 -1.03125 L 1.609375 -3.328125 C 1.546875 -3.46875 1.515625 -3.578125 1.515625 -3.671875 C 1.515625 -3.828125 1.625 -3.890625 1.9375 -3.921875 L 1.9375 -4.046875 L 0.171875 -4.046875 L 0.171875 -3.921875 C 0.515625 -3.890625 0.609375 -3.8125 0.984375 -2.875 L 2.0625 -0.296875 C 2.109375 -0.21875 2.109375 -0.15625 2.140625 -0.109375 C 2.203125 0.046875 2.25 0.125 2.296875 0.125 C 2.359375 0.125 2.421875 0.015625 2.5625 -0.328125 L 3.703125 -3.21875 C 3.953125 -3.8125 4.015625 -3.890625 4.296875 -3.921875 Z M 4.296875 -4.046875 "/>
</symbol>
<symbol overflow="visible" id="glyph0-4">
<path style="stroke:none;" d="M 3.671875 -1.46875 C 3.234375 -0.8125 2.890625 -0.53125 2.28125 -0.53125 C 1.875 -0.53125 1.53125 -0.6875 1.28125 -1.03125 C 0.96875 -1.453125 0.921875 -1.8125 0.875 -2.5 L 3.640625 -2.5 C 3.609375 -2.984375 3.515625 -3.265625 3.34375 -3.515625 C 3.046875 -3.921875 2.640625 -4.140625 2.09375 -4.140625 C 0.953125 -4.140625 0.21875 -3.21875 0.21875 -1.953125 C 0.21875 -0.71875 0.875 0.09375 1.9375 0.09375 C 2.828125 0.09375 3.46875 -0.4375 3.8125 -1.40625 Z M 0.890625 -2.78125 C 0.984375 -3.453125 1.34375 -3.8125 1.84375 -3.8125 C 2.4375 -3.8125 2.625 -3.515625 2.734375 -2.78125 Z M 0.890625 -2.78125 "/>
</symbol>
<symbol overflow="visible" id="glyph0-5">
<path style="stroke:none;" d="M 1.40625 -2.703125 C 1.15625 -2.859375 1.015625 -3.125 1.015625 -3.328125 C 1.015625 -3.75 1.3125 -3.9375 1.6875 -3.9375 C 2.234375 -3.9375 2.5 -3.640625 2.703125 -2.828125 L 2.84375 -2.828125 L 2.796875 -4.046875 L 2.703125 -4.046875 C 2.625 -3.96875 2.59375 -3.953125 2.5625 -3.953125 C 2.5 -3.953125 2.40625 -3.984375 2.296875 -4.03125 C 2.109375 -4.125 1.921875 -4.125 1.703125 -4.125 C 0.96875 -4.125 0.453125 -3.734375 0.453125 -3.03125 C 0.453125 -2.5625 0.796875 -2.140625 1.53125 -1.71875 L 2.03125 -1.453125 C 2.328125 -1.28125 2.5 -1.046875 2.5 -0.78125 C 2.5 -0.40625 2.21875 -0.109375 1.75 -0.109375 C 1.140625 -0.109375 0.796875 -0.5 0.609375 -1.375 L 0.46875 -1.375 L 0.46875 0.03125 L 0.578125 0.03125 C 0.640625 -0.046875 0.6875 -0.078125 0.796875 -0.078125 C 0.90625 -0.078125 1 -0.0625 1.21875 0.015625 C 1.421875 0.078125 1.6875 0.09375 1.875 0.09375 C 2.5625 0.09375 3.125 -0.4375 3.125 -1.03125 C 3.125 -1.546875 2.921875 -1.796875 2.34375 -2.140625 Z M 1.40625 -2.703125 "/>
</symbol>
<symbol overflow="visible" id="glyph0-6">
<path style="stroke:none;" d="M 2.390625 -0.6875 C 2.203125 -0.453125 2.046875 -0.375 1.859375 -0.375 C 1.515625 -0.375 1.390625 -0.609375 1.390625 -1.1875 L 1.390625 -3.765625 L 2.296875 -3.765625 L 2.296875 -4.046875 L 1.390625 -4.046875 L 1.390625 -5.09375 C 1.390625 -5.1875 1.375 -5.21875 1.328125 -5.21875 C 1.265625 -5.125 1.203125 -5.046875 1.140625 -4.953125 C 0.796875 -4.46875 0.5 -4.125 0.265625 -4 C 0.171875 -3.9375 0.109375 -3.875 0.109375 -3.828125 C 0.109375 -3.796875 0.125 -3.78125 0.15625 -3.765625 L 0.625 -3.765625 L 0.625 -1.046875 C 0.625 -0.296875 0.90625 0.09375 1.421875 0.09375 C 1.875 0.09375 2.21875 -0.125 2.515625 -0.59375 Z M 2.390625 -0.6875 "/>
</symbol>
<symbol overflow="visible" id="glyph0-7">
<path style="stroke:none;" d="M 4.390625 0 L 4.390625 -0.140625 C 3.890625 -0.21875 3.84375 -0.296875 3.84375 -0.921875 L 3.84375 -2.703125 C 3.84375 -3.65625 3.46875 -4.140625 2.734375 -4.140625 C 2.203125 -4.140625 1.828125 -3.921875 1.40625 -3.390625 L 1.40625 -6.125 L 1.375 -6.140625 C 1.046875 -6.03125 0.84375 -5.96875 0.328125 -5.828125 L 0.09375 -5.75 L 0.09375 -5.609375 C 0.109375 -5.609375 0.15625 -5.609375 0.203125 -5.609375 C 0.578125 -5.609375 0.65625 -5.546875 0.65625 -5.15625 L 0.65625 -0.921875 C 0.65625 -0.28125 0.609375 -0.203125 0.078125 -0.140625 L 0.078125 0 L 2.03125 0 L 2.03125 -0.140625 C 1.5 -0.1875 1.40625 -0.296875 1.40625 -0.921875 L 1.40625 -3.09375 C 1.796875 -3.5 2.0625 -3.65625 2.421875 -3.65625 C 2.859375 -3.65625 3.09375 -3.328125 3.09375 -2.703125 L 3.09375 -0.921875 C 3.09375 -0.296875 3 -0.1875 2.46875 -0.140625 L 2.46875 0 Z M 4.390625 0 "/>
</symbol>
<symbol overflow="visible" id="glyph0-8">
<path style="stroke:none;" d="M 6.96875 0 L 6.96875 -0.140625 L 6.734375 -0.15625 C 6.46875 -0.171875 6.359375 -0.28125 6.359375 -0.6875 L 6.359375 -2.515625 C 6.359375 -3.578125 6.03125 -4.140625 5.3125 -4.140625 C 4.78125 -4.140625 4.328125 -3.90625 3.84375 -3.390625 C 3.6875 -3.890625 3.375 -4.140625 2.890625 -4.140625 C 2.484375 -4.140625 2.109375 -4.0625 1.515625 -3.453125 L 1.5 -3.453125 L 1.5 -4.109375 L 1.421875 -4.140625 C 0.96875 -3.96875 0.671875 -3.875 0.171875 -3.734375 L 0.171875 -3.578125 C 0.28125 -3.609375 0.359375 -3.625 0.453125 -3.625 C 0.6875 -3.625 0.78125 -3.46875 0.78125 -3.03125 L 0.78125 -0.796875 C 0.78125 -0.265625 0.640625 -0.140625 0.140625 -0.140625 L 0.140625 0 L 2.140625 0 L 2.140625 -0.140625 C 1.671875 -0.15625 1.53125 -0.25 1.53125 -0.625 L 1.53125 -3.125 C 1.53125 -3.15625 1.578125 -3.21875 1.640625 -3.28125 C 1.828125 -3.5 2.265625 -3.671875 2.59375 -3.671875 C 2.984375 -3.671875 3.1875 -3.296875 3.1875 -2.671875 L 3.1875 -0.78125 C 3.1875 -0.21875 3.09375 -0.171875 2.578125 -0.140625 L 2.578125 0 L 4.59375 0 L 4.59375 -0.140625 C 4.078125 -0.140625 3.9375 -0.265625 3.9375 -0.859375 L 3.9375 -3.125 C 4.21875 -3.515625 4.484375 -3.671875 4.90625 -3.671875 C 5.421875 -3.671875 5.59375 -3.375 5.59375 -2.65625 L 5.59375 -0.8125 C 5.59375 -0.28125 5.515625 -0.1875 5.015625 -0.140625 L 5.015625 0 Z M 6.96875 0 "/>
</symbol>
<symbol overflow="visible" id="glyph0-9">
<path style="stroke:none;" d="M 3.984375 -0.59375 C 3.828125 -0.46875 3.734375 -0.421875 3.59375 -0.421875 C 3.421875 -0.421875 3.3125 -0.609375 3.3125 -1.015625 L 3.3125 -2.734375 C 3.3125 -3.28125 3.28125 -3.46875 3.0625 -3.734375 C 2.84375 -4 2.5 -4.140625 2 -4.140625 C 1.59375 -4.140625 1.21875 -4.03125 0.96875 -3.875 C 0.640625 -3.671875 0.5 -3.390625 0.5 -3.15625 C 0.5 -2.90625 0.703125 -2.734375 0.890625 -2.734375 C 1.125 -2.734375 1.3125 -2.9375 1.3125 -3.109375 C 1.3125 -3.296875 1.25 -3.328125 1.25 -3.484375 C 1.25 -3.71875 1.515625 -3.921875 1.875 -3.921875 C 2.28125 -3.921875 2.578125 -3.671875 2.578125 -3.109375 L 2.578125 -2.625 C 1.5625 -2.25 1.234375 -2.078125 0.96875 -1.90625 C 0.609375 -1.671875 0.328125 -1.3125 0.328125 -0.84375 C 0.328125 -0.25 0.71875 0.09375 1.28125 0.09375 C 1.671875 0.09375 2.109375 -0.03125 2.578125 -0.5625 L 2.59375 -0.5625 C 2.640625 -0.09375 2.828125 0.09375 3.171875 0.09375 C 3.46875 0.09375 3.703125 0 3.984375 -0.34375 Z M 2.578125 -1.140625 C 2.578125 -0.875 2.53125 -0.75 2.265625 -0.578125 C 2.109375 -0.484375 1.921875 -0.4375 1.75 -0.4375 C 1.390625 -0.4375 1.125 -0.640625 1.125 -1.125 C 1.125 -1.40625 1.21875 -1.625 1.4375 -1.8125 C 1.65625 -2.03125 2.03125 -2.21875 2.578125 -2.40625 Z M 2.578125 -1.140625 "/>
</symbol>
<symbol overflow="visible" id="glyph0-10">
<path style="stroke:none;" d="M 4.359375 0 L 4.359375 -0.140625 C 3.921875 -0.1875 3.8125 -0.28125 3.8125 -0.765625 L 3.8125 -2.75 C 3.8125 -3.640625 3.4375 -4.140625 2.75 -4.140625 C 2.34375 -4.140625 1.921875 -3.9375 1.453125 -3.40625 L 1.453125 -4.109375 L 1.375 -4.140625 C 0.9375 -3.984375 0.640625 -3.875 0.140625 -3.734375 L 0.140625 -3.578125 C 0.203125 -3.609375 0.3125 -3.625 0.40625 -3.625 C 0.65625 -3.625 0.71875 -3.46875 0.71875 -3.03125 L 0.71875 -0.84375 C 0.71875 -0.3125 0.625 -0.171875 0.15625 -0.140625 L 0.15625 0 L 2.0625 0 L 2.0625 -0.140625 C 1.609375 -0.171875 1.46875 -0.296875 1.46875 -0.640625 L 1.46875 -3.125 C 1.890625 -3.53125 2.109375 -3.640625 2.40625 -3.640625 C 2.84375 -3.640625 3.0625 -3.375 3.0625 -2.734375 L 3.0625 -0.9375 C 3.0625 -0.34375 2.953125 -0.171875 2.5 -0.140625 L 2.5 0 Z M 4.359375 0 "/>
</symbol>
<symbol overflow="visible" id="glyph0-11">
<path style="stroke:none;" d="M 1.625 -5.6875 C 1.625 -5.9375 1.421875 -6.140625 1.15625 -6.140625 C 0.90625 -6.140625 0.703125 -5.9375 0.703125 -5.6875 C 0.703125 -5.421875 0.90625 -5.234375 1.15625 -5.234375 C 1.421875 -5.234375 1.625 -5.421875 1.625 -5.6875 Z M 2.28125 0 L 2.28125 -0.140625 C 1.6875 -0.1875 1.609375 -0.28125 1.609375 -0.9375 L 1.609375 -4.109375 L 1.578125 -4.140625 L 0.1875 -3.640625 L 0.1875 -3.5 C 0.34375 -3.546875 0.484375 -3.546875 0.5625 -3.546875 C 0.78125 -3.546875 0.859375 -3.40625 0.859375 -2.984375 L 0.859375 -0.9375 C 0.859375 -0.25 0.765625 -0.171875 0.140625 -0.140625 L 0.140625 0 Z M 2.28125 0 "/>
</symbol>
</g>
</defs>
<g id="surface1">
<g style="fill:rgb(0%,0%,0%);fill-opacity:1;">
<use xlink:href="#glyph0-1" x="79.7075" y="111"/>
<use xlink:href="#glyph0-2" x="82.2095" y="111"/>
</g>
<g style="fill:rgb(0%,0%,0%);fill-opacity:1;">
<use xlink:href="#glyph0-3" x="86.5115" y="111"/>
</g>
<g style="fill:rgb(0%,0%,0%);fill-opacity:1;">
<use xlink:href="#glyph0-4" x="90.7955" y="111"/>
<use xlink:href="#glyph0-5" x="94.7915" y="111"/>
</g>
<path style="fill-rule:nonzero;fill:rgb(39.99939%,74.900818%,100%);fill-opacity:1;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 472.484375 639.515625 C 477.171875 644.199219 477.171875 651.800781 472.484375 656.484375 C 467.800781 661.171875 460.199219 661.171875 455.515625 656.484375 C 450.828125 651.800781 450.828125 644.199219 455.515625 639.515625 C 460.199219 634.828125 467.800781 634.828125 472.484375 639.515625 " transform="matrix(1,0,0,1,-375,-568)"/>
<path style="fill-rule:nonzero;fill:rgb(69.802856%,85.096741%,100%);fill-opacity:1;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 440.484375 595.515625 C 445.171875 600.199219 445.171875 607.800781 440.484375 612.484375 C 435.800781 617.171875 428.199219 617.171875 423.515625 612.484375 C 418.828125 607.800781 418.828125 600.199219 423.515625 595.515625 C 428.199219 590.828125 435.800781 590.828125 440.484375 595.515625 " transform="matrix(1,0,0,1,-375,-568)"/>
<path style="fill-rule:nonzero;fill:rgb(69.802856%,85.096741%,100%);fill-opacity:1;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 396.484375 595.515625 C 401.171875 600.199219 401.171875 607.800781 396.484375 612.484375 C 391.800781 617.171875 384.199219 617.171875 379.515625 612.484375 C 374.828125 607.800781 374.828125 600.199219 379.515625 595.515625 C 384.199219 590.828125 391.800781 590.828125 396.484375 595.515625 " transform="matrix(1,0,0,1,-375,-568)"/>
<path style="fill-rule:nonzero;fill:rgb(69.802856%,85.096741%,100%);fill-opacity:1;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 504.484375 595.515625 C 509.171875 600.199219 509.171875 607.800781 504.484375 612.484375 C 499.800781 617.171875 492.199219 617.171875 487.515625 612.484375 C 482.828125 607.800781 482.828125 600.199219 487.515625 595.515625 C 492.199219 590.828125 499.800781 590.828125 504.484375 595.515625 " transform="matrix(1,0,0,1,-375,-568)"/>
<path style="fill-rule:nonzero;fill:rgb(69.802856%,85.096741%,100%);fill-opacity:1;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 548.484375 595.515625 C 553.171875 600.199219 553.171875 607.800781 548.484375 612.484375 C 543.800781 617.171875 536.199219 617.171875 531.515625 612.484375 C 526.828125 607.800781 526.828125 600.199219 531.515625 595.515625 C 536.199219 590.828125 543.800781 590.828125 548.484375 595.515625 " transform="matrix(1,0,0,1,-375,-568)"/>
<path style="fill:none;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 456.941406 638.292969 L 442.53125 618.476562 " transform="matrix(1,0,0,1,-375,-568)"/>
<path style="fill:none;stroke-width:1;stroke-linecap:butt;stroke-linejoin:miter;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 440.175781 615.242188 L 442.53125 618.476562 M 441.316406 619.359375 L 440.175781 615.242188 L 443.742188 617.59375 " transform="matrix(1,0,0,1,-375,-568)"/>
<path style="fill:none;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 453.613281 641.984375 L 403.492188 612.96875 " transform="matrix(1,0,0,1,-375,-568)"/>
<path style="fill:none;stroke-width:1;stroke-linecap:butt;stroke-linejoin:miter;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 400.03125 610.964844 L 403.492188 612.96875 M 402.742188 614.269531 L 400.03125 610.964844 L 404.246094 611.671875 " transform="matrix(1,0,0,1,-375,-568)"/>
<path style="fill:none;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 471.058594 638.292969 L 485.46875 618.476562 " transform="matrix(1,0,0,1,-375,-568)"/>
<path style="fill:none;stroke-width:1;stroke-linecap:butt;stroke-linejoin:miter;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 487.824219 615.242188 L 485.46875 618.476562 M 484.257812 617.59375 L 487.824219 615.242188 L 486.683594 619.359375 " transform="matrix(1,0,0,1,-375,-568)"/>
<path style="fill:none;stroke-width:1;stroke-linecap:round;stroke-linejoin:round;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 474.386719 641.984375 L 524.507812 612.96875 " transform="matrix(1,0,0,1,-375,-568)"/>
<path style="fill:none;stroke-width:1;stroke-linecap:butt;stroke-linejoin:miter;stroke:rgb(0%,0%,0%);stroke-opacity:1;stroke-miterlimit:10;" d="M 527.96875 610.964844 L 524.507812 612.96875 M 523.753906 611.671875 L 527.96875 610.964844 L 525.257812 614.269531 " transform="matrix(1,0,0,1,-375,-568)"/>
<g style="fill:rgb(0%,0%,0%);fill-opacity:1;">
<use xlink:href="#glyph0-6" x="6.965" y="15"/>
</g>
<g style="fill:rgb(0%,0%,0%);fill-opacity:1;">
<use xlink:href="#glyph0-7" x="9.539" y="15"/>
<use xlink:href="#glyph0-4" x="14.039" y="15"/>
</g>
<g style="fill:rgb(0%,0%,0%);fill-opacity:1;">
<use xlink:href="#glyph0-8" x="48.17266" y="15"/>
<use xlink:href="#glyph0-9" x="55.17466" y="15"/>
<use xlink:href="#glyph0-10" x="59.17066" y="15"/>
</g>
<g style="fill:rgb(0%,0%,0%);fill-opacity:1;">
<use xlink:href="#glyph0-7" x="115.2093" y="15"/>
<use xlink:href="#glyph0-11" x="119.7093" y="15"/>
<use xlink:href="#glyph0-5" x="122.2113" y="15"/>
</g>
<g style="fill:rgb(0%,0%,0%);fill-opacity:1;">
<use xlink:href="#glyph0-5" x="159.2495" y="15"/>
<use xlink:href="#glyph0-2" x="162.7505" y="15"/>
<use xlink:href="#glyph0-10" x="167.2505" y="15"/>
</g>
</g>
</svg>
Markdown is supported
0% .
You are about to add 0 people to the discussion. Proceed with caution.
先完成此消息的编辑!
想要评论请 注册