期刊文献+
共找到692篇文章
< 1 2 35 >
每页显示 20 50 100
MACDCGAN的发电机轴承故障诊断方法
1
作者 曹洁 尹浩楠 王进花 《振动与冲击》 EI CSCD 北大核心 2024年第11期227-235,共9页
在实际工况中,发电机中传感器采集到的故障样本数据有限,使用基于深度学习的方法进行故障诊断存在过拟合问题导致模型泛化能力较差以及诊断精度不高。为了解决这个问题,采用样本扩充的思路,提出了一种改进的辅助分类器条件深度卷积生成... 在实际工况中,发电机中传感器采集到的故障样本数据有限,使用基于深度学习的方法进行故障诊断存在过拟合问题导致模型泛化能力较差以及诊断精度不高。为了解决这个问题,采用样本扩充的思路,提出了一种改进的辅助分类器条件深度卷积生成对抗网络(MACDCGAN)的故障诊断方法。通过对采集的一维时序信号进行小波变换增强特征,构建简化结构参数的条件深度卷积生成对抗网络模型生成样本,并在模型中采用Wasserstein距离优化损失函数解决训练过程中存在模式崩塌和梯度消失的缺点;通过添加一个独立的分类器来改进分类模型的兼容性,并在分类器中引入学习率衰减算法增加模型稳定性。试验结果表明,该方法可以有效地提高故障诊断的精度,并且验证了所提模型具有良好的泛化性能。 展开更多
关键词 发电机 特征提取 生成对抗网络(gan) 卷积神经网络(CNN) 故障诊断
下载PDF
基于Transformer和GAN的对抗样本生成算法 被引量:2
2
作者 刘帅威 李智 +1 位作者 王国美 张丽 《计算机工程》 CAS CSCD 北大核心 2024年第2期180-187,共8页
对抗攻击与防御是计算机安全领域的一个热门研究方向。针对现有基于梯度的对抗样本生成方法可视质量差、基于优化的方法生成效率低的问题,提出基于Transformer和生成对抗网络(GAN)的对抗样本生成算法Trans-GAN。首先利用Transformer强... 对抗攻击与防御是计算机安全领域的一个热门研究方向。针对现有基于梯度的对抗样本生成方法可视质量差、基于优化的方法生成效率低的问题,提出基于Transformer和生成对抗网络(GAN)的对抗样本生成算法Trans-GAN。首先利用Transformer强大的视觉表征能力,将其作为重构网络,用于接收干净图像并生成攻击噪声;其次将Transformer重构网络作为生成器,与基于深度卷积网络的鉴别器相结合组成GAN网络架构,提高生成图像的真实性并保证训练的稳定性,同时提出改进的注意力机制Targeted Self-Attention,在训练网络时引入目标标签作为先验知识,指导网络模型学习生成具有特定攻击目标的对抗扰动;最后利用跳转连接将对抗噪声施加在干净样本上,形成对抗样本,攻击目标分类网络。实验结果表明:Trans-GAN算法针对MNIST数据集中2种模型的攻击成功率都达到99.9%以上,针对CIFAR10数据集中2种模型的攻击成功率分别达到96.36%和98.47%,优于目前先进的基于生成式的对抗样本生成方法;相比快速梯度符号法和投影梯度下降法,Trans-GAN算法生成的对抗噪声扰动量更小,形成的对抗样本更加自然,满足人类视觉不易分辨的要求。 展开更多
关键词 深度神经网络 对抗样本 对抗攻击 Transformer模型 生成对抗网络 注意力机制
下载PDF
融合门控变换机制和GAN的低光照图像增强方法 被引量:1
3
作者 何银银 胡静 +1 位作者 陈志泊 张荣国 《计算机工程》 CAS CSCD 北大核心 2024年第2期247-255,共9页
针对低光照图像增强过程中存在的配对图像数据依赖、细节损失严重和噪声放大问题,提出结合门控通道变换机制和生成对抗网络(GAN)的低光照图像增强方法AGR-GAN,该方法可以在没有低/正常光图像对的情况下进行训练。首先,设计特征提取网络... 针对低光照图像增强过程中存在的配对图像数据依赖、细节损失严重和噪声放大问题,提出结合门控通道变换机制和生成对抗网络(GAN)的低光照图像增强方法AGR-GAN,该方法可以在没有低/正常光图像对的情况下进行训练。首先,设计特征提取网络,该网络由多个基于门控通道变换单元的多尺度卷积残差模块构成,以提取输入图像的全局上下文特征和多尺度局部特征信息;然后,在特征融合网络中,采用卷积残差结构将提取的深浅层特征进行充分融合,再引入横向跳跃连接结构,最大程度保留细节特征信息,获得最终的增强图像;最后,引入联合损失函数指导网络训练过程,抑制图像噪声,使增强图像色彩更自然匀称。实验结果表明,该方法在主观视觉分析和客观指标评价方面相较其他算法均具有显著优势,其能有效提高低光照图像的亮度和对比度,减弱图像噪声,增强后的图像更清晰且色彩更真实,峰值信噪比、结构相似度和无参考图像质量评价指标平均可达16.48 dB、0.93和3.37。 展开更多
关键词 低光照图像增强 卷积残差结构 门控通道变换单元 无监督学习 生成对抗网络
下载PDF
基于有效注意力和GAN结合的脑卒中EEG增强算法 被引量:1
4
作者 王夙喆 张雪英 +2 位作者 陈晓玉 李凤莲 吴泽林 《计算机工程》 CAS CSCD 北大核心 2024年第8期336-344,共9页
在基于脑电的卒中分类诊断任务中,以卷积神经网络为基础的深度模型得到广泛应用,但由于卒中类别病患样本数量少,导致数据集类别不平衡,降低了分类精度。现有的少数类数据增强方法大多采用生成对抗网络(GAN),生成效果一般,虽然可通过引... 在基于脑电的卒中分类诊断任务中,以卷积神经网络为基础的深度模型得到广泛应用,但由于卒中类别病患样本数量少,导致数据集类别不平衡,降低了分类精度。现有的少数类数据增强方法大多采用生成对抗网络(GAN),生成效果一般,虽然可通过引入缩放点乘注意力改善样本生成质量,但存储及运算代价往往较大。针对此问题,构建一种基于线性有效注意力的渐进式数据增强算法LESA-CGAN。首先,算法采用双层自编码条件生成对抗网络架构,分别进行脑电标签特征提取及脑电样本生成,并使生成过程逐层精细化;其次,通过在编码部分引入线性有效自注意力(LESA)模块,加强脑电的标签隐层特征提取,并降低网络整体的运算复杂度。消融与对比实验结果表明,在合理的编码层数与生成数据比例下,LESA-CGAN与其他基准方法相比计算资源占用较少,且在样本生成质量指标上实现了10%的性能提升,各频段生成的脑电特征样本均更加自然,同时将病患分类的准确率和敏感度提高到了98.85%和98.79%。 展开更多
关键词 脑卒中 脑电 生成对抗网络 自注意力机制 线性有效自注意力
下载PDF
基于改进MMD-GAN的可再生能源随机场景生成
5
作者 吴艳梅 陈红坤 +3 位作者 陈磊 褚昱麟 高鹏 吴海涛 《电力系统保护与控制》 EI CSCD 北大核心 2024年第19期85-96,共12页
针对可再生能源出力不确定性的准确表征问题,提出了一种基于改进的最大均值差异生成对抗网络(maximum mean discrepancy generative adversarial networks,MMD-GAN)的可再生能源随机场景生成方法。首先,阐述了GAN及MMD-GAN的基本原理,... 针对可再生能源出力不确定性的准确表征问题,提出了一种基于改进的最大均值差异生成对抗网络(maximum mean discrepancy generative adversarial networks,MMD-GAN)的可再生能源随机场景生成方法。首先,阐述了GAN及MMD-GAN的基本原理,提出了MMD-GAN的改进方案,即在MMD-GAN的基础上改进鉴别器损失函数,并采用谱归一化和有界高斯核提升生成器和鉴别器的训练稳定性。然后,设计了基于改进MMD-GAN的可再生能源随机场景生成流程。最后,分析了所提方法在可再生能源随机场景生成中的效果,比较了改进MMD-GAN方法与MMD-GAN方法及典型GAN方法的性能差异。结果表明,改进MMD-GAN方法在生成分布和真实分布的Wasserstein距离上较对比方法降低超过50%,生成的场景精度得到有效提升。 展开更多
关键词 场景生成 最大均值差异 生成对抗网络 可再生能源 数据驱动
下载PDF
GAN-GLS:Generative Lyric Steganography Based on Generative Adversarial Networks 被引量:5
6
作者 Cuilin Wang Yuling Liu +1 位作者 Yongju Tong Jingwen Wang 《Computers, Materials & Continua》 SCIE EI 2021年第10期1375-1390,共16页
Steganography based on generative adversarial networks(GANs)has become a hot topic among researchers.Due to GANs being unsuitable for text fields with discrete characteristics,researchers have proposed GANbased stegan... Steganography based on generative adversarial networks(GANs)has become a hot topic among researchers.Due to GANs being unsuitable for text fields with discrete characteristics,researchers have proposed GANbased steganography methods that are less dependent on text.In this paper,we propose a new method of generative lyrics steganography based on GANs,called GAN-GLS.The proposed method uses the GAN model and the largescale lyrics corpus to construct and train a lyrics generator.In this method,the GAN uses a previously generated line of a lyric as the input sentence in order to generate the next line of the lyric.Using a strategy based on the penalty mechanism in training,the GAN model generates non-repetitive and diverse lyrics.The secret information is then processed according to the data characteristics of the generated lyrics in order to hide information.Unlike other text generation-based linguistic steganographic methods,our method changes the way that multiple generated candidate items are selected as the candidate groups in order to encode the conditional probability distribution.The experimental results demonstrate that our method can generate highquality lyrics as stego-texts.Moreover,compared with other similar methods,the proposed method achieves good performance in terms of imperceptibility,embedding rate,effectiveness,extraction success rate and security. 展开更多
关键词 Text steganography generative adversarial networks text generation generated lyric
下载PDF
基于Transformer-GAN的农产品包装版式布局智能设计方法
7
作者 王家宁 朱磊 +3 位作者 张媛 张澜 韩芮 杜艳平 《印刷与数字媒体技术研究》 CAS 北大核心 2024年第4期195-202,共8页
本研究提出一种基于Transformer-GAN的农产品包装版式布局智能设计方法,旨在解决现阶段的农产品包装主要依赖通版包装、缺乏产品特色等问题。首先,设计了内容感知模块,学习包装设计的内容特征;其次,提出一种设计序列模块,对包装布局信... 本研究提出一种基于Transformer-GAN的农产品包装版式布局智能设计方法,旨在解决现阶段的农产品包装主要依赖通版包装、缺乏产品特色等问题。首先,设计了内容感知模块,学习包装设计的内容特征;其次,提出一种设计序列模块,对包装布局信息进行序列化处理;最后,融合内容感知和布局信息,使模型学习图像的内容特征和布局特征,输出包装版式布局设计图。与先前的模型相比,本研究模型具有更好的设计性能和可解释性,同时创新性地将布局智能设计方法应用于包装设计领域。实验结果表明,设计序列模块提升了设计的有效性,序列化的布局特征相较于非序列化的特征更能生成优质的布局。该模型具有较强的可解释性,在农产品包装版式设计上具有良好的生成性能。 展开更多
关键词 农产品包装 智能设计:设计序列 TRANSFORMER 生成对抗网络
下载PDF
Automated Video Generation of Moving Digits from Text Using Deep Deconvolutional Generative Adversarial Network
8
作者 Anwar Ullah Xinguo Yu Muhammad Numan 《Computers, Materials & Continua》 SCIE EI 2023年第11期2359-2383,共25页
Generating realistic and synthetic video from text is a highly challenging task due to the multitude of issues involved,including digit deformation,noise interference between frames,blurred output,and the need for tem... Generating realistic and synthetic video from text is a highly challenging task due to the multitude of issues involved,including digit deformation,noise interference between frames,blurred output,and the need for temporal coherence across frames.In this paper,we propose a novel approach for generating coherent videos of moving digits from textual input using a Deep Deconvolutional Generative Adversarial Network(DD-GAN).The DDGAN comprises a Deep Deconvolutional Neural Network(DDNN)as a Generator(G)and a modified Deep Convolutional Neural Network(DCNN)as a Discriminator(D)to ensure temporal coherence between adjacent frames.The proposed research involves several steps.First,the input text is fed into a Long Short Term Memory(LSTM)based text encoder and then smoothed using Conditioning Augmentation(CA)techniques to enhance the effectiveness of the Generator(G).Next,using a DDNN to generate video frames by incorporating enhanced text and random noise and modifying a DCNN to act as a Discriminator(D),effectively distinguishing between generated and real videos.This research evaluates the quality of the generated videos using standard metrics like Inception Score(IS),Fréchet Inception Distance(FID),Fréchet Inception Distance for video(FID2vid),and Generative Adversarial Metric(GAM),along with a human study based on realism,coherence,and relevance.By conducting experiments on Single-Digit Bouncing MNIST GIFs(SBMG),Two-Digit Bouncing MNIST GIFs(TBMG),and a custom dataset of essential mathematics videos with related text,this research demonstrates significant improvements in both metrics and human study results,confirming the effectiveness of DD-GAN.This research also took the exciting challenge of generating preschool math videos from text,handling complex structures,digits,and symbols,and achieving successful results.The proposed research demonstrates promising results for generating coherent videos from textual input. 展开更多
关键词 Generative adversarial network(gan) deconvolutional neural network convolutional neural network Inception Score(IS) temporal coherence Fréchet Inception Distance(FID) Generative adversarial Metric(GAM)
下载PDF
Feature-Based Augmentation in Sarcasm Detection Using Reverse Generative Adversarial Network
9
作者 Derwin Suhartono Alif Tri Handoyo Franz Adeta Junior 《Computers, Materials & Continua》 SCIE EI 2023年第12期3637-3657,共21页
Sarcasm detection in text data is an increasingly vital area of research due to the prevalence of sarcastic content in online communication.This study addresses challenges associated with small datasets and class imba... Sarcasm detection in text data is an increasingly vital area of research due to the prevalence of sarcastic content in online communication.This study addresses challenges associated with small datasets and class imbalances in sarcasm detection by employing comprehensive data pre-processing and Generative Adversial Network(GAN)based augmentation on diverse datasets,including iSarcasm,SemEval-18,and Ghosh.This research offers a novel pipeline for augmenting sarcasm data with Reverse Generative Adversarial Network(RGAN).The proposed RGAN method works by inverting labels between original and synthetic data during the training process.This inversion of labels provides feedback to the generator for generating high-quality data closely resembling the original distribution.Notably,the proposed RGAN model exhibits performance on par with standard GAN,showcasing its robust efficacy in augmenting text data.The exploration of various datasets highlights the nuanced impact of augmentation on model performance,with cautionary insights into maintaining a delicate balance between synthetic and original data.The methodological framework encompasses comprehensive data pre-processing and GAN-based augmentation,with a meticulous comparison against Natural Language Processing Augmentation(NLPAug)as an alternative augmentation technique.Overall,the F1-score of our proposed technique outperforms that of the synonym replacement augmentation technique using NLPAug.The increase in F1-score in experiments using RGAN ranged from 0.066%to 1.054%,and the use of standard GAN resulted in a 2.88%increase in F1-score.The proposed RGAN model outperformed the NLPAug method and demonstrated comparable performance to standard GAN,emphasizing its efficacy in text data augmentation. 展开更多
关键词 Data augmentation Generative adversarial network(gan) Reverse gan(Rgan) sarcasm detection
下载PDF
A Sketch-Based Generation Model for Diverse Ceramic Tile Images Using Generative Adversarial Network
10
作者 Jianfeng Lu Xinyi Liu +2 位作者 Mengtao Shi Chen Cui Mahmoud Emam 《Intelligent Automation & Soft Computing》 SCIE 2023年第9期2865-2882,共18页
Ceramic tiles are one of the most indispensable materials for interior decoration.The ceramic patterns can’t match the design requirements in terms of diversity and interactivity due to their natural textures.In this... Ceramic tiles are one of the most indispensable materials for interior decoration.The ceramic patterns can’t match the design requirements in terms of diversity and interactivity due to their natural textures.In this paper,we propose a sketch-based generation method for generating diverse ceramic tile images based on a hand-drawn sketches using Generative Adversarial Network(GAN).The generated tile images can be tailored to meet the specific needs of the user for the tile textures.The proposed method consists of four steps.Firstly,a dataset of ceramic tile images with diverse distributions is created and then pre-trained based on GAN.Secondly,for each ceramic tile image in the dataset,the corresponding sketch image is generated and then the mapping relationship between the images is trained based on a sketch extraction network using ResNet Block and jump connection to improve the quality of the generated sketches.Thirdly,the sketch style is redefined according to the characteristics of the ceramic tile images and then double cross-domain adversarial loss functions are employed to guide the ceramic tile generation network for fitting in the direction of the sketch style and to improve the training speed.Finally,we apply hidden space perturbation and interpolation for further enriching the output textures style and satisfying the concept of“one style with multiple faces”.We conduct the training process of the proposed generation network on 2583 ceramic tile images dataset.To measure the generative diversity and quality,we use Frechet Inception Distance(FID)and Blind/Referenceless Image Spatial Quality Evaluator(BRISQUE)metrics.The experimental results prove that the proposed model greatly enhances the generation results of the ceramic tile images,with FID of 32.47 and BRISQUE of 28.44. 展开更多
关键词 Ceramic tile pattern design cross-domain learning deep learning gan generative adversarial networks ResNet Block
下载PDF
面向舰船目标检测的SAR图像数据PCGAN生成方法
11
作者 潘磊 郭宇诗 +3 位作者 李恒超 王伟业 李泽琛 马天宇 《西南交通大学学报》 EI CSCD 北大核心 2024年第3期547-555,共9页
针对现有合成孔径雷达(SAR)图像数据生成方法大多无法同时生成舰船图像及其检测标签的问题,面向SAR舰船图像生成及目标检测任务,构建基于位置信息的条件生成对抗网络(PCGAN).首先,提出将舰船位置信息作为约束条件用于限制生成图像中舰... 针对现有合成孔径雷达(SAR)图像数据生成方法大多无法同时生成舰船图像及其检测标签的问题,面向SAR舰船图像生成及目标检测任务,构建基于位置信息的条件生成对抗网络(PCGAN).首先,提出将舰船位置信息作为约束条件用于限制生成图像中舰船的位置,并将其作为舰船图像的检测标签;随后,引入Wasserstein距离稳定PCGAN的训练过程;最后,利用生成的SAR舰船图像及对应检测标签完成YOLOv3网络的端到端训练,实现舰船数据增强与目标检测的协同学习,进而获得更耦合目标检测实际应用的多样性数据.在HRSID(high resolution SAR image dataset)数据集上的实验结果表明,PCGAN方法能生成清晰、鲁棒的SAR舰船数据,舰船检测准确度最高提升1.01%,验证了所提出方法的有效性. 展开更多
关键词 合成孔径雷达 生成对抗网络 数据增强 舰船检测 位置信息
下载PDF
融合情感分析和GAN-TrellisNet的股价预测方法
12
作者 葛业波 刘文杰 顾雨晨 《计算机工程与应用》 CSCD 北大核心 2024年第12期314-324,共11页
将时序深度神经网络应用于股票价格预测,已成为量化金融领域的重要研究方向。时序神经网络具有很好的序列数据捕捉能力和学习记忆能力,在股票预测上有一定适用性。但是现有的模型大多存在预测准确度不高、模型结构复杂导致训练时间较长... 将时序深度神经网络应用于股票价格预测,已成为量化金融领域的重要研究方向。时序神经网络具有很好的序列数据捕捉能力和学习记忆能力,在股票预测上有一定适用性。但是现有的模型大多存在预测准确度不高、模型结构复杂导致训练时间较长等问题.为了解决以上问题,提出了一种基于情感分析和GAN-TrellisNet的股价预测方法。提出了一个基于LSTM-CNN的情感分析模型,用于分析爬虫获取的主流金融论坛股票评论,并获得股票情感指数。为了提高预测准确度,将情感指数和百度搜索指数加入股票交易数据中作为训练集,提出了一个基于TrellisNet和CNN的改进型GAN股价预测模型,利用TrellisNet生成器的卷积特性来捕捉数据的局部特征,选取特征提取能力较强的CNN作为判别器来区别预测结果和真实股价。通过选取10只代表性股票和三种大盘指数的不同时段数据进行算法验证,结果表明,与ConvLSTM和GAN-LSTM预测模型相比,GAN-TrellisNet模型能有效缩短训练时间,提高预测准确率。 展开更多
关键词 量化金融 股价预测 情感分析 百度指数 生成对抗网络 TrellisNet
下载PDF
基于GAN改进的红外光与可见光图像融合算法研究
13
作者 鲁晓涵 李洋 +2 位作者 贾耀东 邰昱博 徐宇 《电光与控制》 CSCD 北大核心 2024年第6期42-46,73,共6页
针对夜晚户外场景下,传统的单一鉴别器生成对抗网络(GAN)容易忽略红外光的亮度信息和边缘信息的问题,提出一种基于注意力机制与双鉴别器的红外光与可见光图像融合算法。首先,为了有针对性地获得红外光图像的目标信息和可见光图像的背景... 针对夜晚户外场景下,传统的单一鉴别器生成对抗网络(GAN)容易忽略红外光的亮度信息和边缘信息的问题,提出一种基于注意力机制与双鉴别器的红外光与可见光图像融合算法。首先,为了有针对性地获得红外光图像的目标信息和可见光图像的背景纹理信息,在生成器网络中引入通道注意力机制;其次,使用双鉴别器的生成对抗网络,并设计一种新的鉴别器输入,在提高训练稳定性的同时更好地保留源图像信息;最后,损失函数设置为对抗损失、结构相似性损失和梯度损失,以约束鉴别器使其生成细节信息丰富的融合图像。在TNO数据集上的实验结果表明,所提算法得到的融合图像梯度变化更明显、边缘更加清晰,更符合人眼视觉效果。 展开更多
关键词 图像融合 红外光与可见光图像 生成对抗网络 注意力机制
下载PDF
基于SA/WGAN的新能源场景生成方法
14
作者 王宇昊 刘海涛 +2 位作者 朱康凯 仲聪 马佳伊 《电气传动》 2024年第6期45-53,共9页
随着新能源渗透率逐年提高,其出力的随机性与波动特性难以准确预测,给电力系统的运行、规划和调度提出了严峻的挑战,因此新能源的不确定性建模受到越来越多的关注。为了更有效地获得新能源出力场景中的时序特征,提出了一种基于数据驱动... 随着新能源渗透率逐年提高,其出力的随机性与波动特性难以准确预测,给电力系统的运行、规划和调度提出了严峻的挑战,因此新能源的不确定性建模受到越来越多的关注。为了更有效地获得新能源出力场景中的时序特征,提出了一种基于数据驱动的新能源场景生成方法,通过采用SA/WGAN模型,把自注意力机制和带有梯度惩罚的生成对抗网络判别器结合,构建基于两种模型结合的深度学习模型,有效突显新能源出力场景中时序特性,增强场景生成中非线性拟合能力。算例结果表明,所提模型的新能源生成场景相较于原始WGAN和WGAN-LSTM的场景生成结果,可以有效提高精准度,同时具备了WGAN-GP训练结果稳定和SA计算速度快的优势,更高效地生成与真实新能源场景分布接近的场景。 展开更多
关键词 无监督学习 自注意力机制 生成对抗网络 新能源 场景生成
下载PDF
基于MCGAN模型的降水临近预报
15
作者 刘蕊 杜景林 许梦 《计算机系统应用》 2024年第11期68-78,共11页
在降水临近预报领域中,现有基于深度学习的雷达回波外推方法存在一些缺点.在图像质量方面,预测图像模糊并缺乏小尺度细节,在预测精度方面,降水结果不够准确.本文提出了一个多尺度生成对抗(MCGAN)模型,该模型由多尺度卷积生成器和全卷积... 在降水临近预报领域中,现有基于深度学习的雷达回波外推方法存在一些缺点.在图像质量方面,预测图像模糊并缺乏小尺度细节,在预测精度方面,降水结果不够准确.本文提出了一个多尺度生成对抗(MCGAN)模型,该模型由多尺度卷积生成器和全卷积的判别器组成.生成器部分采用编码器-解码器架构,主要包含了多尺度卷积块和下采样门控单元. MCGAN模型使用动态时空变异性损失函数在生成对抗网络(GAN)框架下训练,以达到更精准和更清晰的回波强度和分布预测效果.模型的性能在上海市公共雷达数据集上进行了验证,与主流深度学习模型相比,本文所提模型在图像质量评估中的MSE指标上下降了11.15%,在SSIM指标和PSNR指标上分别增加了8.99%、2.95%;在预测精度评估中, CSI指标、POD指标、HSS指标上平均提高了11.92%、15.89%、9.01%,FAR指标平均降低了14.81%.此外,本文通过消融实验证明了MCGAN模型每个部件的作用. 展开更多
关键词 深度学习 雷达回波外推 降水临近预报 多尺度 生成对抗网络
下载PDF
结合多注意力及IE-GAN的面部属性编辑方法
16
作者 石晓楠 息佳琦 王英丽 《黑龙江大学工程学报(中英俄文)》 2024年第1期65-75,共11页
面部属性编辑主要有两个目的:①将图像从源域转换到目标域,对指定的目标属性(如性别、年龄、发色等)进行修改;②只改变与目标属性相关的人脸区域,保留目标属性之外其他属性的细节。而现有的人脸属性编辑方法不可避免地会对与目标属性无... 面部属性编辑主要有两个目的:①将图像从源域转换到目标域,对指定的目标属性(如性别、年龄、发色等)进行修改;②只改变与目标属性相关的人脸区域,保留目标属性之外其他属性的细节。而现有的人脸属性编辑方法不可避免地会对与目标属性无关区域进行更改。因此,提出一种基于IE-GAN和多注意力机制的面部属性编辑方法MAIE-GAN,引入补充注意连接(Complementary attention connection,CAC)的概念连接编解码器,解决了由直接跳跃连接引起的信息冗余问题,将自注意力机制作为生成器中卷积层的补充,使其能更好定位目标属性,限定属性变换区域,此外,还利用互补注意特征的概念,实现目标属性无关区域的更好保留。通过与现有方法的对比分析表明,该方法在属性定位和图像质量方面优于现有的方法。 展开更多
关键词 面部属性编辑 空间注意力机制 生成对抗网络 补充属性连接
下载PDF
MTTSNet:Military time-sensitive targets stealth network via real-time mask generation
17
作者 Siyu Wang Xiaogang Yang +4 位作者 Ruitao Lu Zhengjie Zhu Fangjia Lian Qing-ge Li Jiwei Fan 《Defence Technology(防务技术)》 SCIE EI CAS CSCD 2024年第3期601-612,共12页
The automatic stealth task of military time-sensitive targets plays a crucial role in maintaining national military security and mastering battlefield dynamics in military applications.We propose a novel Military Time... The automatic stealth task of military time-sensitive targets plays a crucial role in maintaining national military security and mastering battlefield dynamics in military applications.We propose a novel Military Time-sensitive Targets Stealth Network via Real-time Mask Generation(MTTSNet).According to our knowledge,this is the first technology to automatically remove military targets in real-time from videos.The critical steps of MTTSNet are as follows:First,we designed a real-time mask generation network based on the encoder-decoder framework,combined with the domain expansion structure,to effectively extract mask images.Specifically,the ASPP structure in the encoder could achieve advanced semantic feature fusion.The decoder stacked high-dimensional information with low-dimensional information to obtain an effective mask layer.Subsequently,the domain expansion module guided the adaptive expansion of mask images.Second,a context adversarial generation network based on gated convolution was constructed to achieve background restoration of mask positions in the original image.In addition,our method worked in an end-to-end manner.A particular semantic segmentation dataset for military time-sensitive targets has been constructed,called the Military Time-sensitive Target Masking Dataset(MTMD).The MTMD dataset experiment successfully demonstrated that this method could create a mask that completely occludes the target and that the target could be hidden in real time using this mask.We demonstrated the concealment performance of our proposed method by comparing it to a number of well-known and highly optimized baselines. 展开更多
关键词 Deep learning Military application Targets stealth network Mask generation Generative adversarial network
下载PDF
Network Traffic Synthesis and Simulation Framework for Cybersecurity Exercise Systems
18
作者 Dong-Wook Kim Gun-Yoon Sin +3 位作者 Kwangsoo Kim Jaesik Kang Sun-Young Im Myung-Mook Han 《Computers, Materials & Continua》 SCIE EI 2024年第9期3637-3653,共17页
In the rapidly evolving field of cybersecurity,the challenge of providing realistic exercise scenarios that accurately mimic real-world threats has become increasingly critical.Traditional methods often fall short in ... In the rapidly evolving field of cybersecurity,the challenge of providing realistic exercise scenarios that accurately mimic real-world threats has become increasingly critical.Traditional methods often fall short in capturing the dynamic and complex nature of modern cyber threats.To address this gap,we propose a comprehensive framework designed to create authentic network environments tailored for cybersecurity exercise systems.Our framework leverages advanced simulation techniques to generate scenarios that mirror actual network conditions faced by professionals in the field.The cornerstone of our approach is the use of a conditional tabular generative adversarial network(CTGAN),a sophisticated tool that synthesizes realistic synthetic network traffic by learning fromreal data patterns.This technology allows us to handle technical components and sensitive information with high fidelity,ensuring that the synthetic data maintains statistical characteristics similar to those observed in real network environments.By meticulously analyzing the data collected from various network layers and translating these into structured tabular formats,our framework can generate network traffic that closely resembles that found in actual scenarios.An integral part of our process involves deploying this synthetic data within a simulated network environment,structured on software-defined networking(SDN)principles,to test and refine the traffic patterns.This simulation not only facilitates a direct comparison between the synthetic and real traffic but also enables us to identify discrepancies and refine the accuracy of our simulations.Our initial findings indicate an error rate of approximately 29.28%between the synthetic and real traffic data,highlighting areas for further improvement and adjustment.By providing a diverse array of network scenarios through our framework,we aim to enhance the exercise systems used by cybersecurity professionals.This not only improves their ability to respond to actual cyber threats but also ensures that the exercise is cost-effective and efficient. 展开更多
关键词 Cybersecurity exercise synthetic network traffic generative adversarial network traffic generation software-defined networking
下载PDF
A generalized deep neural network approach for improving resolution of fluorescence microscopy images
19
作者 Zichen Jin Qing He +1 位作者 Yang Liu Kaige Wang 《Journal of Innovative Optical Health Sciences》 SCIE EI CSCD 2024年第6期53-65,共13页
Deep learning is capable of greatly promoting the progress of super-resolution imaging technology in terms of imaging and reconstruction speed,imaging resolution,and imagingflux.This paper proposes a deep neural netwo... Deep learning is capable of greatly promoting the progress of super-resolution imaging technology in terms of imaging and reconstruction speed,imaging resolution,and imagingflux.This paper proposes a deep neural network based on a generative adversarial network(GAN).The generator employs a U-Net-based network,which integrates Dense Net for the downsampling component.The proposed method has excellent properties,for example,the network model is trained with several different datasets of biological structures;the trained model can improve the imaging resolution of different microscopy imaging modalities such as confocal imaging and wide-field imaging;and the model demonstrates a generalized ability to improve the resolution of different biological structures even out of the datasets.In addition,experimental results showed that the method improved the resolution of caveolin-coated pits(CCPs)structures from 264 nm to 138 nm,a 1.91-fold increase,and nearly doubled the resolution of DNA molecules imaged while being transported through microfluidic channels. 展开更多
关键词 Deep learning super-resolution imaging generalized model framework generation adversarial networks image reconstruction.
下载PDF
An Enhanced GAN for Image Generation
20
作者 Chunwei Tian Haoyang Gao +1 位作者 Pengwei Wang Bob Zhang 《Computers, Materials & Continua》 SCIE EI 2024年第7期105-118,共14页
Generative adversarial networks(GANs)with gaming abilities have been widely applied in image generation.However,gamistic generators and discriminators may reduce the robustness of the obtained GANs in image generation... Generative adversarial networks(GANs)with gaming abilities have been widely applied in image generation.However,gamistic generators and discriminators may reduce the robustness of the obtained GANs in image generation under varying scenes.Enhancing the relation of hierarchical information in a generation network and enlarging differences of different network architectures can facilitate more structural information to improve the generation effect for image generation.In this paper,we propose an enhanced GAN via improving a generator for image generation(EIGGAN).EIGGAN applies a spatial attention to a generator to extract salient information to enhance the truthfulness of the generated images.Taking into relation the context account,parallel residual operations are fused into a generation network to extract more structural information from the different layers.Finally,a mixed loss function in a GAN is exploited to make a tradeoff between speed and accuracy to generate more realistic images.Experimental results show that the proposed method is superior to popular methods,i.e.,Wasserstein GAN with gradient penalty(WGAN-GP)in terms of many indexes,i.e.,Frechet Inception Distance,Learned Perceptual Image Patch Similarity,Multi-Scale Structural Similarity Index Measure,Kernel Inception Distance,Number of Statistically-Different Bins,Inception Score and some visual images for image generation. 展开更多
关键词 Generative adversarial networks spatial attention mixed loss image generation
下载PDF
上一页 1 2 35 下一页 到第
使用帮助 返回顶部