—————————————————————————————
博文发表于夏木青 | JoselynZhao,欢迎访问博文原文。
这里是论文PDF链接。
—————————————————————————————

Improving person re-identification by attribute and identity learning

  • Abstract
    • 研究现状
    • 属性
    • 在文本中
      • attribute-person recognition (APR) network (属性-人物识别网络)
    • 研究者做了什么
    • 实验结果
  • Introduction
    • 属性
    • 在本文中
    • 本文的动机
    • 属性标签的有效性是三倍的
    • 相关研究
    • 和以前工作相比,我们工作主要的不同
    • 在本文中(描述完整)
    • 实验结果
    • Contributions
  • Related work
    • CNN-based person re-ID
    • Attribute for person re-ID
  • Attribute annotation
  • The proposed method
    • Preliminaries
    • Attribute-Person Recognition network
      • Architecture overview
      • Attributie re-weighting module
      • Optimization
    • Attribute accelerationm process
  • Experimental results
    • Datasets and evaluation protocol
    • Implementation details
    • Evaluation of Person Re-ID task
      • Comparison with the state-of-the-art methods
      • Ablation studies

Abstract

研究现状

Most existing re-ID methods only take identity labels of pedestrians into consideration.

只考虑的行人的 身份标签

属性

However, we find the attributes, containing detailed local descriptions, are beneficial in allowing the re-ID model to learn more discriminative feature representations.

属性包含了详细的局部描述。
属性有助于re-ID 模型去学习更有辨别的特征表达

在文本中

in this paper, based on the complementarity of attribute labels and ID labels, we propose an attribute-person recognition (APR) network, a multi-task network which learns a re-ID embedding and at the same time predicts pedestrian attributes.

基于 属性 标签和 身边(ID)标签的互补性,提出了——

attribute-person recognition (APR) network (属性-人物识别网络)

  • 多任务网络
  • 学习re-ID嵌入
  • 同时预测行人的属性

研究者做了什么

We manually annotate attribute labels for two large-scale re-ID datasets, and systematically investigate how person re-ID and attribute recognition benefit from each other. In addition, we re-weight the attribute predictions considering the dependencies and correlations among the attributes.

  • 给两个大规模re-ID数据集 手动标注了属性标签
  • 系统地调查了人物 的re-ID 和属性识别如何互利
    考虑到属性之间的依赖性和相关项,re-weight(重新加权)了属性预测

实验结果

The experimental results on two large-scale re-ID benchmarks demonstrate that by learning a more discriminative representation, APR achieves competitive re-ID performance compared with the state-of-the-art methods.

We use APR to speed up the retrieval process by ten times with a minor accuracy drop of 2.92% on Market-1501. Besides, we also apply APR on the attribute recognition task and demonstrate improvement over the baselines.

通过学习更有辨别力的表达,APR 拥有了和state-of-the-art方法相比较的竞争力。
我们使用APR将检索过程加速十倍,精度下降幅度为2.92%
属性识别任务上应用APR,并展示出了改进。

Introduction

属性

Attributes describe detail information for a person, including gender, accessory, the color of clothes, etc .

属性: 性别、配饰、衣服的颜色 etc.

在本文中

In this paper, we aim to improve the performance of large-scale person re-ID, using complementary cues (互补线索)from attribute labels.

使用属性标签的互补线索,改善了re-ID的性能

本文的动机

The motivation of this paper is that existing large-scale pedestrian datasets for re-ID contains only annotations of identity labels, we believe that attribute labels are complementary with identity labels in person re-ID.

现有数据集仅标注了身份信息,我们却坚信 属性标签在re-ID任务上 和 身份标签是互补的。

属性标签的有效性是三倍的

The effectiveness of attribute labels is three-fold:
First, training with attribute labels improves the discriminative ability of a re-ID model.
Attribute labels can depict pedestrian images with more detailed descriptions.
These local descriptions push pedestrians with similar appearances closer to each other and those different away from each other

