首页 > 最新文献

2020 28th European Signal Processing Conference (EUSIPCO)最新文献

英文 中文
Salt Dome Detection Using Context-Aware Saliency 使用上下文感知显著性的盐丘检测
Pub Date : 2021-01-24 DOI: 10.23919/Eusipco47968.2020.9287538
A. Lawal, Qadri Mayyala, A. Zerguine, Azeddine Beghdadi
This work presents a method for salt dome detection in seismic images based on a Context-Aware Saliency (CAS) detection model. Seismic data can easily add up to hundred of gigabytes and terabytes in size. However, the key features or structural information that are of interest to the seismic interpreters are quite few. These features include salt domes, fault and other geological features that have the potential of indicating the presence of oil reservoir. A new method for extracting the most perceptual relevant features in seismic images based on the CAS model is proposed. The efficiency of this method in detecting the most salient structures in a seismic image such as salt dome is demonstrated through a series of experiment on real data set with various spatial contents.
本文提出了一种基于上下文感知显著性(CAS)检测模型的地震图像盐丘检测方法。地震数据可以很容易地达到数百千兆字节或太字节的大小。然而,地震解释人员感兴趣的关键特征或结构信息却很少。这些特征包括盐丘、断层和其他可能指示油藏存在的地质特征。提出了一种基于CAS模型提取地震图像中最敏感相关特征的新方法。在具有不同空间内容的真实数据集上进行了一系列实验,验证了该方法对盐丘等地震图像中最显著结构的检测效率。
{"title":"Salt Dome Detection Using Context-Aware Saliency","authors":"A. Lawal, Qadri Mayyala, A. Zerguine, Azeddine Beghdadi","doi":"10.23919/Eusipco47968.2020.9287538","DOIUrl":"https://doi.org/10.23919/Eusipco47968.2020.9287538","url":null,"abstract":"This work presents a method for salt dome detection in seismic images based on a Context-Aware Saliency (CAS) detection model. Seismic data can easily add up to hundred of gigabytes and terabytes in size. However, the key features or structural information that are of interest to the seismic interpreters are quite few. These features include salt domes, fault and other geological features that have the potential of indicating the presence of oil reservoir. A new method for extracting the most perceptual relevant features in seismic images based on the CAS model is proposed. The efficiency of this method in detecting the most salient structures in a seismic image such as salt dome is demonstrated through a series of experiment on real data set with various spatial contents.","PeriodicalId":6705,"journal":{"name":"2020 28th European Signal Processing Conference (EUSIPCO)","volume":"21 1","pages":"1906-1910"},"PeriodicalIF":0.0,"publicationDate":"2021-01-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"89873611","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Deep Learning Methods for Image Decomposition of Cervical Cells 基于深度学习的宫颈细胞图像分解方法
Pub Date : 2021-01-24 DOI: 10.23919/Eusipco47968.2020.9287435
Tayebeh Lotfi Mahyari, R. Dansereau
One way to solve under-determined image decomposition is to use statistical information about the type of data to be decomposed. This information can be obtained by a deep learning where convolutional neural networks (CNN) are a subset recently used widely in image processing. In this paper, we have designed a two-stage CNN that takes cytology images of overlapped cervical cells and attempts to separate the cell images. In the first stage, we designed a CNN to segment overlapping cells. In the second stage, we designed a CNN that uses this segmentation and the original image to separate the regions. We implemented a CNN similar to U-Net for image segmentation and implemented a new network for the image separation. To train and test the proposed networks, we simulated 50000 cervical cell cytology images by overlaying individual images of real cervical cells using the Beer-Lambert law. Of these 50000 images, we used 49000 images for training and evaluated the method with 1000 test images. Results on these synthetic images give more than 97% segmentation accuracy and gives decomposition SSIM scores of more than 0.99 and PSNR score of more than 30 dB. Despite these positive results, the permutation problem that commonly effects signal separation occasionally occurred resulting in some cell structure mis-separation (for example, one cell given two nucleoli and the other given none). In addition, when the segmentation was poor from the first stage, the resulting separation was poor.
解决欠确定图像分解的一种方法是使用关于要分解的数据类型的统计信息。这些信息可以通过深度学习获得,其中卷积神经网络(CNN)是最近在图像处理中广泛使用的一个子集。在本文中,我们设计了一个两阶段的CNN,取重叠宫颈细胞的细胞学图像,并试图分离细胞图像。在第一阶段,我们设计了一个CNN来分割重叠的细胞。在第二阶段,我们设计了一个CNN,使用这个分割和原始图像来分离区域。我们实现了一个类似于U-Net的CNN图像分割,并实现了一个新的图像分离网络。为了训练和测试所提出的网络,我们通过使用Beer-Lambert定律覆盖真实宫颈细胞的单个图像,模拟了50000个宫颈细胞细胞学图像。在这50000张图像中,我们使用49000张图像进行训练,并使用1000张测试图像对方法进行评估。结果表明,这些合成图像的分割精度在97%以上,分解SSIM分数大于0.99,PSNR分数大于30 dB。尽管有这些积极的结果,但通常影响信号分离的排列问题偶尔会发生,导致一些细胞结构错误分离(例如,一个细胞有两个核仁,而另一个没有核仁)。另外,当第一阶段分割较差时,分离效果较差。
{"title":"Deep Learning Methods for Image Decomposition of Cervical Cells","authors":"Tayebeh Lotfi Mahyari, R. Dansereau","doi":"10.23919/Eusipco47968.2020.9287435","DOIUrl":"https://doi.org/10.23919/Eusipco47968.2020.9287435","url":null,"abstract":"One way to solve under-determined image decomposition is to use statistical information about the type of data to be decomposed. This information can be obtained by a deep learning where convolutional neural networks (CNN) are a subset recently used widely in image processing. In this paper, we have designed a two-stage CNN that takes cytology images of overlapped cervical cells and attempts to separate the cell images. In the first stage, we designed a CNN to segment overlapping cells. In the second stage, we designed a CNN that uses this segmentation and the original image to separate the regions. We implemented a CNN similar to U-Net for image segmentation and implemented a new network for the image separation. To train and test the proposed networks, we simulated 50000 cervical cell cytology images by overlaying individual images of real cervical cells using the Beer-Lambert law. Of these 50000 images, we used 49000 images for training and evaluated the method with 1000 test images. Results on these synthetic images give more than 97% segmentation accuracy and gives decomposition SSIM scores of more than 0.99 and PSNR score of more than 30 dB. Despite these positive results, the permutation problem that commonly effects signal separation occasionally occurred resulting in some cell structure mis-separation (for example, one cell given two nucleoli and the other given none). In addition, when the segmentation was poor from the first stage, the resulting separation was poor.","PeriodicalId":6705,"journal":{"name":"2020 28th European Signal Processing Conference (EUSIPCO)","volume":"52 1","pages":"1110-1114"},"PeriodicalIF":0.0,"publicationDate":"2021-01-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"90549014","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 1
Investigation of Network Architecture for Single-Channel End-to-End Denoising 单通道端到端去噪网络体系结构研究
Pub Date : 2021-01-24 DOI: 10.23919/Eusipco47968.2020.9287753
Takuya Hasumi, Tetsunori Kobayashi, Tetsuji Ogawa
This paper examines the effectiveness of a fully convolutional time-domain audio separation network (Conv-TasNet) on single-channel denoising. Conv-TasNet, which has a structure to explicitly estimate a mask for encoded features, has shown to be effective in single-channel sound source separation in noise-free environments, but it has not been applied to denoising. Therefore, the present study investigates a method of learning Conv-TasNet for denoising and clarifies the optimal structure for single-channel end-to-end modeling. Experimental comparisons conducted using the CHiME-3 dataset demonstrate that Conv-TasNet performs well in denoising and yields improvements in single-channel end-to-end denoising over existing denoising autoencoder-based modeling.
本文研究了全卷积时域音频分离网络在单通道去噪中的有效性。卷积tasnet具有明确估计编码特征掩模的结构,已被证明在无噪声环境下的单通道声源分离中有效,但尚未应用于去噪。因此,本研究研究了一种学习卷积tasnet去噪的方法,并阐明了单通道端到端建模的最佳结构。使用CHiME-3数据集进行的实验比较表明,与现有的基于自编码器的去噪模型相比,卷积tasnet在单通道端到端去噪方面表现良好。
{"title":"Investigation of Network Architecture for Single-Channel End-to-End Denoising","authors":"Takuya Hasumi, Tetsunori Kobayashi, Tetsuji Ogawa","doi":"10.23919/Eusipco47968.2020.9287753","DOIUrl":"https://doi.org/10.23919/Eusipco47968.2020.9287753","url":null,"abstract":"This paper examines the effectiveness of a fully convolutional time-domain audio separation network (Conv-TasNet) on single-channel denoising. Conv-TasNet, which has a structure to explicitly estimate a mask for encoded features, has shown to be effective in single-channel sound source separation in noise-free environments, but it has not been applied to denoising. Therefore, the present study investigates a method of learning Conv-TasNet for denoising and clarifies the optimal structure for single-channel end-to-end modeling. Experimental comparisons conducted using the CHiME-3 dataset demonstrate that Conv-TasNet performs well in denoising and yields improvements in single-channel end-to-end denoising over existing denoising autoencoder-based modeling.","PeriodicalId":6705,"journal":{"name":"2020 28th European Signal Processing Conference (EUSIPCO)","volume":"4 1","pages":"441-445"},"PeriodicalIF":0.0,"publicationDate":"2021-01-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"91433906","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Grad-LAM: Visualization of Deep Neural Networks for Unsupervised Learning 面向无监督学习的深度神经网络可视化
Pub Date : 2021-01-24 DOI: 10.23919/Eusipco47968.2020.9287730
Alexander Bartler, Darius Hinderer, Bin Yang
Nowadays, the explainability of deep neural networks is an essential part of machine learning. In the last years, many methods were developed to visualize important regions of an input image for the decision of the deep neural network. Since almost all methods are designed for supervised trained models, we propose in this work a visualization technique for unsupervised trained autoencoders called Gradient-weighted Latent Activation Mapping (Grad-LAM). We adapt the idea of Grad-CAM and propose a novel weighting based on the knowledge of the autoencoder’s decoder. Our method will help to get insights into the highly nonlinear mapping of an input image to a latent space. We show that the visualization maps of Grad-LAM are meaningful on simple datasets like MNIST and the method is even applicable to real-world datasets like ImageNet.
如今,深度神经网络的可解释性是机器学习的重要组成部分。在过去的几年里,人们开发了许多方法来可视化输入图像的重要区域,以便深度神经网络的决策。由于几乎所有的方法都是为有监督训练的模型设计的,我们在这项工作中提出了一种无监督训练的自编码器的可视化技术,称为梯度加权潜在激活映射(Grad-LAM)。我们采用了Grad-CAM的思想,提出了一种新的基于自编码器解码器知识的加权方法。我们的方法将有助于深入了解输入图像到潜在空间的高度非线性映射。我们证明了Grad-LAM的可视化地图在像MNIST这样的简单数据集上是有意义的,并且该方法甚至适用于像ImageNet这样的真实数据集。
{"title":"Grad-LAM: Visualization of Deep Neural Networks for Unsupervised Learning","authors":"Alexander Bartler, Darius Hinderer, Bin Yang","doi":"10.23919/Eusipco47968.2020.9287730","DOIUrl":"https://doi.org/10.23919/Eusipco47968.2020.9287730","url":null,"abstract":"Nowadays, the explainability of deep neural networks is an essential part of machine learning. In the last years, many methods were developed to visualize important regions of an input image for the decision of the deep neural network. Since almost all methods are designed for supervised trained models, we propose in this work a visualization technique for unsupervised trained autoencoders called Gradient-weighted Latent Activation Mapping (Grad-LAM). We adapt the idea of Grad-CAM and propose a novel weighting based on the knowledge of the autoencoder’s decoder. Our method will help to get insights into the highly nonlinear mapping of an input image to a latent space. We show that the visualization maps of Grad-LAM are meaningful on simple datasets like MNIST and the method is even applicable to real-world datasets like ImageNet.","PeriodicalId":6705,"journal":{"name":"2020 28th European Signal Processing Conference (EUSIPCO)","volume":"68 1","pages":"1407-1411"},"PeriodicalIF":0.0,"publicationDate":"2021-01-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"91347886","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 3
Nonparametric Adaptive Value-at-Risk Quantification Based on the Multiscale Energy Distribution of Asset Returns 基于资产收益多尺度能量分布的非参数自适应风险价值量化
Pub Date : 2021-01-24 DOI: 10.23919/Eusipco47968.2020.9287568
G. Tzagkarakis, F. Maurer, T. Dionysopoulos
Quantifying risk is pivotal for every financial institution, with the temporal dimension being the key aspect for all the well-established risk measures. However, exploiting the frequency information conveyed by financial data, could yield improved insights about the inherent risk evolution in a joint time-frequency fashion. Nevertheless, the great majority of risk managers make no explicit distinction between the information captured by patterns of different frequency content, while relying on the full time-resolution data, regardless of the trading horizon. To address this problem, a novel value-at-risk (VaR) quantification method is proposed, which combines nonlinearly the time-evolving energy profile of returns series at multiple frequency scales, determined by the predefined trading horizon. Most importantly, our proposed method can be coupled with any quantile-based risk measure to enhance its performance. Experimental evaluation with real data reveals an increased robustness of our method in efficiently controlling under-/over-estimated VaR values.
量化风险对每个金融机构来说都是至关重要的,时间维度是所有完善的风险度量的关键方面。然而,利用金融数据传达的频率信息,可以在联合时-频方式下对固有风险演变产生更好的见解。然而,绝大多数风险管理人员没有明确区分由不同频率内容的模式捕获的信息,而依赖于完整的时间分辨率数据,而不考虑交易范围。为了解决这一问题,提出了一种新的风险价值(VaR)量化方法,该方法将由预先确定的交易水平决定的多个频率尺度上收益序列的时间演化能量曲线非线性地组合在一起。最重要的是,我们提出的方法可以与任何基于分位数的风险度量相结合,以提高其性能。用真实数据进行的实验评估表明,我们的方法在有效控制低估/高估VaR值方面具有更高的鲁棒性。
{"title":"Nonparametric Adaptive Value-at-Risk Quantification Based on the Multiscale Energy Distribution of Asset Returns","authors":"G. Tzagkarakis, F. Maurer, T. Dionysopoulos","doi":"10.23919/Eusipco47968.2020.9287568","DOIUrl":"https://doi.org/10.23919/Eusipco47968.2020.9287568","url":null,"abstract":"Quantifying risk is pivotal for every financial institution, with the temporal dimension being the key aspect for all the well-established risk measures. However, exploiting the frequency information conveyed by financial data, could yield improved insights about the inherent risk evolution in a joint time-frequency fashion. Nevertheless, the great majority of risk managers make no explicit distinction between the information captured by patterns of different frequency content, while relying on the full time-resolution data, regardless of the trading horizon. To address this problem, a novel value-at-risk (VaR) quantification method is proposed, which combines nonlinearly the time-evolving energy profile of returns series at multiple frequency scales, determined by the predefined trading horizon. Most importantly, our proposed method can be coupled with any quantile-based risk measure to enhance its performance. Experimental evaluation with real data reveals an increased robustness of our method in efficiently controlling under-/over-estimated VaR values.","PeriodicalId":6705,"journal":{"name":"2020 28th European Signal Processing Conference (EUSIPCO)","volume":"15 1","pages":"2393-2397"},"PeriodicalIF":0.0,"publicationDate":"2021-01-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"82517821","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Phase-coherent multichannel SDR - Sparse array beamforming 相参多通道SDR -稀疏阵列波束形成
Pub Date : 2021-01-24 DOI: 10.23919/Eusipco47968.2020.9287664
M. Laakso, Robin Rajamäki, R. Wichman, V. Koivunen
We introduce a modular and affordable coherent multichannel software-defined radio (SDR) receiver and demonstrate its performance by direction-of-arrival (DOA) estimation on signals collected from a 7 X 3 element uniform rectangular array antenna, comparing the results between the full and sparse arrays. Sparse sensor arrays can reach the resolution of a fully populated array with reduced number of elements, which relaxes the required structural complexity of e.g. antenna arrays. Moreover, sparse arrays facilitate significant cost reduction since fewer expensive RF-IF front ends are needed. Results from the collected data set are analyzed with Multiple Signal Classification (MUSIC) DOA estimator. Generally, the sparse array estimates agree with the full array.
介绍了一种模块化且价格合理的相干多通道软件定义无线电(SDR)接收机,并通过对从7 × 3单元均匀矩形阵列天线收集的信号进行到达方向(DOA)估计来演示其性能,比较了满阵列和稀疏阵列的结果。稀疏传感器阵列可以通过减少元素数量达到完全填充阵列的分辨率,从而降低了天线阵列等所需的结构复杂性。此外,稀疏阵列有助于显著降低成本,因为需要更少的昂贵RF-IF前端。用多信号分类(MUSIC) DOA估计器对采集数据集的结果进行分析。通常,稀疏阵列的估计与全阵列的估计一致。
{"title":"Phase-coherent multichannel SDR - Sparse array beamforming","authors":"M. Laakso, Robin Rajamäki, R. Wichman, V. Koivunen","doi":"10.23919/Eusipco47968.2020.9287664","DOIUrl":"https://doi.org/10.23919/Eusipco47968.2020.9287664","url":null,"abstract":"We introduce a modular and affordable coherent multichannel software-defined radio (SDR) receiver and demonstrate its performance by direction-of-arrival (DOA) estimation on signals collected from a 7 X 3 element uniform rectangular array antenna, comparing the results between the full and sparse arrays. Sparse sensor arrays can reach the resolution of a fully populated array with reduced number of elements, which relaxes the required structural complexity of e.g. antenna arrays. Moreover, sparse arrays facilitate significant cost reduction since fewer expensive RF-IF front ends are needed. Results from the collected data set are analyzed with Multiple Signal Classification (MUSIC) DOA estimator. Generally, the sparse array estimates agree with the full array.","PeriodicalId":6705,"journal":{"name":"2020 28th European Signal Processing Conference (EUSIPCO)","volume":"31 1","pages":"1856-1860"},"PeriodicalIF":0.0,"publicationDate":"2021-01-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"78319010","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 4
Evaluation of Zero Frequency Filtering based Method for Multi-pitch Streaming of Concurrent Speech Signals 基于零频率滤波的多基音并发语音信号流处理方法评价
Pub Date : 2021-01-24 DOI: 10.23919/Eusipco47968.2020.9287322
Mariem Bouafif Mansali, Tomas Bäckström, Z. Lachiri
Multiple pitch streaming from a mixture is a challenging problem for signal processing and especially for speech separation. In this paper, we use a Zero frequency filtering (ZFF) based new system to stream pitch of multiple concurrent speakers. We propose a workflow to estimate pitch values of all sources in each single frame then streaming them into trajectories, each corresponding to a distinct source. The method consists of detecting and localizing the involved speakers in a mixture, followed by a ZFF based approach where involved speakers’ pitches are iteratively streamed from the observed mixture. The robustness of the proposed system is tested over two, and three overlapping speech mixtures collected in reverberant environment. The results indicate that our proposal brings ZFF to a competitive level with another recently proposed streaming approach.
从混合音中提取多基音流是信号处理特别是语音分离中的一个具有挑战性的问题。本文采用一种基于零频率滤波(ZFF)的新系统对多个并发扬声器的音高进行流处理。我们提出了一个工作流来估计每一帧中所有源的音高值,然后将它们流到轨迹中,每个轨迹对应于一个不同的源。该方法包括检测和定位混合中涉及的说话者,然后是基于ZFF的方法,其中涉及的说话者的音高从观察到的混合物中迭代流。通过在混响环境中采集的两个和三个重叠语音混合,测试了该系统的鲁棒性。结果表明,我们的提议使ZFF与最近提出的另一种流媒体方法具有竞争力。
{"title":"Evaluation of Zero Frequency Filtering based Method for Multi-pitch Streaming of Concurrent Speech Signals","authors":"Mariem Bouafif Mansali, Tomas Bäckström, Z. Lachiri","doi":"10.23919/Eusipco47968.2020.9287322","DOIUrl":"https://doi.org/10.23919/Eusipco47968.2020.9287322","url":null,"abstract":"Multiple pitch streaming from a mixture is a challenging problem for signal processing and especially for speech separation. In this paper, we use a Zero frequency filtering (ZFF) based new system to stream pitch of multiple concurrent speakers. We propose a workflow to estimate pitch values of all sources in each single frame then streaming them into trajectories, each corresponding to a distinct source. The method consists of detecting and localizing the involved speakers in a mixture, followed by a ZFF based approach where involved speakers’ pitches are iteratively streamed from the observed mixture. The robustness of the proposed system is tested over two, and three overlapping speech mixtures collected in reverberant environment. The results indicate that our proposal brings ZFF to a competitive level with another recently proposed streaming approach.","PeriodicalId":6705,"journal":{"name":"2020 28th European Signal Processing Conference (EUSIPCO)","volume":"5 1","pages":"286-290"},"PeriodicalIF":0.0,"publicationDate":"2021-01-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"78400381","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 0
Towards Finite-Time Consensus with Graph Convolutional Neural Networks 图卷积神经网络的有限时间一致性研究
Pub Date : 2021-01-24 DOI: 10.23919/Eusipco47968.2020.9287610
Bianca Iancu, E. Isufi
This work proposes a learning framework for distributed finite-time consensus with graph convolutional neural networks (GCNNs). Consensus is a central problem in distributed and adaptive optimisation, signal processing, and control. We leverage the link between finite-time consensus and graph filters, and between graph filters and GCNNs to study the potential of a readily distributed architecture for reaching consensus. We have found GCNNs outperform classical graph filters for distributed consensus and generalize better to unseen topologies such as distributed networks affected by link losses.
本研究提出了一种基于图卷积神经网络(GCNNs)的分布式有限时间共识学习框架。共识是分布式和自适应优化、信号处理和控制中的核心问题。我们利用有限时间共识和图过滤器之间的联系,以及图过滤器和gcnn之间的联系,来研究一个易于分布的架构在达成共识方面的潜力。我们发现gcnn在分布式共识方面优于经典图过滤器,并且可以更好地推广到不可见的拓扑,例如受链路损失影响的分布式网络。
{"title":"Towards Finite-Time Consensus with Graph Convolutional Neural Networks","authors":"Bianca Iancu, E. Isufi","doi":"10.23919/Eusipco47968.2020.9287610","DOIUrl":"https://doi.org/10.23919/Eusipco47968.2020.9287610","url":null,"abstract":"This work proposes a learning framework for distributed finite-time consensus with graph convolutional neural networks (GCNNs). Consensus is a central problem in distributed and adaptive optimisation, signal processing, and control. We leverage the link between finite-time consensus and graph filters, and between graph filters and GCNNs to study the potential of a readily distributed architecture for reaching consensus. We have found GCNNs outperform classical graph filters for distributed consensus and generalize better to unseen topologies such as distributed networks affected by link losses.","PeriodicalId":6705,"journal":{"name":"2020 28th European Signal Processing Conference (EUSIPCO)","volume":"22 1","pages":"2145-2149"},"PeriodicalIF":0.0,"publicationDate":"2021-01-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"78504572","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 3
One-Class based learning for Hybrid Spectrum Sensing in Cognitive Radio 基于一类学习的认知无线电混合频谱感知
Pub Date : 2021-01-24 DOI: 10.23919/Eusipco47968.2020.9287326
M. Jaber, A. Nasser, N. Charara, A. Mansour, K. Yao
The main aim of the Spectrum Sensing (SS) in a Cognitive Radio system is to distinguish between the binary hypotheses H0: Primary User (PU) is absent and H1: PU is active. In this paper, Machine Learning (ML)-based hybrid Spectrum Sensing (SS) scheme is proposed. The scattering of the Test Statistics (TSs) of two detectors is used in the learning and prediction phases. As the SS decision is binary, the proposed scheme requires the learning of only the boundaries of H0-class in order to make a decision on the PU status: active or idle. Thus, a set of data generated under H0 hypothesis is used to train the detection system. Accordingly, unlike the existing ML-based schemes of the literature, no PU statistical parameters are required. In order to discriminate between H0-class and elsewhere, we used a one-class classification approach that is inspired by the Isolation Forest algorithm. Extensive simulations are done in order to investigate the efficiency of such hybrid SS and the impact of the novelty detection model parameters on the detection performance. Indeed, these simulations corroborate the efficiency of the proposed one-class learning of the hybrid SS system.
认知无线电系统中频谱感知(SS)的主要目的是区分二元假设H0:主用户(PU)不存在和H1:主用户活跃。提出了一种基于机器学习(ML)的混合频谱感知(SS)方案。在学习和预测阶段利用了两个检测器的测试统计量的散射。由于SS决策是二元的,因此所提出的方案只需要学习h0类的边界,就可以决定PU的状态是活动还是空闲。因此,使用在H0假设下产生的一组数据来训练检测系统。因此,与文献中现有的基于ml的方案不同,不需要PU统计参数。为了区分h0级和其他级别,我们使用了受隔离森林算法启发的单类分类方法。为了研究这种混合SS的效率以及新颖性检测模型参数对检测性能的影响,进行了大量的仿真研究。实际上,这些仿真验证了所提出的混合SS系统单类学习的有效性。
{"title":"One-Class based learning for Hybrid Spectrum Sensing in Cognitive Radio","authors":"M. Jaber, A. Nasser, N. Charara, A. Mansour, K. Yao","doi":"10.23919/Eusipco47968.2020.9287326","DOIUrl":"https://doi.org/10.23919/Eusipco47968.2020.9287326","url":null,"abstract":"The main aim of the Spectrum Sensing (SS) in a Cognitive Radio system is to distinguish between the binary hypotheses H0: Primary User (PU) is absent and H1: PU is active. In this paper, Machine Learning (ML)-based hybrid Spectrum Sensing (SS) scheme is proposed. The scattering of the Test Statistics (TSs) of two detectors is used in the learning and prediction phases. As the SS decision is binary, the proposed scheme requires the learning of only the boundaries of H0-class in order to make a decision on the PU status: active or idle. Thus, a set of data generated under H0 hypothesis is used to train the detection system. Accordingly, unlike the existing ML-based schemes of the literature, no PU statistical parameters are required. In order to discriminate between H0-class and elsewhere, we used a one-class classification approach that is inspired by the Isolation Forest algorithm. Extensive simulations are done in order to investigate the efficiency of such hybrid SS and the impact of the novelty detection model parameters on the detection performance. Indeed, these simulations corroborate the efficiency of the proposed one-class learning of the hybrid SS system.","PeriodicalId":6705,"journal":{"name":"2020 28th European Signal Processing Conference (EUSIPCO)","volume":"1 1","pages":"1683-1686"},"PeriodicalIF":0.0,"publicationDate":"2021-01-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"77083788","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 2
CNN-based Note Onset Detection using Synthetic Data Augmentation 基于cnn的基于合成数据增强的音符起始检测
Pub Date : 2021-01-24 DOI: 10.23919/Eusipco47968.2020.9287621
Mina Mounir, P. Karsmakers, T. Waterschoot
Detecting the onset of notes in music excerpts is a fundamental problem in many music signal processing tasks, including analysis, synthesis, and information retrieval. When addressing the note onset detection (NOD) problem using a data-driven methodology, a major challenge is the availability and quality of labeled datasets used for both model training/tuning and evaluation. As most of the available datasets are manually annotated, the amount of annotated music excerpts is limited and the annotation strategy and quality varies across data sets. To counter both problems, in this paper we propose to use semi-synthetic datasets where the music excerpts are mixes of isolated note recordings. The advantage resides in the annotations being automatically generated while mixing the notes, as isolated note onsets are straightforward to detect using a simple energy measure. A semi-synthetic dataset is used in this work for augmenting a real piano dataset when training a convolutional Neural Network (CNN) with three novel model training strategies. Training the CNN on a semi-synthetic dataset and retraining only the CNN classification layers on a real dataset results in higher average F1-score (F1) scores with lower variance.
在许多音乐信号处理任务中,包括分析、合成和信息检索,检测音乐片段中音符的开始是一个基本问题。当使用数据驱动的方法解决音符起始检测(NOD)问题时,主要的挑战是用于模型训练/调优和评估的标记数据集的可用性和质量。由于大多数可用的数据集都是手动注释的,因此注释的音乐节选数量有限,并且注释策略和质量因数据集而异。为了解决这两个问题,在本文中,我们建议使用半合成数据集,其中音乐摘录是孤立音符录音的混合。它的优点在于,注释是在混合音符时自动生成的,因为使用简单的能量度量可以直接检测到孤立的音符发作。本研究使用半合成数据集来增强真实钢琴数据集,并使用三种新颖的模型训练策略训练卷积神经网络(CNN)。在半合成数据集上训练CNN,在真实数据集上只训练CNN分类层,结果是平均F1得分更高,方差更小。
{"title":"CNN-based Note Onset Detection using Synthetic Data Augmentation","authors":"Mina Mounir, P. Karsmakers, T. Waterschoot","doi":"10.23919/Eusipco47968.2020.9287621","DOIUrl":"https://doi.org/10.23919/Eusipco47968.2020.9287621","url":null,"abstract":"Detecting the onset of notes in music excerpts is a fundamental problem in many music signal processing tasks, including analysis, synthesis, and information retrieval. When addressing the note onset detection (NOD) problem using a data-driven methodology, a major challenge is the availability and quality of labeled datasets used for both model training/tuning and evaluation. As most of the available datasets are manually annotated, the amount of annotated music excerpts is limited and the annotation strategy and quality varies across data sets. To counter both problems, in this paper we propose to use semi-synthetic datasets where the music excerpts are mixes of isolated note recordings. The advantage resides in the annotations being automatically generated while mixing the notes, as isolated note onsets are straightforward to detect using a simple energy measure. A semi-synthetic dataset is used in this work for augmenting a real piano dataset when training a convolutional Neural Network (CNN) with three novel model training strategies. Training the CNN on a semi-synthetic dataset and retraining only the CNN classification layers on a real dataset results in higher average F1-score (F1) scores with lower variance.","PeriodicalId":6705,"journal":{"name":"2020 28th European Signal Processing Conference (EUSIPCO)","volume":"89 1","pages":"171-175"},"PeriodicalIF":0.0,"publicationDate":"2021-01-24","publicationTypes":"Journal Article","fieldsOfStudy":null,"isOpenAccess":false,"openAccessPdf":"","citationCount":null,"resultStr":null,"platform":"Semanticscholar","paperid":"74046757","PeriodicalName":null,"FirstCategoryId":null,"ListUrlMain":null,"RegionNum":0,"RegionCategory":"","ArticlePicture":[],"TitleCN":null,"AbstractTextCN":null,"PMCID":"","EPubDate":null,"PubModel":null,"JCR":null,"JCRName":null,"Score":null,"Total":0}
引用次数: 2
期刊
2020 28th European Signal Processing Conference (EUSIPCO)
全部 Acc. Chem. Res. ACS Applied Bio Materials ACS Appl. Electron. Mater. ACS Appl. Energy Mater. ACS Appl. Mater. Interfaces ACS Appl. Nano Mater. ACS Appl. Polym. Mater. ACS BIOMATER-SCI ENG ACS Catal. ACS Cent. Sci. ACS Chem. Biol. ACS Chemical Health & Safety ACS Chem. Neurosci. ACS Comb. Sci. ACS Earth Space Chem. ACS Energy Lett. ACS Infect. Dis. ACS Macro Lett. ACS Mater. Lett. ACS Med. Chem. Lett. ACS Nano ACS Omega ACS Photonics ACS Sens. ACS Sustainable Chem. Eng. ACS Synth. Biol. Anal. Chem. BIOCHEMISTRY-US Bioconjugate Chem. BIOMACROMOLECULES Chem. Res. Toxicol. Chem. Rev. Chem. Mater. CRYST GROWTH DES ENERG FUEL Environ. Sci. Technol. Environ. Sci. Technol. Lett. Eur. J. Inorg. Chem. IND ENG CHEM RES Inorg. Chem. J. Agric. Food. Chem. J. Chem. Eng. Data J. Chem. Educ. J. Chem. Inf. Model. J. Chem. Theory Comput. J. Med. Chem. J. Nat. Prod. J PROTEOME RES J. Am. Chem. Soc. LANGMUIR MACROMOLECULES Mol. Pharmaceutics Nano Lett. Org. Lett. ORG PROCESS RES DEV ORGANOMETALLICS J. Org. Chem. J. Phys. Chem. J. Phys. Chem. A J. Phys. Chem. B J. Phys. Chem. C J. Phys. Chem. Lett. Analyst Anal. Methods Biomater. Sci. Catal. Sci. Technol. Chem. Commun. Chem. Soc. Rev. CHEM EDUC RES PRACT CRYSTENGCOMM Dalton Trans. Energy Environ. Sci. ENVIRON SCI-NANO ENVIRON SCI-PROC IMP ENVIRON SCI-WAT RES Faraday Discuss. Food Funct. Green Chem. Inorg. Chem. Front. Integr. Biol. J. Anal. At. Spectrom. J. Mater. Chem. A J. Mater. Chem. B J. Mater. Chem. C Lab Chip Mater. Chem. Front. Mater. Horiz. MEDCHEMCOMM Metallomics Mol. Biosyst. Mol. Syst. Des. Eng. Nanoscale Nanoscale Horiz. Nat. Prod. Rep. New J. Chem. Org. Biomol. Chem. Org. Chem. Front. PHOTOCH PHOTOBIO SCI PCCP Polym. Chem.
×
引用
GB/T 7714-2015
复制
MLA
复制
APA
复制
导出至
BibTeX EndNote RefMan NoteFirst NoteExpress
×
0
微信
客服QQ
Book学术公众号 扫码关注我们
反馈
×
意见反馈
请填写您的意见或建议
请填写您的手机或邮箱
×
提示
您的信息不完整,为了账户安全,请先补充。
现在去补充
×
提示
您因"违规操作"
具体请查看互助需知
我知道了
×
提示
现在去查看 取消
×
提示
确定
Book学术官方微信
Book学术文献互助
Book学术文献互助群
群 号:481959085
Book学术
文献互助 智能选刊 最新文献 互助须知 联系我们:info@booksci.cn
Book学术提供免费学术资源搜索服务,方便国内外学者检索中英文文献。致力于提供最便捷和优质的服务体验。
Copyright © 2023 Book学术 All rights reserved.
ghs 京公网安备 11010802042870号 京ICP备2023020795号-1