期刊文献+
共找到18篇文章
< 1 >
每页显示 20 50 100
A Dual Discriminator Method for Generalized Zero-Shot Learning
1
作者 Tianshu Wei Jinjie Huang 《Computers, Materials & Continua》 SCIE EI 2024年第4期1599-1612,共14页
Zero-shot learning enables the recognition of new class samples by migrating models learned from semanticfeatures and existing sample features to things that have never been seen before. The problems of consistencyof ... Zero-shot learning enables the recognition of new class samples by migrating models learned from semanticfeatures and existing sample features to things that have never been seen before. The problems of consistencyof different types of features and domain shift problems are two of the critical issues in zero-shot learning. Toaddress both of these issues, this paper proposes a new modeling structure. The traditional approach mappedsemantic features and visual features into the same feature space;based on this, a dual discriminator approachis used in the proposed model. This dual discriminator approach can further enhance the consistency betweensemantic and visual features. At the same time, this approach can also align unseen class semantic features andtraining set samples, providing a portion of information about the unseen classes. In addition, a new feature fusionmethod is proposed in the model. This method is equivalent to adding perturbation to the seen class features,which can reduce the degree to which the classification results in the model are biased towards the seen classes.At the same time, this feature fusion method can provide part of the information of the unseen classes, improvingits classification accuracy in generalized zero-shot learning and reducing domain bias. The proposed method isvalidated and compared with othermethods on four datasets, and fromthe experimental results, it can be seen thatthe method proposed in this paper achieves promising results. 展开更多
关键词 Generalized zero-shot learning modality consistent DISCRIMINATOR domain shift problem feature fusion
下载PDF
基于反向投影的zero-shot learning目标分类算法研究 被引量:1
2
作者 冯鹏 庹红娅 +2 位作者 乔凌峰 王洁欣 敬忠良 《计算机应用研究》 CSCD 北大核心 2017年第11期3291-3294,共4页
Zero-shot learning(ZSL)是针对没有训练样本的类别进行分类的问题。传统回归方法的核心是将视觉特征投影到语义空间,没有充分利用视觉特征自身包含的样本信息,同时训练计算量大。提出基于反向投影的ZSL目标分类方法,将类别原型投影到... Zero-shot learning(ZSL)是针对没有训练样本的类别进行分类的问题。传统回归方法的核心是将视觉特征投影到语义空间,没有充分利用视觉特征自身包含的样本信息,同时训练计算量大。提出基于反向投影的ZSL目标分类方法,将类别原型投影到视觉空间,利用视觉特征的语义性学习出映射函数,参数优化过程仅通过解析解就可以获得。在两个基准数据集的实验结果表明,提出的反向投影方法分类结果较传统回归方法和其他现有方法有大幅提升,并且训练时间大大减少,可以更好地推广到未知类别的分类问题上。 展开更多
关键词 zero-shot learning 目标分类 反向投影 解析解
下载PDF
Learning Noise-Assisted Robust Image Features for Fine-Grained Image Retrieval
3
作者 Vidit Kumar Hemant Petwal +1 位作者 Ajay Krishan Gairola Pareshwar Prasad Barmola 《Computer Systems Science & Engineering》 SCIE EI 2023年第9期2711-2724,共14页
Fine-grained image search is one of the most challenging tasks in computer vision that aims to retrieve similar images at the fine-grained level for a given query image.The key objective is to learn discriminative fin... Fine-grained image search is one of the most challenging tasks in computer vision that aims to retrieve similar images at the fine-grained level for a given query image.The key objective is to learn discriminative fine-grained features by training deep models such that similar images are clustered,and dissimilar images are separated in the low embedding space.Previous works primarily focused on defining local structure loss functions like triplet loss,pairwise loss,etc.However,training via these approaches takes a long training time,and they have poor accuracy.Additionally,representations learned through it tend to tighten up in the embedded space and lose generalizability to unseen classes.This paper proposes a noise-assisted representation learning method for fine-grained image retrieval to mitigate these issues.In the proposed work,class manifold learning is performed in which positive pairs are created with noise insertion operation instead of tightening class clusters.And other instances are treated as negatives within the same cluster.Then a loss function is defined to penalize when the distance between instances of the same class becomes too small relative to the noise pair in that class in embedded space.The proposed approach is validated on CARS-196 and CUB-200 datasets and achieved better retrieval results(85.38%recall@1 for CARS-196%and 70.13%recall@1 for CUB-200)compared to other existing methods. 展开更多
关键词 Convolutional network zero-shot learning fine-grained image retrieval image representation image retrieval intra-class diversity feature learning
下载PDF
Explanatory Multi-Scale Adversarial Semantic Embedding Space Learning for Zero-Shot Recognition
4
作者 Huiting Li 《Open Journal of Applied Sciences》 2022年第3期317-335,共19页
The goal of zero-shot recognition is to classify classes it has never seen before, which needs to build a bridge between seen and unseen classes through semantic embedding space. Therefore, semantic embedding space le... The goal of zero-shot recognition is to classify classes it has never seen before, which needs to build a bridge between seen and unseen classes through semantic embedding space. Therefore, semantic embedding space learning plays an important role in zero-shot recognition. Among existing works, semantic embedding space is mainly taken by user-defined attribute vectors. However, the discriminative information included in the user-defined attribute vector is limited. In this paper, we propose to learn an extra latent attribute space automatically to produce a more generalized and discriminative semantic embedded space. To prevent the bias problem, both user-defined attribute vector and latent attribute space are optimized by adversarial learning with auto-encoders. We also propose to reconstruct semantic patterns produced by explanatory graphs, which can make semantic embedding space more sensitive to usefully semantic information and less sensitive to useless information. The proposed method is evaluated on the AwA2 and CUB dataset. These results show that our proposed method achieves superior performance. 展开更多
关键词 zero-shot Recognition Semantic Embedding Space Adversarial learning Explanatory Graph
下载PDF
A Novel Siamese Network for Few/Zero-Shot Handwritten Character Recognition Tasks
5
作者 Nagwa Elaraby Sherif Barakat Amira Rezk 《Computers, Materials & Continua》 SCIE EI 2023年第1期1837-1854,共18页
Deep metric learning is one of the recommended methods for the challenge of supporting few/zero-shot learning by deep networks.It depends on building a Siamese architecture of two homogeneous Convolutional Neural Netw... Deep metric learning is one of the recommended methods for the challenge of supporting few/zero-shot learning by deep networks.It depends on building a Siamese architecture of two homogeneous Convolutional Neural Networks(CNNs)for learning a distance function that can map input data from the input space to the feature space.Instead of determining the class of each sample,the Siamese architecture deals with the existence of a few training samples by deciding if the samples share the same class identity or not.The traditional structure for the Siamese architecture was built by forming two CNNs from scratch with randomly initialized weights and trained by binary cross-entropy loss.Building two CNNs from scratch is a trial and error and time-consuming phase.In addition,training with binary crossentropy loss sometimes leads to poor margins.In this paper,a novel Siamese network is proposed and applied to few/zero-shot Handwritten Character Recognition(HCR)tasks.The novelties of the proposed network are in.1)Utilizing transfer learning and using the pre-trained AlexNet as a feature extractor in the Siamese architecture.Fine-tuning a pre-trained network is typically faster and easier than building from scratch.2)Training the Siamese architecture with contrastive loss instead of the binary cross-entropy.Contrastive loss helps the network to learn a nonlinear mapping function that enables it to map the extracted features in the vector space with an optimal way.The proposed network is evaluated on the challenging Chars74K datasets by conducting two experiments.One is for testing the proposed network in few-shot learning while the other is for testing it in zero-shot learning.The recognition accuracy of the proposed network reaches to 85.6%and 82%in few-and zero-shot learning respectively.In addition,a comparison between the performance of the proposed Siamese network and the traditional Siamese CNNs is conducted.The comparison results show that the proposed network achieves higher recognition results in less time.The proposed network reduces the training time from days to hours in both experiments. 展开更多
关键词 Handwritten character recognition(HCR) few-shot learning zero-shot learning deep metric learning transfer learning contrastive loss Chars74K datasets
下载PDF
原型对齐和域感知的零样本哈希
6
作者 董峰 王永欣 +1 位作者 马玉玲 王奎奎 《计算机工程》 CAS CSCD 北大核心 2024年第5期260-271,共12页
为了实现对未见类别图像的有效检索,零样本哈希(ZSH)方法通常将类别属性中的监督知识从已见类转移到未见类。然而,获取类别属性需要花费额外的计算资源,并且视觉特征和类别属性之间存在跨模态的异构鸿沟。此外,现有方法忽视了强偏差问题... 为了实现对未见类别图像的有效检索,零样本哈希(ZSH)方法通常将类别属性中的监督知识从已见类转移到未见类。然而,获取类别属性需要花费额外的计算资源,并且视觉特征和类别属性之间存在跨模态的异构鸿沟。此外,现有方法忽视了强偏差问题,导致模型错误地将已见类样本识别为未见类,从而降低了检索精度。与此同时,ZSH在保持哈希码和原始数据语义一致性以及实现哈希码的离散优化等方面也面临着挑战。为此,提出一种原型对齐和域感知的ZSH方法,其不依赖类别属性等特殊监督知识,能够节省注释属性的花销同时避免跨模态异构鸿沟的影响。首先计算各类样本在海明空间中的原型,然后通过对齐哈希码和类原型来学习语义一致的哈希码。为了避免松弛策略造成的量化误差,提出一种离散优化算法来求解哈希码的离散约束,并且实现线性的计算复杂度。同时,设计一个域感知策略用于分离源域和目标域样本,以缓解强偏差问题的影响。在a PY、AWA2和Image Net数据集上的实验结果表明,该方法的检索精度相较对比方法中的最优值分别提升了2.6、9.4和14.9个百分点,训练时间也远低于大部分对比方法。 展开更多
关键词 哈希 图像检索 零样本学习 原型对齐 域感知
下载PDF
融合多Prompt模板的零样本关系抽取模型
7
作者 许亮 张春 +1 位作者 张宁 田雪涛 《计算机应用》 CSCD 北大核心 2023年第12期3668-3675,共8页
Prompt范式被广泛应用于零样本的自然语言处理(NLP)任务中,但是现有基于Prompt范式的零样本关系抽取(RE)模型存在答案空间映射难构造与模板选择依赖人工的问题,无法取得较好的效果。针对这些问题,提出一种融合多Prompt模板的零样本RE模... Prompt范式被广泛应用于零样本的自然语言处理(NLP)任务中,但是现有基于Prompt范式的零样本关系抽取(RE)模型存在答案空间映射难构造与模板选择依赖人工的问题,无法取得较好的效果。针对这些问题,提出一种融合多Prompt模板的零样本RE模型。首先,将零样本RE任务定义为掩码语言模型(MLM)任务,舍弃答案空间映射的构造,将模板输出的词与关系描述文本在词向量空间中进行比较,以此判断关系类别;其次,引入待抽取关系类别的描述文本的词性作为特征,学习该特征与各个模板之间的权重;最后,利用该权重融合多个模板输出的结果,以此减少人工选取的Prompt模板引起的性能损失。在FewRel(Few-shot Relation extraction dataset)和TACRED(Text Analysis Conference Relation Extraction Dataset)这两个数据集上的实验结果显示,与目前最优的模型RelationPrompt相比,所提模型在不同数据资源设置下,F1值分别提升了1.48~19.84个百分点和15.27~15.75个百分点。可见,所提模型在零样本RE任务上取得了显著的效果提升。 展开更多
关键词 关系抽取 信息抽取 零样本学习 Prompt范式 预训练语言模型
下载PDF
逆合成孔径成像雷达隐身目标零样本识别
8
作者 周春花 魏维伟 +2 位作者 张学成 郑鑫 程冕之 《系统工程与电子技术》 EI CSCD 北大核心 2023年第10期3116-3121,共6页
针对现有算法不具备识别出未在训练过程中出现的新类别目标的能力问题,提出了针对逆合成孔径成像雷达(inverse synthetic aperture imaging radar,ISAR)隐身目标零样本学习识别方法。首先,基于飞行类动态目标三维网络化物理模型,使用FEK... 针对现有算法不具备识别出未在训练过程中出现的新类别目标的能力问题,提出了针对逆合成孔径成像雷达(inverse synthetic aperture imaging radar,ISAR)隐身目标零样本学习识别方法。首先,基于飞行类动态目标三维网络化物理模型,使用FEKO电磁场仿真软件进行编程,实现ISAR可见的源目标图像数据生成;然后,在此基础上形成不同飞机类目标细节属性的文本语义特征表达。所提出的新类型算法网络模型采用两个变分自编码器,分别进行了图像和语义的特征生成,从而让网络学习到模态不变的特征表达。使用可见类别数据训练网络,并获得能够凭借语义信息生成图像特征的模型。训练识别采用该学习模型不可见的未知新类别目标,从不可见未知的新类别文本语义生成不可见未知的新目标图像特征信息,支撑了不可见未知的新目标识别,统计未知的新类别识别正确率为75%。 展开更多
关键词 逆合成孔径成像雷达 零样本学习 隐身目标
下载PDF
A Semi-Supervised Approach for Aspect Category Detection and Aspect Term Extraction from Opinionated Text
9
作者 Bishrul Haq Sher Muhammad Daudpota +2 位作者 Ali Shariq Imran Zenun Kastrati Waheed Noor 《Computers, Materials & Continua》 SCIE EI 2023年第10期115-137,共23页
The Internet has become one of the significant sources for sharing information and expressing users’opinions about products and their interests with the associated aspects.It is essential to learn about product revie... The Internet has become one of the significant sources for sharing information and expressing users’opinions about products and their interests with the associated aspects.It is essential to learn about product reviews;however,to react to such reviews,extracting aspects of the entity to which these reviews belong is equally important.Aspect-based Sentiment Analysis(ABSA)refers to aspects extracted from an opinionated text.The literature proposes different approaches for ABSA;however,most research is focused on supervised approaches,which require labeled datasets with manual sentiment polarity labeling and aspect tagging.This study proposes a semisupervised approach with minimal human supervision to extract aspect terms by detecting the aspect categories.Hence,the study deals with two main sub-tasks in ABSA,named Aspect Category Detection(ACD)and Aspect Term Extraction(ATE).In the first sub-task,aspects categories are extracted using topic modeling and filtered by an oracle further,and it is fed to zero-shot learning as the prompts and the augmented text.The predicted categories are the input to find similar phrases curated with extracting meaningful phrases(e.g.,Nouns,Proper Nouns,NER(Named Entity Recognition)entities)to detect the aspect terms.The study sets a baseline accuracy for two main sub-tasks in ABSA on the Multi-Aspect Multi-Sentiment(MAMS)dataset along with SemEval-2014 Task 4 subtask 1 to show that the proposed approach helps detect aspect terms via aspect categories. 展开更多
关键词 Natural language processing sentiment analysis aspect-based sentiment analysis topic-modeling POS tagging zero-shot learning
下载PDF
Zero-shot Fine-grained Classification by Deep Feature Learning with Semantics 被引量:1
10
作者 Ao-Xue Li Ke-Xin Zhang Li-Wei Wang 《International Journal of Automation and computing》 EI CSCD 2019年第5期563-574,共12页
Fine-grained image classification, which aims to distinguish images with subtle distinctions, is a challenging task for two main reasons: lack of sufficient training data for every class and difficulty in learning dis... Fine-grained image classification, which aims to distinguish images with subtle distinctions, is a challenging task for two main reasons: lack of sufficient training data for every class and difficulty in learning discriminative features for representation. In this paper, to address the two issues, we propose a two-phase framework for recognizing images from unseen fine-grained classes, i.e., zeroshot fine-grained classification. In the first feature learning phase, we finetune deep convolutional neural networks using hierarchical semantic structure among fine-grained classes to extract discriminative deep visual features. Meanwhile, a domain adaptation structure is induced into deep convolutional neural networks to avoid domain shift from training data to test data. In the second label inference phase, a semantic directed graph is constructed over attributes of fine-grained classes. Based on this graph, we develop a label propagation algorithm to infer the labels of images in the unseen classes. Experimental results on two benchmark datasets demonstrate that our model outperforms the state-of-the-art zero-shot learning models. In addition, the features obtained by our feature learning model also yield significant gains when they are used by other zero-shot learning models, which shows the flexility of our model in zero-shot finegrained classification. 展开更多
关键词 FINE-GRAINED image CLASSIFICATION zero-shot learning DEEP FEATURE learning domain adaptation semantic graph
原文传递
Fabric Recognition Using Zero-Shot Learning 被引量:1
11
作者 Feng Wang Huaping Liu +1 位作者 Fuchun Sun Haihong Pan 《Tsinghua Science and Technology》 SCIE EI CAS CSCD 2019年第6期645-653,共9页
In this work, we use a deep learning method to tackle the Zero-Shot Learning(ZSL) problem in tactile material recognition by incorporating the advanced semantic information into a training model. Our main technical co... In this work, we use a deep learning method to tackle the Zero-Shot Learning(ZSL) problem in tactile material recognition by incorporating the advanced semantic information into a training model. Our main technical contribution is our proposal of an end-to-end deep learning framework for solving the tactile ZSL problem. In this framework, we use a Convolutional Neural Network(CNN) to extract the spatial features and Long Short-Term Memory(LSTM) to extract the temporal features in dynamic tactile sequences, and develop a loss function suitable for the ZSL setting. We present the results of experimental evaluations on publicly available datasets, which show the effectiveness of the proposed method. 展开更多
关键词 zero-shot-learning (zsl) FABRIC recog nition TACTILE recog nition DEEP lear ning
原文传递
基于多标签零样本学习的滚动轴承故障诊断 被引量:2
12
作者 张永宏 邵凡 +3 位作者 赵晓平 王丽华 吕凯扬 张中洋 《振动与冲击》 EI CSCD 北大核心 2022年第11期55-64,89,共11页
近年来,数据驱动的方法在滚动轴承故障诊断领域发展迅速,但面对工程实际中没有历史记录的故障类型,仍存在故障特征学习不充分、误诊率高等不足。针对上述问题,提出了多标签零样本学习(multi-label zero-shot learning,MLZSL)故障诊断方... 近年来,数据驱动的方法在滚动轴承故障诊断领域发展迅速,但面对工程实际中没有历史记录的故障类型,仍存在故障特征学习不充分、误诊率高等不足。针对上述问题,提出了多标签零样本学习(multi-label zero-shot learning,MLZSL)故障诊断方法。首先,使用短时傅里叶变换(short-time Fourier transform,STFT)对可见类和未见类样本进行预处理,将得到的时频图像输入残差深度可分离卷积神经网络(residual depthwise separable convolutional neural network,RDSCNN)进行特征提取,再使用可见类故障特征训练属性学习网络,依靠属性学习网络预测未见类故障样本的属性向量,最终实现对未见类故障的诊断。设计了零样本条件下的故障诊断试验,结果表明MLZSL能将可见类故障属性迁移到未见类,并有效诊断未见类故障。 展开更多
关键词 零样本学习(zsl) 特征提取 多标签 属性学习器 滚动轴承
下载PDF
零样本图像识别 被引量:10
13
作者 兰红 方治屿 《电子与信息学报》 EI CSCD 北大核心 2020年第5期1188-1200,共13页
深度学习在人工智能领域已经取得了非常优秀的成就,在有监督识别任务中,使用深度学习算法训练海量的带标签数据,可以达到前所未有的识别精确度。但是,由于对海量数据的标注工作成本昂贵,对罕见类别获取海量数据难度较大,所以如何识别在... 深度学习在人工智能领域已经取得了非常优秀的成就,在有监督识别任务中,使用深度学习算法训练海量的带标签数据,可以达到前所未有的识别精确度。但是,由于对海量数据的标注工作成本昂贵,对罕见类别获取海量数据难度较大,所以如何识别在训练过程中少见或从未见过的未知类仍然是一个严峻的问题。针对这个问题,该文回顾近年来的零样本图像识别技术研究,从研究背景、模型分析、数据集介绍、实验分析等方面全面阐释零样本图像识别技术。此外,该文还分析了当前研究存在的技术难题,并针对主流问题提出一些解决方案以及对未来研究的展望,为零样本学习的初学者或研究者提供一些参考。 展开更多
关键词 零样本学习 深度卷积神经网络 视觉语义嵌入 泛化零样本学习
下载PDF
基于属性描述的零样本滚动轴承故障诊断 被引量:2
14
作者 赵晓平 吕凯扬 +1 位作者 邵凡 张中洋 《振动与冲击》 EI CSCD 北大核心 2022年第15期105-115,共11页
数据驱动方式是对故障诊断模型进行训练的主要方法,然而因为机器运转环境复杂,没有可用的目标故障样本供模型训练而导致特征学习不充分的情况时有发生。针对这一问题,结合零样本学习(zero-shot learning,ZSL)思想,从属性描述的角度出发... 数据驱动方式是对故障诊断模型进行训练的主要方法,然而因为机器运转环境复杂,没有可用的目标故障样本供模型训练而导致特征学习不充分的情况时有发生。针对这一问题,结合零样本学习(zero-shot learning,ZSL)思想,从属性描述的角度出发,提出了一种基于Xception网络和卷积神经网络(convolutional neural networks,CNN)的零样本滚动轴承故障诊断方法,即X-CNN故障诊断模型。X-CNN模型首先使用Xception网络对故障信号时频图进行特征提取;根据故障类别的属性描述构建属性矩阵,使用CNN对提取的特征进行属性学习;最后通过属性矩阵的相似度比较完成诊断工作。通过零样本条件下的故障诊断试验,证明了X-CNN故障诊断模型可以在不使用测试类样本进行训练的情况下完成滚动轴承故障诊断工作。 展开更多
关键词 零样本学习(zsl) Xception 卷积神经网络(CNN) 故障诊断 属性描述
下载PDF
基于局部保持典型相关分析的零样本动作识别 被引量:1
15
作者 冀中 郭威辰 《天津大学学报(自然科学与工程技术版)》 EI CSCD 北大核心 2017年第9期975-983,共9页
动作识别领域需要识别的类别越来越多,这使得标注足够多的训练数据越来越难.零样本学习是针对传统机器学习收集和标注数据日益困难而提出的一种新思路.针对基于零样本学习的动作识别问题,提出了一种基于局部保持典型相关分析映射的方法... 动作识别领域需要识别的类别越来越多,这使得标注足够多的训练数据越来越难.零样本学习是针对传统机器学习收集和标注数据日益困难而提出的一种新思路.针对基于零样本学习的动作识别问题,提出了一种基于局部保持典型相关分析映射的方法.该方法使用流形约束的典型相关分析将视觉特征和辅助特征映射到一个公共特征空间,并且在映射过程中保留视觉特征和辅助特征的局部信息,还考虑了域转换所带来的不利影响,同时采用自训练和hubness修正等方法增强所提方法的鲁棒性.通过在主流数据集HMDB51和UCF101上的大量实验,表明所提方法具有较好的零样本学习性能. 展开更多
关键词 零样本学习 动作识别 典型相关分析 局部保持
下载PDF
零样本图学习综述
16
作者 支瑞聪 万菲 张德政 《计算机系统应用》 2022年第5期1-20,共20页
深度学习方法的提出使得机器学习研究领域得到了巨大突破,但是却需要大量的人工标注数据来辅助完成.在实际问题中,受限于人力成本,许多应用需要对从未见过的实例类别进行推理判断.为此,零样本学习(zeroshot learning, ZSL)应运而生.图... 深度学习方法的提出使得机器学习研究领域得到了巨大突破,但是却需要大量的人工标注数据来辅助完成.在实际问题中,受限于人力成本,许多应用需要对从未见过的实例类别进行推理判断.为此,零样本学习(zeroshot learning, ZSL)应运而生.图作为一种表示事物之间联系的自然数据结构,目前在零样本学习中受到了越来越多的关注.本文对零样本图学习方法进行了系统综述.首先概述了零样本学习和图学习的定义,并总结了零样本学习现有的解决方案思想.然后依据图的不同利用方式对目前零样本图学习的方法体系进行了分类.接下来讨论了零样本图学习所涉及到的评估准则和数据集.最后指明了零样本图学习进一步研究中需要解决的问题以及未来可能的发展方向. 展开更多
关键词 零样本学习 图学习 跨模态学习 属性 词向量 流形对齐 深度学习 图像识别
下载PDF
基于视觉误差与语义属性的零样本图像分类 被引量:3
17
作者 徐戈 肖永强 +3 位作者 汪涛 陈开志 廖祥文 吴运兵 《计算机应用》 CSCD 北大核心 2020年第4期1016-1022,共7页
在图像分类的实际应用过程中,部分类别可能完全没有带标签的训练数据。零样本学习(ZSL)的目的是将带标签类别的图像特征等知识迁移到无标签的类别上,实现无标签类别的正确分类。现有方法在测试时无法显式地区分输入图像属于已知类还是... 在图像分类的实际应用过程中,部分类别可能完全没有带标签的训练数据。零样本学习(ZSL)的目的是将带标签类别的图像特征等知识迁移到无标签的类别上,实现无标签类别的正确分类。现有方法在测试时无法显式地区分输入图像属于已知类还是未知类,很大程度上导致未知类在传统设定下的ZSL和广义设定下的ZSL(GZSL)上的预测效果相差甚远。为此,提出一种融合视觉误差与属性语义信息的方法来缓解零样本图像分类中的预测偏置问题。首先,设计一种半监督学习方式的生成对抗网络架构来获取视觉误差信息,由此预测图像是否属于已知类;然后,提出融合属性语义信息的零样本图像分类网络来实现零样本图像分类;最后,测试融合视觉误差与属性语义的零样本图像分类方法在数据集AwA2和CUB上的效果。实验结果表明,与对比模型相比,所提方法有效缓解了预测偏置问题,其调和指标H在AwA2(Animal with Attributes)上提升了31.7个百分点,在CUB(Caltech-UCSD-Birds-200-2011)上提升了8.7个百分点。 展开更多
关键词 零样本学习 图像分类 生成对抗网络 视觉误差 属性语义
下载PDF
视觉—语义双重解纠缠的广义零样本学习
18
作者 韩阿友 杨关 +1 位作者 刘小明 刘阳 《中国图象图形学报》 CSCD 北大核心 2023年第9期2913-2926,共14页
目的传统的零样本学习(zero-shot learning,ZSL)旨在依据可见类别的数据和相关辅助信息对未见类别的数据进行预测分类,而广义零样本学习(generalized zero-shot learning,GZSL)中分类的类别既可能属于可见类也可能属于不可见类,这更符... 目的传统的零样本学习(zero-shot learning,ZSL)旨在依据可见类别的数据和相关辅助信息对未见类别的数据进行预测分类,而广义零样本学习(generalized zero-shot learning,GZSL)中分类的类别既可能属于可见类也可能属于不可见类,这更符合现实的应用场景。基于生成模型的广义零样本学习的原始特征和生成特征不一定编码共享属性所指的语义相关信息,这样会导致模型倾向于可见类,并且分类时忽略了语义信息中与特征相关的有用信息。为了分解出相关的视觉特征和语义信息,提出了视觉—语义双重解纠缠框架。方法首先,使用条件变分自编码器为不可见类生成视觉特征,再通过一个特征解纠缠模块将其分解为语义一致性和语义无关特征。然后,设计了一个语义解纠缠模块将语义信息分解为特征相关和特征无关的语义。其中,利用总相关惩罚来保证分解出来的两个分量之间的独立性,特征解纠缠模块通过关系网络来衡量分解的语义一致性,语义解纠缠模块通过跨模态交叉重构来保证分解的特征相关性。最后,使用两个解纠缠模块分离出来的语义一致性特征和特征相关语义信息联合学习一个广义零样本学习分类器。结果实验在4个广义零样本学习公开数据集AWA2(animals with attributes2)、CUB(caltech-ucsd birds-200-2011)、SUN(SUN attribute)和FLO(Oxford flowers)上取得了比Baseline更好的结果,调和平均值在AwA2、CUB、SUN和FLO上分别提升了1.6%、3.2%、6.2%和1.5%。结论在广义零样本学习分类中,本文提出的视觉—语义双重解纠缠方法经实验证明比基准方法取得了更好的性能,并且优于大多现有的相关方法。 展开更多
关键词 零样本学习(zsl) 广义零样本学习(Gzsl) 解纠缠表示 变分自编码器(VAE) 跨模态重构 总相关性(TC)
原文传递
上一页 1 下一页 到第
使用帮助 返回顶部