Second, detailed attribute labels explicitly guide the model to learn the person representation by designated human characteristics.
With the attribute labels, the model is able to learn to classify the pedestrians by explicitly focusing on some local semantic descriptions, which greatly ease the training of models.

Third, attributes can be used to accelerate the retrieval process of re-ID
The main idea is to filter out some gallery images that do not have the same attributes as the query.

  • 首先,使用属性标签进行训练可以提高re-ID模型的判别能力
  • 其次,详细的属性标签明确指导模型通过指定的人类特征来学习人物表示。
  • 主要思想是过滤掉一些与查询不具有相同属性的图库图像。

相关研究

In [6] , the PETA dataset is proposed which contains both attribute and identity attributes. However, PETA is comprised of small datasets and most of the datasets only contain one or two images for an identity.

[6 ]提出了包含属性和身份属性的PETA数据集。但是,PETA由小数据集组成。大多数数据集仅包含一个或两个身份图像

When using attributes for re-ID, attributes can be used as auxiliary information for low level features [9] or used to better match images from two cameras [10–12] .

[9] 属性被用作辅助信息
[10-12] 属性被用于更好地匹配来自两个摄像机的图像

In recent years, some deep learning methods are proposed [13–15] . In these works, the network is usually trained by several stages. Franco et al.

最近的深度学习方法中 网络分为几个阶段来训练

[13] propose a coarse-to-fine learning framework. The network is comprised of a set of hybrid deep networks, and one of the networks is trained to classify the gender of a person. In this work, the networks are trained separately and thus may over- look the complementarity of the general ID information and the attribute details. Besides, since gender is the only attribute used in the work, the correlation between attributes is not leveraged in [13] .

[13]由混合深度网络组成.

  • 其中一个网络 用于对人的性别进行分类。
  • 单独训练,可能会忽略一般ID信息和属性细节的互补性
  • 性别是使用的唯一属性,没有利用属性之间的相关性。

In [14,15] , the network is first trained on an independent attribute dataset, and then the learned information is transferred to the re-ID task.

[14,15]首先在独立的属性数据集上训练网络,然后将学习的信息传送到re-ID任务。

A work closest to ours consists of [16] , in which the CNN embedding is only optimized by the attribute loss. We will show that by combining the identification and attribute recognition with an attribute re-weighting module, the APR network is superior to the method proposed in [16] .

[16] CNN嵌入仅通过属性损失进行优化
VS 我们将通过将 带有属性重置权重模块的属性识别身份识别 相结合来证明 ,APR网络优于[16]中提出的方法

和以前工作相比,我们工作主要的不同

First, our work systematically investigates how person re-ID and attribute recognition benefit each other by a jointly learned network.

通过联合学习网络,我们系统地调查了 re-ID 和属性识别是如何互利的

On the one hand, identity labels provide global descriptions for person images, which have been proved effective for learning a good person representation in many re-ID works [17-19]
On the other hand, attribute labels provide detailed local descriptions.

身份标签 提供全局描述
属性标签提供详细局部描述
—— 由此实现更高准确率的 属性识别和 re-ID 识别。

Second, in previous works, the correlations of attributes are hardly considered.

之前的工作没有考虑属性之间的相关性。

In fact, many attributes usually cooccur for a person, and the correlations of attributes may be helpful to re-weight the prediction of each attribute.
We thereby introduce an Attribute Re-weighting Module to utilize correlations among attributes and optimize attribute predictions.

事实上,许多属性通常是一个人共同出现的,属性的相关性可能有助于重新加权每个属性的预测。
因此,我们引入属性重新加权模块以利用属性之间的相关性并优化属性预测。

在本文中(描述完整)

In this paper, we propose the attribute-person recognition (APR) network to exploit both identity labels and attribute annotations for person re-ID.

By combining the attribute recognition task and identity classification task, the APR network is capable of learning more discriminative feature representations for pedestrians, including global and local descriptions.

结合**属性识别任务 ** 和 身份分类任务 , APR网络可以学习 更有辨别力的特征表达, 包括全局和局部描述。

