期刊文献+
共找到688篇文章
< 1 2 35 >
每页显示 20 50 100
Automated Video Generation of Moving Digits from Text Using Deep Deconvolutional Generative Adversarial Network
1
作者 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
Method of Multi-Mode Sensor Data Fusion with an Adaptive Deep Coupling Convolutional Auto-Encoder
2
作者 Xiaoxiong Feng Jianhua Liu 《Journal of Sensor Technology》 2023年第4期69-85,共17页
To address the difficulties in fusing multi-mode sensor data for complex industrial machinery, an adaptive deep coupling convolutional auto-encoder (ADCCAE) fusion method was proposed. First, the multi-mode features e... To address the difficulties in fusing multi-mode sensor data for complex industrial machinery, an adaptive deep coupling convolutional auto-encoder (ADCCAE) fusion method was proposed. First, the multi-mode features extracted synchronously by the CCAE were stacked and fed to the multi-channel convolution layers for fusion. Then, the fused data was passed to all connection layers for compression and fed to the Softmax module for classification. Finally, the coupling loss function coefficients and the network parameters were optimized through an adaptive approach using the gray wolf optimization (GWO) algorithm. Experimental comparisons showed that the proposed ADCCAE fusion model was superior to existing models for multi-mode data fusion. 展开更多
关键词 Multi-Mode Data Fusion Coupling convolutional auto-encoder Adaptive Optimization Deep Learning
下载PDF
Conveyor-Belt Detection of Conditional Deep Convolutional Generative Adversarial Network 被引量:2
3
作者 Xiaoli Hao Xiaojuan Meng +2 位作者 Yueqin Zhang JinDong Xue Jinyue Xia 《Computers, Materials & Continua》 SCIE EI 2021年第11期2671-2685,共15页
In underground mining,the belt is a critical component,as its state directly affects the safe and stable operation of the conveyor.Most of the existing non-contact detection methods based on machine vision can only de... In underground mining,the belt is a critical component,as its state directly affects the safe and stable operation of the conveyor.Most of the existing non-contact detection methods based on machine vision can only detect a single type of damage and they require pre-processing operations.This tends to cause a large amount of calculation and low detection precision.To solve these problems,in the work described in this paper a belt tear detection method based on a multi-class conditional deep convolutional generative adversarial network(CDCGAN)was designed.In the traditional DCGAN,the image generated by the generator has a certain degree of randomness.Here,a small number of labeled belt images are taken as conditions and added them to the generator and discriminator,so the generator can generate images with the characteristics of belt damage under the aforementioned conditions.Moreover,because the discriminator cannot identify multiple types of damage,the multi-class softmax function is used as the output function of the discriminator to output a vector of class probabilities,and it can accurately classify cracks,scratches,and tears.To avoid the features learned incompletely,skiplayer connection is adopted in the generator and discriminator.This not only can minimize the loss of features,but also improves the convergence speed.Compared with other algorithms,experimental results show that the loss value of the generator and discriminator is the least.Moreover,its convergence speed is faster,and the mean average precision of the proposed algorithm is up to 96.2%,which is at least 6%higher than that of other algorithms. 展开更多
关键词 Multi-class detection conditional deep convolution generative adversarial network conveyor belt tear skip-layer connection
下载PDF
Automated Delineation of Smallholder Farm Fields Using Fully Convolutional Networks and Generative Adversarial Networks 被引量:1
4
作者 Qiuyu YAN Wufan ZHAO +1 位作者 Xiao HUANG Xianwei LYU 《Journal of Geodesy and Geoinformation Science》 2022年第4期10-22,共13页
Accurate boundaries of smallholder farm fields are important and indispensable geo-information that benefits farmers,managers,and policymakers in terms of better managing and utilizing their agricultural resources.Due... Accurate boundaries of smallholder farm fields are important and indispensable geo-information that benefits farmers,managers,and policymakers in terms of better managing and utilizing their agricultural resources.Due to their small size,irregular shape,and the use of mixed-cropping techniques,the farm fields of smallholder can be difficult to delineate automatically.In recent years,numerous studies on field contour extraction using a deep Convolutional Neural Network(CNN)have been proposed.However,there is a relative shortage of labeled data for filed boundaries,thus affecting the training effect of CNN.Traditional methods mostly use image flipping,and random rotation for data augmentation.In this paper,we propose to apply Generative Adversarial Network(GAN)for the data augmentation of farm fields label to increase the diversity of samples.Specifically,we propose an automated method featured by Fully Convolutional Neural networks(FCN)in combination with GAN to improve the delineation accuracy of smallholder farms from Very High Resolution(VHR)images.We first investigate four State-Of-The-Art(SOTA)FCN architectures,i.e.,U-Net,PSPNet,SegNet and OCRNet,to find the optimal architecture in the contour detection task of smallholder farm fields.Second,we apply the identified optimal FCN architecture in combination with Contour GAN and pixel2pixel GAN to improve the accuracy of contour detection.We test our method on the study area in the Sudano-Sahelian savanna region of northern Nigeria.The best combination achieved F1 scores of 0.686 on Test Set 1(TS1),0.684 on Test Set 2(TS2),and 0.691 on Test Set 3(TS3).Results indicate that our architecture adapts to a variety of advanced networks and proves its effectiveness in this task.The conceptual,theoretical,and experimental knowledge from this study is expected to seed many GAN-based farm delineation methods in the future. 展开更多
关键词 field boundary contour detection fully convolutional neural networks generative adversarial networks
下载PDF
RETRACTED:<i>Realization of Virtual Human Face Based on Deep Convolutional Generative Adversarial Networks</i>
5
作者 Zijiang Zhu Xiaoguang Deng +1 位作者 Junshan Li Eryou Wei 《Journal of Signal and Information Processing》 2018年第3期217-228,共12页
Short Retraction Notice The authors claim that this paper needs modifications. This article has been retracted to straighten the academic record. In making this decision the Editorial Board follows COPE's Retracti... Short Retraction Notice The authors claim that this paper needs modifications. This article has been retracted to straighten the academic record. In making this decision the Editorial Board follows COPE's Retraction Guidelines. The aim is to promote the circulation of scientific research by offering an ideal research publication platform with due consideration of internationally accepted standards on publication ethics. The Editorial Board would like to extend its sincere apologies for any inconvenience this retraction may have caused. Editor guiding this retraction: Prof. Baozong Yuan(EiC of JSIP) The full retraction notice in PDF is preceding the original paper, which is marked "RETRACTED". 展开更多
关键词 DEEP convolution GENERATIVE adversarial NETWORKS DEEP Learning Vir-tual Human FACE
下载PDF
Deep convolutional adversarial graph autoencoder using positive pointwise mutual information for graph embedding
6
作者 马秀慧 WANG Rong +3 位作者 CHEN Shudong DU Rong ZHU Danyang ZHAO Hua 《High Technology Letters》 EI CAS 2022年第1期98-106,共9页
Graph embedding aims to map the high-dimensional nodes to a low-dimensional space and learns the graph relationship from its latent representations.Most existing graph embedding methods focus on the topological struct... Graph embedding aims to map the high-dimensional nodes to a low-dimensional space and learns the graph relationship from its latent representations.Most existing graph embedding methods focus on the topological structure of graph data,but ignore the semantic information of graph data,which results in the unsatisfied performance in practical applications.To overcome the problem,this paper proposes a novel deep convolutional adversarial graph autoencoder(GAE)model.To embed the semantic information between nodes in the graph data,the random walk strategy is first used to construct the positive pointwise mutual information(PPMI)matrix,then,graph convolutional net-work(GCN)is employed to encode the PPMI matrix and node content into the latent representation.Finally,the learned latent representation is used to reconstruct the topological structure of the graph data by decoder.Furthermore,the deep convolutional adversarial training algorithm is introduced to make the learned latent representation conform to the prior distribution better.The state-of-the-art experimental results on the graph data validate the effectiveness of the proposed model in the link prediction,node clustering and graph visualization tasks for three standard datasets,Cora,Citeseer and Pubmed. 展开更多
关键词 graph autoencoder(GAE) positive pointwise mutual information(PPMI) deep convolutional generative adversarial network(DCGAN) graph convolutional network(GCN) se-mantic information
下载PDF
Using Hybrid Penalty and Gated Linear Units to Improve Wasserstein Generative Adversarial Networks for Single-Channel Speech Enhancement
7
作者 Xiaojun Zhu Heming Huang 《Computer Modeling in Engineering & Sciences》 SCIE EI 2023年第6期2155-2172,共18页
Recently,speech enhancement methods based on Generative Adversarial Networks have achieved good performance in time-domain noisy signals.However,the training of Generative Adversarial Networks has such problems as con... Recently,speech enhancement methods based on Generative Adversarial Networks have achieved good performance in time-domain noisy signals.However,the training of Generative Adversarial Networks has such problems as convergence difficulty,model collapse,etc.In this work,an end-to-end speech enhancement model based on Wasserstein Generative Adversarial Networks is proposed,and some improvements have been made in order to get faster convergence speed and better generated speech quality.Specifically,in the generator coding part,each convolution layer adopts different convolution kernel sizes to conduct convolution operations for obtaining speech coding information from multiple scales;a gated linear unit is introduced to alleviate the vanishing gradient problem with the increase of network depth;the gradient penalty of the discriminator is replaced with spectral normalization to accelerate the convergence rate of themodel;a hybrid penalty termcomposed of L1 regularization and a scale-invariant signal-to-distortion ratio is introduced into the loss function of the generator to improve the quality of generated speech.The experimental results on both TIMIT corpus and Tibetan corpus show that the proposed model improves the speech quality significantly and accelerates the convergence speed of the model. 展开更多
关键词 Speech enhancement generative adversarial networks hybrid penalty gated linear units multi-scale convolution
下载PDF
Brain Functional Network Generation Using Distribution-Regularized Adversarial Graph Autoencoder with Transformer for Dementia Diagnosis
8
作者 Qiankun Zuo Junhua Hu +5 位作者 Yudong Zhang Junren Pan Changhong Jing Xuhang Chen Xiaobo Meng Jin Hong 《Computer Modeling in Engineering & Sciences》 SCIE EI 2023年第12期2129-2147,共19页
The topological connectivity information derived from the brain functional network can bring new insights for diagnosing and analyzing dementia disorders.The brain functional network is suitable to bridge the correlat... The topological connectivity information derived from the brain functional network can bring new insights for diagnosing and analyzing dementia disorders.The brain functional network is suitable to bridge the correlation between abnormal connectivities and dementia disorders.However,it is challenging to access considerable amounts of brain functional network data,which hinders the widespread application of data-driven models in dementia diagnosis.In this study,a novel distribution-regularized adversarial graph auto-Encoder(DAGAE)with transformer is proposed to generate new fake brain functional networks to augment the brain functional network dataset,improving the dementia diagnosis accuracy of data-driven models.Specifically,the label distribution is estimated to regularize the latent space learned by the graph encoder,which canmake the learning process stable and the learned representation robust.Also,the transformer generator is devised to map the node representations into node-to-node connections by exploring the long-term dependence of highly-correlated distant brain regions.The typical topological properties and discriminative features can be preserved entirely.Furthermore,the generated brain functional networks improve the prediction performance using different classifiers,which can be applied to analyze other cognitive diseases.Attempts on the Alzheimer’s Disease Neuroimaging Initiative(ADNI)dataset demonstrate that the proposed model can generate good brain functional networks.The classification results show adding generated data can achieve the best accuracy value of 85.33%,sensitivity value of 84.00%,specificity value of 86.67%.The proposed model also achieves superior performance compared with other related augmentedmodels.Overall,the proposedmodel effectively improves cognitive disease diagnosis by generating diverse brain functional networks. 展开更多
关键词 adversarial graph encoder label distribution generative transformer functional brain connectivity graph convolutional network DEMENTIA
下载PDF
Spatial landslide susceptibility assessment using machine learning techniques assisted by additional data created with generative adversarial networks 被引量:7
9
作者 Husam A.H.Al-Najjar Biswajeet Pradhan 《Geoscience Frontiers》 SCIE CAS CSCD 2021年第2期625-637,共13页
In recent years,landslide susceptibility mapping has substantially improved with advances in machine learning.However,there are still challenges remain in landslide mapping due to the availability of limited inventory... In recent years,landslide susceptibility mapping has substantially improved with advances in machine learning.However,there are still challenges remain in landslide mapping due to the availability of limited inventory data.In this paper,a novel method that improves the performance of machine learning techniques is presented.The proposed method creates synthetic inventory data using Generative Adversarial Networks(GANs)for improving the prediction of landslides.In this research,landslide inventory data of 156 landslide locations were identified in Cameron Highlands,Malaysia,taken from previous projects the authors worked on.Elevation,slope,aspect,plan curvature,profile curvature,total curvature,lithology,land use and land cover(LULC),distance to the road,distance to the river,stream power index(SPI),sediment transport index(STI),terrain roughness index(TRI),topographic wetness index(TWI)and vegetation density are geo-environmental factors considered in this study based on suggestions from previous works on Cameron Highlands.To show the capability of GANs in improving landslide prediction models,this study tests the proposed GAN model with benchmark models namely Artificial Neural Network(ANN),Support Vector Machine(SVM),Decision Trees(DT),Random Forest(RF)and Bagging ensemble models with ANN and SVM models.These models were validated using the area under the receiver operating characteristic curve(AUROC).The DT,RF,SVM,ANN and Bagging ensemble could achieve the AUROC values of(0.90,0.94,0.86,0.69 and 0.82)for the training;and the AUROC of(0.76,0.81,0.85,0.72 and 0.75)for the test,subsequently.When using additional samples,the same models achieved the AUROC values of(0.92,0.94,0.88,0.75 and 0.84)for the training and(0.78,0.82,0.82,0.78 and 0.80)for the test,respectively.Using the additional samples improved the test accuracy of all the models except SVM.As a result,in data-scarce environments,this research showed that utilizing GANs to generate supplementary samples is promising because it can improve the predictive capability of common landslide prediction models. 展开更多
关键词 Landslide susceptibility INVENTORY Machine learning Generative adversarial network convolutional neural network Geographic information system
下载PDF
Adversarial Learning for Distant Supervised Relation Extraction 被引量:6
10
作者 Daojian Zeng Yuan Dai +2 位作者 Feng Li R.Simon Sherratt Jin Wang 《Computers, Materials & Continua》 SCIE EI 2018年第4期121-136,共16页
Recently,many researchers have concentrated on using neural networks to learn features for Distant Supervised Relation Extraction(DSRE).These approaches generally use a softmax classifier with cross-entropy loss,which... Recently,many researchers have concentrated on using neural networks to learn features for Distant Supervised Relation Extraction(DSRE).These approaches generally use a softmax classifier with cross-entropy loss,which inevitably brings the noise of artificial class NA into classification process.To address the shortcoming,the classifier with ranking loss is employed to DSRE.Uniformly randomly selecting a relation or heuristically selecting the highest score among all incorrect relations are two common methods for generating a negative class in the ranking loss function.However,the majority of the generated negative class can be easily discriminated from positive class and will contribute little towards the training.Inspired by Generative Adversarial Networks(GANs),we use a neural network as the negative class generator to assist the training of our desired model,which acts as the discriminator in GANs.Through the alternating optimization of generator and discriminator,the generator is learning to produce more and more discriminable negative classes and the discriminator has to become better as well.This framework is independent of the concrete form of generator and discriminator.In this paper,we use a two layers fully-connected neural network as the generator and the Piecewise Convolutional Neural Networks(PCNNs)as the discriminator.Experiment results show that our proposed GAN-based method is effective and performs better than state-of-the-art methods. 展开更多
关键词 Relation extraction generative adversarial networks distant supervision piecewise convolutional neural networks pair-wise ranking loss
下载PDF
Deep Image Restoration Model: A Defense Method Against Adversarial Attacks 被引量:1
11
作者 Kazim Ali Adnan N.Quershi +3 位作者 Ahmad Alauddin Bin Arifin Muhammad Shahid Bhatti Abid Sohail Rohail Hassan 《Computers, Materials & Continua》 SCIE EI 2022年第5期2209-2224,共16页
These days,deep learning and computer vision are much-growing fields in this modern world of information technology.Deep learning algorithms and computer vision have achieved great success in different applications li... These days,deep learning and computer vision are much-growing fields in this modern world of information technology.Deep learning algorithms and computer vision have achieved great success in different applications like image classification,speech recognition,self-driving vehicles,disease diagnostics,and many more.Despite success in various applications,it is found that these learning algorithms face severe threats due to adversarial attacks.Adversarial examples are inputs like images in the computer vision field,which are intentionally slightly changed or perturbed.These changes are humanly imperceptible.But are misclassified by a model with high probability and severely affects the performance or prediction.In this scenario,we present a deep image restoration model that restores adversarial examples so that the target model is classified correctly again.We proved that our defense method against adversarial attacks based on a deep image restoration model is simple and state-of-the-art by providing strong experimental results evidence.We have used MNIST and CIFAR10 datasets for experiments and analysis of our defense method.In the end,we have compared our method to other state-ofthe-art defense methods and proved that our results are better than other rival methods. 展开更多
关键词 Computer vision deep learning convolutional neural networks adversarial examples adversarial attacks adversarial defenses
下载PDF
Robust Image Watermarking Based on Generative Adversarial Network 被引量:1
12
作者 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
Optimized Generative Adversarial Networks for Adversarial Sample Generation
13
作者 Daniyal M.Alghazzawi Syed Hamid Hasan Surbhi Bhatia 《Computers, Materials & Continua》 SCIE EI 2022年第8期3877-3897,共21页
Detecting the anomalous entity in real-time network traffic is a popular area of research in recent times.Very few researches have focused on creating malware that fools the intrusion detection system and this paper f... Detecting the anomalous entity in real-time network traffic is a popular area of research in recent times.Very few researches have focused on creating malware that fools the intrusion detection system and this paper focuses on this topic.We are using Deep Convolutional Generative Adversarial Networks(DCGAN)to trick the malware classifier to believe it is a normal entity.In this work,a new dataset is created to fool the Artificial Intelligence(AI)based malware detectors,and it consists of different types of attacks such as Denial of Service(DoS),scan 11,scan 44,botnet,spam,User Datagram Portal(UDP)scan,and ssh scan.The discriminator used in the DCGAN discriminates two different attack classes(anomaly and synthetic)and one normal class.The model collapse,instability,and vanishing gradient issues associated with the DCGAN are overcome using the proposed hybrid Aquila optimizer-based Mine blast harmony search algorithm(AO-MBHS).This algorithm helps the generator to create realistic malware samples to be undetected by the discriminator.The performance of the proposed methodology is evaluated using different performance metrics such as training time,detection rate,F-Score,loss function,Accuracy,False alarm rate,etc.The superiority of the hybrid AO-MBHS based DCGAN model is noticed when the detection rate is changed to 0 after the retraining method to make the defensive technique hard to be noticed by the malware detection system.The support vector machines(SVM)is used as the malicious traffic detection application and its True positive rate(TPR)goes from 80%to 0%after retraining the proposed model which shows the efficiency of the proposed model in hiding the samples. 展开更多
关键词 Aquila optimizer convolutional generative adversarial networks mine blast harmony search algorithm network traffic dataset adversarial artificial intelligence techniques
下载PDF
Exploration of the Relation between Input Noise and Generated Image in Generative Adversarial Networks
14
作者 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
Classification of Arrhythmia Based on Convolutional Neural Networks and Encoder-Decoder Model
15
作者 Jian Liu Xiaodong Xia +2 位作者 Chunyang Han Jiao Hui Jim Feng 《Computers, Materials & Continua》 SCIE EI 2022年第10期265-278,共14页
As a common and high-risk type of disease,heart disease seriously threatens people’s health.At the same time,in the era of the Internet of Thing(IoT),smart medical device has strong practical significance for medical... As a common and high-risk type of disease,heart disease seriously threatens people’s health.At the same time,in the era of the Internet of Thing(IoT),smart medical device has strong practical significance for medical workers and patients because of its ability to assist in the diagnosis of diseases.Therefore,the research of real-time diagnosis and classification algorithms for arrhythmia can help to improve the diagnostic efficiency of diseases.In this paper,we design an automatic arrhythmia classification algorithm model based on Convolutional Neural Network(CNN)and Encoder-Decoder model.The model uses Long Short-Term Memory(LSTM)to consider the influence of time series features on classification results.Simultaneously,it is trained and tested by the MIT-BIH arrhythmia database.Besides,Generative Adversarial Networks(GAN)is adopted as a method of data equalization for solving data imbalance problem.The simulation results show that for the inter-patient arrhythmia classification,the hybrid model combining CNN and Encoder-Decoder model has the best classification accuracy,of which the accuracy can reach 94.05%.Especially,it has a better advantage for the classification effect of supraventricular ectopic beats(class S)and fusion beats(class F). 展开更多
关键词 ELECTROENCEPHALOGRAPHY convolutional neural network long short-term memory encoder-decoder model generative adversarial network
下载PDF
Optimizing Breast Mass Segmentation Algorithms with Generative Adversarial Nets
16
作者 Qi Yin Haiwei Pan +2 位作者 Bin Yang Xiaofei Bian Chunling Chen 《国际计算机前沿大会会议论文集》 2019年第1期617-620,共4页
Breast cancer is the most ordinary malignant tumor in women worldwide. Early breast cancer screening is the key to reduce mortality. Clinical trials have shown that Computer Aided Design improves the accuracy of breas... Breast cancer is the most ordinary malignant tumor in women worldwide. Early breast cancer screening is the key to reduce mortality. Clinical trials have shown that Computer Aided Design improves the accuracy of breast cancer detection. Segmentation of mammography is a critical step in Computer Aided Design. In recent years, FCN has been applied in the field of image segmentation. Generative Adversarial Networks is also popularized for its ability on generate images which is difficult to distinguish from real images, and have been applied in the image semantic segmentation domain. We apply the Dilated Convolutions to the partial convolutional layer of the Multi-FCN and use the ideas of Generative Adversarial Networks to train and correct our segmentation network. Experiments show that the Dice index of the model DMulti- FCN-CRF-Adversarial Training on the datasets InBreast and DDSMBCRP can be increased to 91.15% and 91.8%. 展开更多
关键词 BREAST MASS segmentation GAN DILATED convolutIONS adversarial training
下载PDF
基于门控卷积生成对抗网络的西汉漆箱纹饰图案数字化修复研究 被引量:1
17
作者 周强 王露 +3 位作者 冯金牛 王莹 朱建锋 罗宏杰 《陕西科技大学学报》 北大核心 2024年第1期153-160,共8页
中国历史上漆器以其精美的纹饰技法闻名于世,针对古代漆器表面破损严重、纹饰信息大面积缺失的彩绘漆箱修复难题,提出了一种门控卷积生成对抗网络(GC-GAN)的古代漆箱表面图案修复方法.该方法采用门控卷积结构改进生成对抗网络模型,以提... 中国历史上漆器以其精美的纹饰技法闻名于世,针对古代漆器表面破损严重、纹饰信息大面积缺失的彩绘漆箱修复难题,提出了一种门控卷积生成对抗网络(GC-GAN)的古代漆箱表面图案修复方法.该方法采用门控卷积结构改进生成对抗网络模型,以提升模型对于图像中有效像素的学习能力并解决不规则大面积图像区域的高分辨率修复问题.在此基础上,首先对漆箱图案中的畸变、破损和缺失部分进行掩膜处理,然后使用GC-GAN生成掩膜区域的图案.针对漆箱纹饰图案样本数量少的问题,借助迁移学习思想,将模型在CelebA、SVHN等多种公共数据集上学习到的知识迁移到漆箱纹饰上.最终实现了“西安凤栖原西汉家族墓地”M1墓室中出土的大型木胎彩绘漆箱表面纹饰的数字化虚拟修复. 展开更多
关键词 漆器 西汉漆箱纹饰图案 数字化修复 门控卷积 生成对抗网络
下载PDF
轴承变工况故障的域自适应迁移深度学习诊断 被引量:2
18
作者 牟红霞 《机械设计与制造》 北大核心 2024年第2期364-368,共5页
为了实现变设备、变工况条件下的轴承故障精确识别,提出了基于域自适应迁移深度卷积神经网络的诊断方法。对于具有不同分布特征(即不同域)的训练集和测试集,在深度卷积神经网络中构造了故障特征提取模块、域识别模块、标签分类模块,以... 为了实现变设备、变工况条件下的轴承故障精确识别,提出了基于域自适应迁移深度卷积神经网络的诊断方法。对于具有不同分布特征(即不同域)的训练集和测试集,在深度卷积神经网络中构造了故障特征提取模块、域识别模块、标签分类模块,以特征提取模块与域识别模块对抗训练的方式实现域自适应迁移能力,使深度卷积神经网络能够有效提取不同域的共同特征参数。使用凯斯西储大学和智能维护系统中心数据设计了4组迁移实验,传统深度卷积神经网络的识别精度均值为64.5%,域自适应迁移卷积神经网络的识别精度均值为94.9%,充分说明了域自适应迁移深度卷积神经网络能够有效识别变设备、变工况条件下的轴承故障。 展开更多
关键词 轴承故障诊断 域自适应迁移 深度卷积神经网络 对抗训练
下载PDF
基于格拉姆角场与深度卷积生成对抗网络的行星齿轮箱故障诊断 被引量:1
19
作者 古莹奎 石昌武 陈家芳 《噪声与振动控制》 CSCD 北大核心 2024年第1期111-118,共8页
针对行星齿轮箱故障诊断中样本分布不均衡所引起的模型泛化能力差及诊断精度低等问题,采用格拉姆角场图像编码技术和深度卷积生成对抗网络相结合进行数据增强,融合AlexNet卷积神经网络进行故障诊断。将采集到的一维振动信号转化为格拉... 针对行星齿轮箱故障诊断中样本分布不均衡所引起的模型泛化能力差及诊断精度低等问题,采用格拉姆角场图像编码技术和深度卷积生成对抗网络相结合进行数据增强,融合AlexNet卷积神经网络进行故障诊断。将采集到的一维振动信号转化为格拉姆角场图,按比例划分训练集与测试集,将训练集样本与随机向量输入到深度卷积生成对抗网络模型中,交替训练生成器与判别器,达到纳什平衡,生成与原始样本类似的生成样本,从而实现故障样本的增广。用原始样本与生成的增广样本训练卷积神经网络分类模型,完成行星齿轮箱的故障识别。实验结果表明,所提方法能够有效提升样本不均衡条件下的行星齿轮箱故障诊断精度,使之达到99.15%,且能使收敛速度更快。 展开更多
关键词 故障诊断 格拉姆角场 深度卷积生成对抗网络 卷积神经网络 行星齿轮箱
下载PDF
摩尔纹图案自动去除技术综述
20
作者 亓文法 刘宇鑫 郭宗明 《计算机研究与发展》 EI CSCD 北大核心 2024年第3期728-747,共20页
如今,数码相机和智能手机在人们的生活中扮演着越来越重要的角色,已经成为人们感知世界、记录信息和沟通交流的主要工具.当使用这些设备拍摄电子屏幕时,显示设备和摄像头传感器网格之间往往会发生混叠,通常导致图片中存在不规则分布的... 如今,数码相机和智能手机在人们的生活中扮演着越来越重要的角色,已经成为人们感知世界、记录信息和沟通交流的主要工具.当使用这些设备拍摄电子屏幕时,显示设备和摄像头传感器网格之间往往会发生混叠,通常导致图片中存在不规则分布的摩尔纹干扰图案,从而严重影响了拍摄图像的视觉质量效果.因此,摩尔纹图案去除方法研究对于拍摄图像的后期处理具有重要意义.为此,详细梳理了摩尔纹去除研究的发展脉络,并根据不同的适用场景和技术实现将现有方法分为2类:基于先验知识的摩尔纹去除方法和基于深度学习的摩尔纹去除方法.鉴于深度学习网络中训练数据集的收集和对齐方式不同,该类方法又分为基于卷积神经网络(CNN)的摩尔纹去除方法和基于生成式对抗网络(GAN)的摩尔纹去除方法.在此基础上,选择相同的公开数据集,对主流的深度学习方法进行算法实现和性能对比分析,并分别总结了各类方法的优缺点.最后,对未来的研究方向进行展望. 展开更多
关键词 摩尔纹图案 图像恢复 多尺度 深度学习 卷积神经网络 生成式对抗网络
下载PDF
上一页 1 2 35 下一页 到第
使用帮助 返回顶部