期刊文献+
共找到337篇文章
< 1 2 17 >
每页显示 20 50 100
Image segmentation of exfoliated two-dimensional materials by generative adversarial network-based data augmentation
1
作者 程晓昱 解晨雪 +6 位作者 刘宇伦 白瑞雪 肖南海 任琰博 张喜林 马惠 蒋崇云 《Chinese Physics B》 SCIE EI CAS CSCD 2024年第3期112-117,共6页
Mechanically cleaved two-dimensional materials are random in size and thickness.Recognizing atomically thin flakes by human experts is inefficient and unsuitable for scalable production.Deep learning algorithms have b... Mechanically cleaved two-dimensional materials are random in size and thickness.Recognizing atomically thin flakes by human experts is inefficient and unsuitable for scalable production.Deep learning algorithms have been adopted as an alternative,nevertheless a major challenge is a lack of sufficient actual training images.Here we report the generation of synthetic two-dimensional materials images using StyleGAN3 to complement the dataset.DeepLabv3Plus network is trained with the synthetic images which reduces overfitting and improves recognition accuracy to over 90%.A semi-supervisory technique for labeling images is introduced to reduce manual efforts.The sharper edges recognized by this method facilitate material stacking with precise edge alignment,which benefits exploring novel properties of layered-material devices that crucially depend on the interlayer twist-angle.This feasible and efficient method allows for the rapid and high-quality manufacturing of atomically thin materials and devices. 展开更多
关键词 two-dimensional materials deep learning data augmentation generating adversarial networks
在线阅读 下载PDF
Robust Image Watermarking Based on Generative Adversarial Network 被引量:3
2
作者 Kangli Hao Guorui Feng Xinpeng Zhang 《China Communications》 SCIE CSCD 2020年第11期131-140,共10页
Digital watermark embeds information bits into digital cover such as images and videos to prove the creator’s ownership of his work.In this paper,we propose a robust image watermark algorithm based on a generative ad... Digital watermark embeds information bits into digital cover such as images and videos to prove the creator’s ownership of his work.In this paper,we propose a robust image watermark algorithm based on a generative adversarial network.This model includes two modules,generator and adversary.Generator is mainly used to generate images embedded with watermark,and decode the image damaged by noise to obtain the watermark.Adversary is used to discriminate whether the image is embedded with watermark and damage the image by noise.Based on the model Hidden(hiding data with deep networks),we add a high-pass filter in front of the discriminator,making the watermark tend to be embedded in the mid-frequency region of the image.Since the human visual system pays more attention to the central area of the image,we give a higher weight to the image center region,and a lower weight to the edge region when calculating the loss between cover and embedded image.The watermarked image obtained by this scheme has a better visual performance.Experimental results show that the proposed architecture is more robust against noise interference compared with the state-of-art schemes. 展开更多
关键词 robust image watermark deep learning generative adversarial network convolutional neural network
在线阅读 下载PDF
Visual-simulation region proposal and generative adversarial network based ground military target recognition 被引量:1
3
作者 Fan-jie Meng Yong-qiang Li +2 位作者 Fa-ming Shao Gai-hong Yuan Ju-ying Dai 《Defence Technology(防务技术)》 SCIE EI CAS CSCD 2022年第11期2083-2096,共14页
Ground military target recognition plays a crucial role in unmanned equipment and grasping the battlefield dynamics for military applications, but is disturbed by low-resolution and noisyrepresentation. In this paper,... Ground military target recognition plays a crucial role in unmanned equipment and grasping the battlefield dynamics for military applications, but is disturbed by low-resolution and noisyrepresentation. In this paper, a recognition method, involving a novel visual attention mechanismbased Gabor region proposal sub-network(Gabor RPN) and improved refinement generative adversarial sub-network(GAN), is proposed. Novel central-peripheral rivalry 3D color Gabor filters are proposed to simulate retinal structures and taken as feature extraction convolutional kernels in low-level layer to improve the recognition accuracy and framework training efficiency in Gabor RPN. Improved refinement GAN is used to solve the problem of blurry target classification, involving a generator to directly generate large high-resolution images from small blurry ones and a discriminator to distinguish not only real images vs. fake images but also the class of targets. A special recognition dataset for ground military target, named Ground Military Target Dataset(GMTD), is constructed. Experiments performed on the GMTD dataset effectively demonstrate that our method can achieve better energy-saving and recognition results when low-resolution and noisy-representation targets are involved, thus ensuring this algorithm a good engineering application prospect. 展开更多
关键词 deep learning Biological vision Military application Region proposal network Gabor filter generative adversarial network
在线阅读 下载PDF
Evolution and Effectiveness of Loss Functions in Generative Adversarial Networks 被引量:1
4
作者 Ali Syed Saqlain Fang Fang +2 位作者 Tanvir Ahmad Liyun Wang Zain-ul Abidin 《China Communications》 SCIE CSCD 2021年第10期45-76,共32页
Recently,the evolution of Generative Adversarial Networks(GANs)has embarked on a journey of revolutionizing the field of artificial and computational intelligence.To improve the generating ability of GANs,various loss... Recently,the evolution of Generative Adversarial Networks(GANs)has embarked on a journey of revolutionizing the field of artificial and computational intelligence.To improve the generating ability of GANs,various loss functions are introduced to measure the degree of similarity between the samples generated by the generator and the real data samples,and the effectiveness of the loss functions in improving the generating ability of GANs.In this paper,we present a detailed survey for the loss functions used in GANs,and provide a critical analysis on the pros and cons of these loss functions.First,the basic theory of GANs along with the training mechanism are introduced.Then,the most commonly used loss functions in GANs are introduced and analyzed.Third,the experimental analyses and comparison of these loss functions are presented in different GAN architectures.Finally,several suggestions on choosing suitable loss functions for image synthesis tasks are given. 展开更多
关键词 loss functions deep learning machine learning unsupervised learning generative adversarial networks(GANs) image synthesis
在线阅读 下载PDF
Exploration of the Relation between Input Noise and Generated Image in Generative Adversarial Networks
5
作者 Hao-He Liu Si-Qi Yao +1 位作者 Cheng-Ying Yang Yu-Lin Wang 《Journal of Electronic Science and Technology》 CAS CSCD 2022年第1期70-80,共11页
In this paper,we propose a hybrid model aiming to map the input noise vector to the label of the generated image by the generative adversarial network(GAN).This model mainly consists of a pre-trained deep convolution ... In this paper,we propose a hybrid model aiming to map the input noise vector to the label of the generated image by the generative adversarial network(GAN).This model mainly consists of a pre-trained deep convolution generative adversarial network(DCGAN)and a classifier.By using the model,we visualize the distribution of two-dimensional input noise,leading to a specific type of the generated image after each training epoch of GAN.The visualization reveals the distribution feature of the input noise vector and the performance of the generator.With this feature,we try to build a guided generator(GG)with the ability to produce a fake image we need.Two methods are proposed to build GG.One is the most significant noise(MSN)method,and the other utilizes labeled noise.The MSN method can generate images precisely but with less variations.In contrast,the labeled noise method has more variations but is slightly less stable.Finally,we propose a criterion to measure the performance of the generator,which can be used as a loss function to effectively train the network. 展开更多
关键词 deep convolution generative adversarial network(dcgan) deep learning guided generative adversarial network(GAN) visualization
在线阅读 下载PDF
基于DCGAN数据增强的樱桃番茄可溶性固形物含量光谱检测方法
6
作者 吴至境 刘富强 +1 位作者 李志刚 陈慧 《食品科学》 EI CAS 北大核心 2025年第2期214-221,共8页
针对樱桃番茄在实际检测中样品数不足的特点,本研究提出一种深度卷积生成对抗网络(deep convolutional generative adversarial network,DCGAN)模型以同时扩充光谱数据及可溶性固形物含量(soluble solids content,SSC)标签数据,并建立... 针对樱桃番茄在实际检测中样品数不足的特点,本研究提出一种深度卷积生成对抗网络(deep convolutional generative adversarial network,DCGAN)模型以同时扩充光谱数据及可溶性固形物含量(soluble solids content,SSC)标签数据,并建立一维卷积神经网络回归(one dimensional-convolutional neural networks regression,1D-CNNR)模型以提高模型的预测精度和泛化能力。为了比较,分别建立偏最小二乘回归(partial least squares regression,PLSR)模型和支持向量机回归(support vector regression,SVR)模型。将原始80个样品数据集、1000个样品的DCGAN扩充数据集和1080个样品的合并数据集,分别结合1D-CNNR、SVR及PLSR进行建模与预测。为了进一步验证模型的泛化能力,一批新的总数为40个样品的樱桃番茄数据作为上述3个模型的新测试集。结果显示,使用合并数据集划分所得校正集进行1D-CNNR建模后,模型为最优的SSC回归检测模型。此时1D-CNNR面向合并样品测试集的预测准确率最高,预测相关系数r_(p)=0.9807,均方根误差RMSE_(p)=0.1929;与SVR与PLSR对比,1D-CNNR面向新的40个样品数据集的预测准确率也最高,其r_(p)=0.9638,RMSE_(p)=0.2245。本研究可为有效准确检测樱桃番茄的可溶性固形物含量提供一种新思路。 展开更多
关键词 樱桃番茄 可溶性固形物含量 可见-近红外漫反射光谱 深度卷积生成对抗网络 一维卷积神经网络
在线阅读 下载PDF
Cross-Band Spectrum Prediction Algorithm Based on Data Conversion Using Generative Adversarial Networks
7
作者 Chuang Peng Rangang Zhu +1 位作者 Mengbo Zhang Lunwen Wang 《China Communications》 SCIE CSCD 2023年第10期136-152,共17页
Spectrum prediction is one of the new techniques in cognitive radio that predicts changes in the spectrum state and plays a crucial role in improving spectrum sensing performance.Prediction models previously trained i... Spectrum prediction is one of the new techniques in cognitive radio that predicts changes in the spectrum state and plays a crucial role in improving spectrum sensing performance.Prediction models previously trained in the source band tend to perform poorly in the new target band because of changes in the channel.In addition,cognitive radio devices require dynamic spectrum access,which means that the time to retrain the model in the new band is minimal.To increase the amount of data in the target band,we use the GAN to convert the data of source band into target band.First,we analyze the data differences between bands and calculate FID scores to identify the available bands with the slightest difference from the target predicted band.The original GAN structure is unsuitable for converting spectrum data,and we propose the spectrum data conversion GAN(SDC-GAN).The generator module consists of a convolutional network and an LSTM module that can integrate multiple features of the data and can convert data from the source band to the target band.Finally,we use the generated target band data to train the prediction model.The experimental results validate the effectiveness of the proposed algorithm. 展开更多
关键词 cognitive radio cross-band spectrum prediction deep learning generative adversarial network
在线阅读 下载PDF
MACDCGAN的发电机轴承故障诊断方法 被引量:1
8
作者 曹洁 尹浩楠 王进花 《振动与冲击》 EI CSCD 北大核心 2024年第11期227-235,共9页
在实际工况中,发电机中传感器采集到的故障样本数据有限,使用基于深度学习的方法进行故障诊断存在过拟合问题导致模型泛化能力较差以及诊断精度不高。为了解决这个问题,采用样本扩充的思路,提出了一种改进的辅助分类器条件深度卷积生成... 在实际工况中,发电机中传感器采集到的故障样本数据有限,使用基于深度学习的方法进行故障诊断存在过拟合问题导致模型泛化能力较差以及诊断精度不高。为了解决这个问题,采用样本扩充的思路,提出了一种改进的辅助分类器条件深度卷积生成对抗网络(MACDCGAN)的故障诊断方法。通过对采集的一维时序信号进行小波变换增强特征,构建简化结构参数的条件深度卷积生成对抗网络模型生成样本,并在模型中采用Wasserstein距离优化损失函数解决训练过程中存在模式崩塌和梯度消失的缺点;通过添加一个独立的分类器来改进分类模型的兼容性,并在分类器中引入学习率衰减算法增加模型稳定性。试验结果表明,该方法可以有效地提高故障诊断的精度,并且验证了所提模型具有良好的泛化性能。 展开更多
关键词 发电机 特征提取 生成对抗网络(GAN) 卷积神经网络(CNN) 故障诊断
在线阅读 下载PDF
基于DCGAN算法的服装效果图生成方法 被引量:2
9
作者 郭宇轩 孙林 《毛纺科技》 CAS 北大核心 2024年第2期114-120,共7页
为了提高服装设计效率,适应时尚产品迭代加速的趋势,提出一种基于深度卷积对抗网络(DCGAN)的服装效果图生成方法。搭建适用于服装效果图生成任务的DCGAN模型,制作服装秀场数据集进行模型训练并生成服装效果图,设计师主观筛选具有设计参... 为了提高服装设计效率,适应时尚产品迭代加速的趋势,提出一种基于深度卷积对抗网络(DCGAN)的服装效果图生成方法。搭建适用于服装效果图生成任务的DCGAN模型,制作服装秀场数据集进行模型训练并生成服装效果图,设计师主观筛选具有设计参考价值的生成服装效果图,计算有效生成图像比例,评估该模型性能和生成图像质量,通过人机交互的方式优化部分生成图像并形成最终设计方案。结果表明:优化后的DCGAN模型可以快速提取流行趋势生成创意设计方案,辅助设计师高效完成设计效果表达,为服装设计的智能化提供有效途径和方法参考。 展开更多
关键词 卷积神经网络 dcgan 服装效果图 交互设计 深度学习
在线阅读 下载PDF
基于改进DCGAN的对地观测图像生成方法
10
作者 黄丹丹 汪梅 +3 位作者 张永高 施俊杰 张岩 李远成 《西安科技大学学报》 CAS 北大核心 2024年第5期985-995,共11页
为了研究无人机对地观测图像样本的平衡性,提高对地观测在深度学习中的应用,采用图像生成方法对无人机对地观测图像进行大量生成;针对图像生成模型在训练时出现的稳定性和生成图像的质量问题,提出一种基于改进DCGAN的对地观测图像生成... 为了研究无人机对地观测图像样本的平衡性,提高对地观测在深度学习中的应用,采用图像生成方法对无人机对地观测图像进行大量生成;针对图像生成模型在训练时出现的稳定性和生成图像的质量问题,提出一种基于改进DCGAN的对地观测图像生成方法。首先在DCGAN的生成器和判别器的网络结构中增加批处理层,然后将判别器的优化器改进为随机梯度下降,且生成器的优化器采用自适应学习率,最后改进模型的损失函数。结果表明:改进后的DCGAN网络模型生成的数据与原始数据的统计特征相似,模型性能良好,相比于其他的GAN衍生模型,改进后的DCGAN模型更具有稳定性,在训练过程中未出现模式崩塌的现象,模型生成图像的FID分数值为4.631,比原始DCGAN模型低2.409,该方法生成的图像质量更好,更加适用大规模的对地观测图像数据的生成。 展开更多
关键词 对地观测 深度卷积生成对抗网络 深度学习 图像生成
在线阅读 下载PDF
Specialized deep neural networks for battery health prognostics:Opportunities and challenges
11
作者 Jingyuan Zhao Xuebing Han +1 位作者 Minggao Ouyang Andrew F.Burke 《Journal of Energy Chemistry》 SCIE EI CSCD 2023年第12期416-438,I0011,共24页
Lithium-ion batteries are key drivers of the renewable energy revolution,bolstered by progress in battery design,modelling,and management.Yet,achieving high-performance battery health prognostics is a significant chal... Lithium-ion batteries are key drivers of the renewable energy revolution,bolstered by progress in battery design,modelling,and management.Yet,achieving high-performance battery health prognostics is a significant challenge.With the availability of open data and software,coupled with automated simulations,deep learning has become an integral component of battery health prognostics.We offer a comprehensive overview of potential deep learning techniques specifically designed for modeling and forecasting the dynamics of multiphysics and multiscale battery systems.Following this,we provide a concise summary of publicly available lithium-ion battery test and cycle datasets.By providing illustrative examples,we emphasize the efficacy of five techniques capable of enhancing deep learning for accurate battery state prediction and health-focused management.Each of these techniques offers unique benefits.(1)Transformer models address challenges using self-attention mechanisms and positional encoding methods.(2) Transfer learning improves learning tasks within a target domain by leveraging knowledge from a source domain.(3) Physics-informed learning uses prior knowledge to enhance learning algorithms.(4)Generative adversarial networks(GANs) earn praise for their ability to generate diverse and high-quality outputs,exhibiting outstanding performance with complex datasets.(5) Deep reinforcement learning enables an agent to make optimal decisions through continuous interactions with its environment,thus maximizing cumulative rewards.In this Review,we highlight examples that employ these techniques for battery health prognostics,summarizing both their challenges and opportunities.These methodologies offer promising prospects for researchers and industry professionals,enabling the creation of specialized network architectures that autonomously extract features,especially for long-range spatial-temporal connections across extended timescales.The outcomes could include improved accuracy,faster training,and enhanced generalization. 展开更多
关键词 Lithium-ion batteries State of health LIFETIME deep learning Transformer Transfer learning Physics-informed learning generative adversarial networks Reinforcement learning Open data
在线阅读 下载PDF
一种改进的基于DCGAN的图像生成算法 被引量:1
12
作者 罗银辉 沈俊宇 +1 位作者 王星怡 章光明 《航空计算技术》 2024年第3期11-15,共5页
针对传统深度卷积生成对抗网络(Deep convolutional Generative Adversarial Network,DCGAN)在训练稳定性和生成图像质量上的不足,提出了一种改进的基于DCGAN的图像生成算法。利用了高效通道注意力(Efficient Channel Attention,ECA)模... 针对传统深度卷积生成对抗网络(Deep convolutional Generative Adversarial Network,DCGAN)在训练稳定性和生成图像质量上的不足,提出了一种改进的基于DCGAN的图像生成算法。利用了高效通道注意力(Efficient Channel Attention,ECA)模块,提高网络对图像中不同通道的重要性的识别能力,从而提升训练过程的稳定性和生成图像的质量。采用Wasserstein距离作为损失函数的一部分,以此精确地度量真实分布和生成分布之间的差异,并引入了Focal Loss函数,以缓解Jensen-Shannon(JS)散度在优化过程中的不稳定性,进而加快模型的收敛速度。实验结果表明,改进算法在生成图像质量上有显著提升,生成精度达到了97.6%,比DCGAN基准模型高出4.2%。 展开更多
关键词 生成对抗网络 深度卷积生成对抗网络 神经网络 通道注意力机制 图像生成
在线阅读 下载PDF
MTTSNet:Military time-sensitive targets stealth network via real-time mask generation
13
作者 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
基于DCGAN的紫外像增强器视场瑕疵图片的生成
14
作者 丁习文 程宏昌 +3 位作者 苏悦 闫磊 杨晔 党小刚 《红外技术》 CSCD 北大核心 2024年第5期608-616,共9页
传统数据增强方法容易过拟合,为了解决紫外像增强器视场瑕疵图像数据集样本不平衡的问题,提升基于深度学习的条纹状瑕疵识别精度,提出了一种基于深度卷积生成对抗网络(Deep Convolution Generative Adversarial Network,DCGAN)的紫外像... 传统数据增强方法容易过拟合,为了解决紫外像增强器视场瑕疵图像数据集样本不平衡的问题,提升基于深度学习的条纹状瑕疵识别精度,提出了一种基于深度卷积生成对抗网络(Deep Convolution Generative Adversarial Network,DCGAN)的紫外像增强器视场瑕疵图像生成方法。通过对DCGAN进行损失函数的改进以及添加卷积注意力机制的优化,建立了紫外像增强器视场瑕疵图像生成模型,成功实现了紫外像增强器视场瑕疵图像的生成。随后,利用图像质量评价指标以及瑕疵检测模型来验证生成图像的有效性。实验结果显示,生成的紫外像增强器视场瑕疵图像可以满足使用需求,将生成图像融合到真实图像中再输入瑕疵检测模型可提高其检测精度。这一研究成果为三代微光像增强器和紫外像增强器的基于深度学习的视场瑕疵检测提供了技术支撑。 展开更多
关键词 紫外像增强器 视场瑕疵检测 深度学习 图像生成 对抗网络
在线阅读 下载PDF
基于域自适应对抗生成样本的金属损伤导波智能迁移识别方法
15
作者 王莉 刘国强 +2 位作者 杨宇 张超 裘进浩 《振动与冲击》 北大核心 2025年第3期191-201,209,共12页
针对工程场景下缺乏大量标注完备的真实损伤样本,而难以学习到可用的智能诊断模型的难题,该文提出了一种基于域自适应对抗生成样本的金属损伤导波智能迁移诊断方法。首先,采用有限元仿真得到了大量标签丰富的模拟损伤导波监测数据;然后... 针对工程场景下缺乏大量标注完备的真实损伤样本,而难以学习到可用的智能诊断模型的难题,该文提出了一种基于域自适应对抗生成样本的金属损伤导波智能迁移诊断方法。首先,采用有限元仿真得到了大量标签丰富的模拟损伤导波监测数据;然后,采用生成对抗神经网络(wasserstein Generative adversarial networks with gradient penalty,WGAN-GP)实现了模拟损伤监测样本至真实损伤的域自适应对抗样本的生成;最后,构建了基于对抗生成样本的损伤智能诊断模型,实现了对未知标签真实损伤监测样本的高可靠分类诊断。金属开孔结构疲劳裂纹导波监测试验验证结果表明,所提方法可实现模拟损伤导波识别知识至疲劳损伤的跨域迁移,且在无真实损伤标注样本时也可实现对裂纹损伤的高精度智能识别。 展开更多
关键词 疲劳裂纹 导波 生成对抗神经网络(WGAN-GP) 卷积神经网络 迁移学习
在线阅读 下载PDF
基于生成对抗网络和卷积神经网络的高速铁路地震预警干扰信号识别方法
16
作者 宋晋东 栾世成 +7 位作者 李山有 马强 孙文韬 刘赫奕 周学影 姚鹍鹏 黄鹏杰 朱景宝 《中国铁道科学》 北大核心 2025年第1期225-232,共8页
为提升高速铁路地震预警系统中地震事件识别的可靠性,提出基于生成对抗网络(GAN)和卷积神经网络(CNN)的高速铁路地震预警干扰信号识别方法。首先,通过GAN对打夯干扰信号进行数据增强,以实现数据平衡;其次,设计并构建GAN-CNN打夯干扰信... 为提升高速铁路地震预警系统中地震事件识别的可靠性,提出基于生成对抗网络(GAN)和卷积神经网络(CNN)的高速铁路地震预警干扰信号识别方法。首先,通过GAN对打夯干扰信号进行数据增强,以实现数据平衡;其次,设计并构建GAN-CNN打夯干扰信号识别模型,并对其进行训练和测试;最后,通过对比试验,验证该模型在干扰信号识别中的有效性和准确性。结果表明:与未使用GAN进行数据增强的情况相比,所提方法识别打夯干扰信号和地震事件信号的准确率分别为99.60%和100%,性能显著提升;此外,GANCNN模型的交并比、准确率、召回率和综合能力评价指标也得到提高。该方法可为高速铁路地震预警干扰信号识别提供参考。 展开更多
关键词 地震预警 高速铁路 卷积神经网络 生成对抗网络 打夯干扰信号
在线阅读 下载PDF
基于WGAN的智能超表面辅助系统的信道估计研究
17
作者 康晓非 王甜 《电波科学学报》 北大核心 2025年第1期164-171,共8页
针对智能超表面(reconfigurable intelligent surface,RIS)辅助的毫米波通信中系统复杂和难以获取准确信道状态信息(channel state information,CSI)的问题,设计了一种基于Chan-SRWGAN网络算法的信道估计方案。该方案采用混合有源/无源... 针对智能超表面(reconfigurable intelligent surface,RIS)辅助的毫米波通信中系统复杂和难以获取准确信道状态信息(channel state information,CSI)的问题,设计了一种基于Chan-SRWGAN网络算法的信道估计方案。该方案采用混合有源/无源RIS架构,首先利用最小二乘(least square,LS)算法获取有源元件处信道估计值,再通过插值得到信道初步估计,最后利用Chan-SRWGAN深度学习网络将其重构为信道精确估计。仿真结果表明,所提方案的归一化均方误差(normalized mean squared error,NMSE)性能优于LS、正交匹配追踪(orthogonal matching pursuit,OMP)、同步OMP(simultaneous OMP,SOMP)、深度神经网络(deep neural network,DNN)、超分辨率卷积神经网络(super-resolution convolutional neural network,SRCNN)信道估计算法,证明了方案的可行性。 展开更多
关键词 智能超表面(RIS) 信道估计 深度学习 Wasserstein生成对抗网络(WGAN) 超分辨率卷积神经网络(SRCNN)
在线阅读 下载PDF
一种基于CNN-LSTM的改进CGAN光伏短期出力场景生成方法
18
作者 秦卫民 唐昊 +3 位作者 任曼曼 梁肖 王涛 陈韬 《太阳能学报》 北大核心 2025年第4期263-272,共10页
该文考虑新能源机组出力数据的时空特征,设计一种带有卷积神经网络和长短期记忆网络的判别器网络结构,并使用推土机(EM)距离作为判别器的损失函数,提出一种基于条件对抗生成网络的新能源短期场景生成方法。该方法让模型中的判别器与生... 该文考虑新能源机组出力数据的时空特征,设计一种带有卷积神经网络和长短期记忆网络的判别器网络结构,并使用推土机(EM)距离作为判别器的损失函数,提出一种基于条件对抗生成网络的新能源短期场景生成方法。该方法让模型中的判别器与生成器进行对抗并不断优化,使生成器网络更加准确地提取到条件值及噪声分布与样本分布之间的映射关系,从而更好地生成新能源机组出力场景。该文使用开源的光伏出力数据对模型进行验证和测试,相对于传统的生成式对抗网络方法,所提模型能更加准确地生成契合历史数据特征的新能源出力场景集。 展开更多
关键词 光伏发电 场景生成 生成式对抗网络 长短期记忆网络 卷积神经网络 不确定性
在线阅读 下载PDF
基于DCGAN数据增强的水产动物分类方法 被引量:7
19
作者 王德兴 秦恩倩 袁红春 《渔业现代化》 CSCD 2019年第6期68-75,共8页
针对公开大规模水产动物数据集少、人为采集数据工作量大以及传统数据增强方法对数据的特征提升有限的问题,提出一种基于深度卷积生成对抗网络的数据增强方法用于水产动物图像识别。首先,使用深度卷积生成对抗网络(DCGAN)对样本数据进... 针对公开大规模水产动物数据集少、人为采集数据工作量大以及传统数据增强方法对数据的特征提升有限的问题,提出一种基于深度卷积生成对抗网络的数据增强方法用于水产动物图像识别。首先,使用深度卷积生成对抗网络(DCGAN)对样本数据进行增强,然后分别使用VGG16、InceptionV3、ResNet50这三个训练模型,以微调的方式,对样本进行训练、识别。结果显示,所提出的方法在水产动物数据集上,与非生成式的数据增强方法相比,在3种模型上分类的准确率可分别提高9.8%、2.7%、1.2%。试验证实,DCGAN可有效增强水产动物图像数据,提高深度神经网络模型对水产动物图像分类的准确率。 展开更多
关键词 深度卷积生成对抗网络 数据增强 水产动物分类
在线阅读 下载PDF
基于生成对抗网络的两阶段探地雷达图像反演方法
20
作者 武铭泽 刘庆华 欧阳缮 《电波科学学报》 北大核心 2025年第1期141-154,共14页
在探地雷达(ground penetrating radar,GPR)应用中,反演成像是解译GPR数据信息的关键技术。现有基于深度学习的GPR图像反演技术大多应用于地下均匀介质的理想环境,然而真实环境中采集到的数据通常包含复杂的噪声与杂波信号,对反演精度... 在探地雷达(ground penetrating radar,GPR)应用中,反演成像是解译GPR数据信息的关键技术。现有基于深度学习的GPR图像反演技术大多应用于地下均匀介质的理想环境,然而真实环境中采集到的数据通常包含复杂的噪声与杂波信号,对反演精度有很大影响。针对这一问题,本文提出了一种基于生成对抗网络(generative adversarial network,GAN)的两阶段GPR图像反演网络TSInvNet,以重构真实环境中地下目标的位置分布。该方法先将GPR B-scan图像使用改进的空间自适应归一化(spatially-adaptive normalization,SPADE)生成器的去噪网络TSInvNet1进行处理后,接着送入引入置换注意力(shuffle attention,SA)模型的反演网络TSInvNet2进行反演。在模拟数据与真实数据上的实验结果表明,TSInvNet能够根据GPR B-scan图像准确反演出地下目标的位置,在具有复杂噪声与多目标情况下的反演应用中具有强鲁棒性和精确反演性能。 展开更多
关键词 探地雷达(GPR) 反演成像 深度学习 生成对抗网络(GAN) 注意力模型
在线阅读 下载PDF
上一页 1 2 17 下一页 到第
使用帮助 返回顶部