Specifically, we take attribute predictions as additional cues for the identity classification. Considering the dependencies among pedestrian attributes, we first re-weight the attribute predictions and then build identification upon these re-weighted attributes descriptions.

我们将属性预测 作为 身份分类的附加线索。
考虑属性之间的依赖性,我们首先 re-weight 了 属性预测 并且 在这些re-weight了的属性描述上 构建了身份。

The attribute is also used to speed up the retrieval process by filtering out the gallery images with different attribute from the query image.

这些属性加速了 检索过程。

实验结果

In the experiment, we show that by applying the attribute acceleration process, the evaluation time is saved to a significant extent.

因为有属性加速,所有评估时间缩短了。

We evaluate the performance of the proposed method APR on two large-scale re-ID datasets and an attribute recognition dataset. The experimental results show that our method achieves competitive re-ID accuracy to the state-of-the-art methods.

APR的性能 和state-of-the-art methods 有得一比

In addition, we demonstrate that the proposed APR yields improvement in the attribute recognition task over the baseline in all the testing datasets.

APR 在属性识别任务上有所改进。

Contributions

(1) We have manually labeled a set of pedestrian attributes for the Market-1501 dataset and the DukeMTMC-reID dataset. Attribute annotations of both datasets are publicly available on our website ( https://vana77.github.io ).

给数据集手动标注属性

(2) We propose a novel attribute-person recognition (APR) framework. It learns a discriminative Convolutional Neural Network (CNN) embedding for both person re-identification and attributes recognition.

提出了APR

(3) We introduce the Attribute Re-weighting Module (ARM), which corrects predictions of attributes based on the learned dependency and correlation among attributes.

引入了 属性 re-weighing 模块(ARM), 它根据学习到的属性之间的相关性和依赖性来纠正属性的预测。

(4) We propose an attribute acceleration process to speed up the retrieval process by filtering out the gallery images with different attribute from the query image. The experiment shows that the size of the gallery is reduced by ten times, with only a slight accuracy drop of 2.92%.

提出 了属性加速过程。

(5) We achieve competitive accuracy compared with the state- of-the-art re-ID methods on two large-scale datasets, i.e., Market-1501 [17] and DukeMTMC_reID [20] . We also demonstrate improvements in the attribute recognition task.

效果和state- of-the-art re-ID methods 有得一比。 在属性识别任务上有改进。

Related work

CNN-based person re-ID

基于CNN的方法占据着主导地位 [20-26]
[23] 在卷积层中插入了门控函数。以此来捕捉两张输入图片上细微的不同。

一般来说,深度量度学习方法在训练相对较小的数据集方面具有优势,但其对大型画廊的效率可能会受到影响。

【24】 提出了通过训练来自具有域引导丢失的多个域的分类模型来学习通用特征嵌入。
【20】verification 和 classification losses 的结合被证明是有效的。
【32】提出了一个姿势指导的PPA模型,可以从一个基本的网络中提取attention-aware(注意感知)特征。 这些特征将会被 re-weighted,形成最终的特征向量。
【33,34,35】 使用GAN 来解决了re-ID
【34】 提供了PTGAN 模型 来将一个数据集的图片风格转移称为另一个的。使用了身份信息作为桥接。
【36】 dictionary-learning scheme 被应用到转移特征上,通过目标识别和任务检测来进行学习。

【19.37】是最近提出的用以解决re-ID 数据问题的 半监督方法。
【22,38】是最近提出的用以解决re-ID 数据问题的 无监督方法。
这些方法在没有标注或很少标注的情况下实现了超越的性能。
属性信息在半监督任务中 对这些方法是有益的。

在本文中, 我们采用了一个简单分类模型 作为baseline,进一步探索了 传统 身份标签 和 属性标签的 互利性。

Attribute for person re-ID

【11,12,39,40】在这些早期的尝试中,属性被用作改善低级特征的辅助信息。

【9,39】低级的描述和SVM被用来训练属性 检测器,这些属性综合各种metric 学习方法。
【11,12】 利用从属性中学习的低级特征和相机相关性
【41】 提出了一种字典学习模型,它利用了分类任务的判别属性
【13】提出了一种coarse-to-fine 学习框架,由一系列混合的深度网络组成。被训练用语来区分 是否是人, 预测人和行人的性别。 在这个工作中,网络被分别训练,忽略了看身份标签和属性标签的互补性。 除此之外,性别是这项工作中唯一用到的属性,所以属性之间的关联也没有被考虑到。没有显示提出的方法时候相对于baselines 改进了属性识别
【14】 首先在带有属性标签的独立的数据集上训练网络,然后仅使用具有三元组丢失的身份标签来对网络进行目标数据集的调整, 最后,预测目标数据集的属性标签与独立数据集结合,进行最后一轮微调。

【15】 网络在标有属性的独立数据集上进行预训练,然后在另一个具有行人 ID的集合上进行调整。
【42】一组属性标签用作检索人物图像的查询。 对抗性学习用于为查询属性生成类似图像的概念,并使其在全局级别和语义ID级别与图像匹配。 该属性还用作无监督学习的监督。
【43】 提出了一种无监督的重新ID方法,该方法通过从标记的源数据中学习的属性来共享源域知识,并通过跨域的联合属性身份转移学习将这些知识传递给未标记的目标数据

Wang et al. [43] propose an unsupervised re-ID method that shares the source domain knowledge through attributes learned from labelled source data and transfers such knowledge to unlabelled target data by a joint attribute identity transfer learning across domains (翻译水平有限)

Attribute annotation

手动标注了数据集 Market-1507 【17】DukeMTMC-reID【35】属性标签

这俩个数据集是高校收集的,里面的人物都是学生,但是包含了 季节信息, 所以有明显不同的服装。

在Market-1507中,大多穿着裙子和短裤 ,而在DukeMTMC-reID 穿着长裤
所以,这两个数据集我们用了不同的属性集合

属性的标签分布(例如戴帽子或不戴帽子)没有严重偏差。

For Market-1507

  • 标注了27个属性
    Market-1501数据集的一些代表性属性的正面和负面示例如图2所示。

For DukeMTMC-reID

  • 标记了23 个属性

需要注意的是:

  • 所有的属性都在身份级别进行标注,例如图2. 中 第二行的前两张图片。 尽管我们不能清晰地看到第二张图片的背包,但是因为他们是同一个人,所以我们仍然给第二张图片标记了“背包”。
  • 对于两个数据集, 我们在图3. 中阐述了 属性的分布
  • 我们将两个属性的相关性定义为它们在一个人上共同发生的可能性。
  • 图4 中我们展示了两个有代表性的属性的相关性。
  • 具有较高相关性的属性对在一个较暗的格子里。

The proposed method

我们首先在4.1节中描述必要的符号和两种基线方法,然后在4.2节中介绍我们提出的APR网络。 最后,我们在4.3节介绍属性加速过程。

Preliminaries

Let SI={(x1,y1),...,(xn,yn)}S_I = \left\{(x_1,y_1),...,(x_n,y_n)\right\}SI={(x1,y1),...,(xn,yn)}带有行人标注的数据集。
其中xi和yix_i和y_ixiyi分别表示 第i个图像和 它对应的身份标签。

对于每一个图像xi∈SIx_i \in S_IxiSI,它有对应的属性标注 ai=(ai1,ai2,...,aim)a_i = (a_i^1,a_i^2,...,a_i^m)ai=(ai1,ai2,...,aim), 其中aija_i^jaij 是图像xix_ixi的第j个属性标签,m 是属性类型的个数。

Let SA={(x1,a1),...,(xn,an)}S_A=\left\{(x_1,a_1),...,(x_n,a_n)\right\}SA={(x1,a1),...,(xn,an)} 作为属性标注 集。


基于这两个数据集,我们有如下的两个baselines:
Baseline 1 ID-discriminative Embedding (IDE).

  • 和【17】一样,我们采用IDE 来训练 re-ID模型,把re-ID训练过程看作图像身份分类任务。 只使用了SIS_ISI来训练。 目标函数如下:

Baseline 2 Attribute Recognition Network (ARN).

  • ARN只使用了SAS_ASA来训练。目标函数如下:
  • 其中fAjf_{A_{j}}fAj 是第j个属性的分类器,我们将输入图像x i上的m个属性预测的所有遭受损失的总和作为第i个样本的损失。

评估阶段:
(对两个baseline模型而言)

  • 我们使用了嵌入函数 将图像嵌入到 特征空间
  • 查询结果是根据查询数据和每个图库数据之间的欧几里德距离的所有图库数据的排名列表。如下:
  • 我们将属性预测 fA(wA;ϕ(θ;⋅))f_A(w_A; \phi(\theta;·))fA(wA;ϕ(θ;)) 作为输出。因此通过分类度量标准评估基础事实。

Attribute-Person Recognition network

Architecture overview

所提出的APR网络的流水线如图5所示。

  • APR网络包含两个部分,一个用于属性识别,另一个用于身份分类
  • 将行人的图像作为输入
  • APR首先对图像进行了特征提取
  • 接着 进行了属性预测,并根据预测的结果和真实的标签计算 属性的loss
  • 对于身份分类部分,我们将属性预测结果作为附加线索
  • 为了更好的利用属性,APR 为M个独立的属性计算出loss, 然后 M个预测分数被串联 并 喂给了 属性 re-weight 模块(ARM). ARM的输出将会和全局图像特征串联,并计算ID loss。
  • 最后的分类是建立在 **局部-全局 特征 ** 串联的情况下的。

Attributie re-weighting module

假设图像x的属性预测结果是{a′1,a′2,...,a′ma'^{1},a'^2,...,a'^ma1,a2,...,am}. 其中a′ja'^jaj 是 第j个属性的预测分数。
我们将这些预测分数串联起来作为一个向量a’ ,则a′∈R1∗ma' \in R^{1*m}aR1m.
预测向量a’ 对应的置信分数 C 按照如下公式学习得到:
C=Sigmoid(va′T+b)(3)C = Sigmoid(va'^T+b) (3)C=Sigmoid(vaT+b)(3)
其中v∈Rm∗m,b∈Rm∗1v \in R^{m*m}, b\in R^{m*1}vRmm,bRm1 都是可训练的参数。
置信分数 C∈Rm∗1C \in R^{m*1}CRm1 是学习到的权重的集合。
因此,属性re-weight 模块转移 原始预测 a’ 为一个新的预测分数:
a=c⋅a′T(4)a = c · a'^T (4)a=caT(4)
其中 · 表示元素乘法。

所以,这个预测分数 a 将会和 全局图像表达相串联 进行进一步的 身份分类。

使用ARM,模型可以学习利用属性之间的相关性。例如,当“粉红色上身衣服”和“长发”的预测分数非常高时,网络可能倾向于增加属性“女性”的预测分数。

Optimization

SI和SAS_I 和 S_ASISA 组合的数据集称作S,S={(x1,y1,a1),...,(xn,yn,an)}S = \left\{ (x_1,y_1,a_1),...,(x_n,y_n,a_n)\right\}S={(x1,y1,a1),...,(xn,yn,an)} .

基于提取出来的图像表达 ϕ(θ;xi)\phi(\theta;x_i)ϕ(θ;xi) ,两个目标函数进行同步优化:

属性预测的目标函数:

  • 和baseline ARN 相似,属性的预测通过 一系列属性分类器的集合获得,我们优化属性预测的目标函数 和公式(2) 相同。

    身份的目标函数:
  • 为了将属性预测引入到身份预测中,我们将属性预测{fAj(wAj;ϕ(θ;xi))}\left\{f_{A_j}(w_{A_j}; \phi(\theta; x_i)) \right\}{fAj(wAj;ϕ(θ;xi))} 和 Re-weight模块获得的re-weight 相结合。
  • 用于身份预测的新的目标函数如下:
  • 其中a 是连接的re-weight之后的属性预测。

总体目标函数

  • 其中λ\lambdaλ 是用于平衡属性识别损失和 身份分类损失的超参数。

们在第5.3节中凭经验讨论了λ的有效性。

Attribute accelerationm process

计算距离是最大的时间花销。
属性可以用来加速评估过程。通过各类掉那些没有相同属性的图片。

在离线的计算中,我们会对 图库中的图像 进行 特征提取,并预测属性。
我们将具有高置信度值的属性预测作为查询和图库图像的可靠值。
然后我们删除那些可靠属性与查询不同的图库候选人。
很明显,随着预测分数越来越高,预测属性趋于可靠。

用T表示阈值,当置信分数高于T的时候,该属性被视为可靠的属性。
当查询和图库图像的属性可靠时,我们检查两个图像是否对该属性具有相同的预测。 如果不是,则从库池中移除该候选图像。

在实际应用中,此阈值是效率和准确性之间的权衡。
阈值接近0时,删除了大多数候选人,并且只保留了一些在线匹配的候选人。 这适用于以检索速度为主要焦点的应用。

阈值接近1时,这意味着我们只从查询中删除一些非常可靠的属性预测中不同的候选项。

在Market-1501的实验中,设置阈值为0.7. 我们将检索过程加速了十倍以上,准确度下降了2.92%。

Experimental results

Datasets and evaluation protocol

数据集 :
re-ID 数据集 : Market-1501 和 DukeMTMC-reID
属性识别数据集 PETA

Market-1501

  • 19732 图像 for 751 个身份 用于训练
  • 13328 图像for 750 身份 用于测试
  • 每张图 27个属性
  • 为了验证超参数λ\lambdaλ ,使用训练集中 651 个身份 和其他100个身份 作为 验证集,来确定参数λ\lambdaλ的值。
  • 然后我们在正常的751/750分割中使用这个超参数。

DukeMTMC-reID

  • 是DukeMTMC数据集的子集。
  • 16522 个训练图像 for 702个身份。
  • 19889个测试图像for 702个身份。
  • 没有图像都有23个标签。

PETA

  • 标注了61个二进制属性和 4 个多分类属性 for 19000个图像。
  • 和【6】一样,我们实验中了有了35个最重要和有意义的属性。
  • 因为大多数图形只有恨少的训练图像,有得甚至只有1个想你了图像。 所以PETA并不是理想的
  • 在本文中,为了再PETA上评估我们的方法,我们重新划分的数据集。
  • 使用 4981个身份的 17100 个图像来做实验。
  • 在我们的新划分中, 4558个身份的 9500个图像被用作训练,423个图像用作查询,7177个图像作为 图库。

评估策略:

  • 使用了CMC 曲线 和 mAP
  • 在实验中,我们使用[17,35]中公开提供的评估包。
  • 验证属性分类的准确性,图库中的图像被用作了测试集。

Implementation details

Evaluation of Person Re-ID task

Comparison with the state-of-the-art methods

Ablation studies


[未完待续…… ]

Improving person re-identification by attribute and identity learning[reading notes]相关推荐

  1. paper reading——《Improving Person Re-identification by Attribute and Identity Learning》

    ##这篇文章是关于利用行人属性提升行人再识别 论文链接:https://arxiv.org/pdf/1703.07220.pdf ###摘要 行人再识别(reid)和属性识别有着一个共同的目标是描述行 ...

  2. Machine Learning Approach to RF Transmitter Identification

    第一遍 包括以下步骤: 仔细阅读标题,摘要和介绍. 只阅读节和子节的标题,忽略其他内容. 阅读结论. 浏览一下参考文献,在心里勾出你已经读过的. 在第一遍的阅读之后,你应该能够回答下面五个问题: 类别 ...

  3. 【Paper】2020_Anomaly Detection and Identification for Multiagent Systems Subjected to Physical Faults

    Y. Li, H. Fang and J. Chen, "Anomaly Detection and Identification for Multiagent Systems Subjec ...

  4. Devign: Effective Vulnerability Identification byLearning Comprehensive Program Semantics viaGraph

    摘要:漏洞识别对于保护软件系统免受网络安全攻击至关重要.在源代码之间本地化易受攻击的功能以促进修复尤为重要.但是,这是一个具有挑战性且乏味的过程,并且还需要专门的安全专业知识.受来自各种代码表示图的手 ...

  5. Transferable Joint Attribute-Identity Deep Learning for Unsupervised Person Re-Identification阅读总结

    Transferable Joint Attribute-Identity Deep Learning for Unsupervised Person Re-Identification(TJAIDL) ...

  6. 根据id去重_Person Re-ID研究综述

    今天来分享一篇写的很好的文章,对Person Re-ID感兴趣的朋友可以一起学习 原文:基于深度学习的行人重识别研究综述 作者:罗浩 前言:行人重识别(Person Re-identification ...

  7. Pedestrian Identification (2) ——研究现状总结

    最近一直在看行人检测的论文,对目前的行人检测做大概的介绍. 行人检测具有极其广泛的应用:智能辅助驾驶,智能监控,行人分析以及智能机器人等领域.从2005年以来行人检测进入了一个快速的发展阶段,但是也存 ...

  8. 泛读论文:Person-reID 行人重识别合集

    基于融合特征的行人再识别方法 模式识别与人工智能 2017.3 问题 目前常用的行人再识别方法主要集中在行人外形特征的描述和同一行人对应的 2 幅图像之间距离的学习度量.由于行人图像的亮度和相机角度的 ...

  9. 【PR 2021】Progressive sample mining and representation learning for one-shot person re-identification

    下方↓公众号后台回复"PSMA",即可获得论文电子资源. 文章目录 内容概要 工作概述 成果概述 方法详解 方法特点 方法框架 算法描述 具体实现 实验结果 总体评价 引用格式 参 ...

最新文章

  1. python3数据库表关联_Django中数据库操作|python3教程|python入门|python教程
  2. 【设计模式之单例模式InJava】
  3. 【解决方案】Basemap安装出现的错误(Python)
  4. [.NET开发] C#编程调用Cards.dll实现图形化发牌功能示例
  5. 2021-07-07
  6. boost::geometry::disjoint用法的测试程序
  7. 命令行切换到conda环境_Anaconda命令行常用操作
  8. 《Android源码设计模式》--装饰模式
  9. java获得jsp的name注解_记录Java注解在JavaWeb中的一个应用实例
  10. 利用matlab绘制图形
  11. java.net.ConnectException: Connection refused: connect
  12. [poj3280]Cheapest Palindrome_区间dp
  13. 蓝桥杯 ALGO-55 算法训练 矩阵加法
  14. nginx热升级实现
  15. 【Python-3.5】win7安装Pygame
  16. 微信小程序 实现提示弹窗
  17. 网站拒绝了你的请求服务器,服务器拒绝你的发送请求 - 卡饭网
  18. php 2个数组并集,php中数组的并集、交集和差集函数介绍_PHP教程
  19. 《Sony Vegas Pro 12标准教程》—— 2.6 添加背景音乐
  20. 2021年软考科目怎么选?

热门文章

  1. 微信公众号支付JSSDK
  2. windows2012系统版本区别
  3. mysql官方读已提交场景_mysql-read uncommitted 未提交读-脏读实例场景
  4. 解决服务器端口占用被占用问题
  5. 对上海物流中转新措施作架构分析
  6. 带宽消耗以及Swap(上)
  7. SpringBoot整合mybatis+durid
  8. nnUnet肾脏肿瘤分割实战(KiTS19)
  9. 同为出家人:大悲寺和少林寺的对比(组图)
  10. AlphaGo Zero与增强学习