期刊文献+
共找到1,036篇文章
< 1 2 52 >
每页显示 20 50 100
Turbo Message Passing Based Burst Interference Cancellation for Data Detection in Massive MIMO-OFDM Systems
1
作者 Wenjun Jiang Zhihao Ou +1 位作者 Xiaojun Yuan Li Wang 《China Communications》 SCIE CSCD 2024年第2期143-154,共12页
This paper investigates the fundamental data detection problem with burst interference in massive multiple-input multiple-output orthogonal frequency division multiplexing(MIMO-OFDM) systems. In particular, burst inte... This paper investigates the fundamental data detection problem with burst interference in massive multiple-input multiple-output orthogonal frequency division multiplexing(MIMO-OFDM) systems. In particular, burst interference may occur only on data symbols but not on pilot symbols, which means that interference information cannot be premeasured. To cancel the burst interference, we first revisit the uplink multi-user system and develop a matrixform system model, where the covariance pattern and the low-rank property of the interference matrix is discussed. Then, we propose a turbo message passing based burst interference cancellation(TMP-BIC) algorithm to solve the data detection problem, where the constellation information of target data is fully exploited to refine its estimate. Furthermore, in the TMP-BIC algorithm, we design one module to cope with the interference matrix by exploiting its lowrank property. Numerical results demonstrate that the proposed algorithm can effectively mitigate the adverse effects of burst interference and approach the interference-free bound. 展开更多
关键词 burst interference cancellation data detection massive multiple-input multiple-output(MIMO) message passing orthogonal frequency division multiplexing(OFDM)
下载PDF
Vector Approximate Message Passing with Sparse Bayesian Learning for Gaussian Mixture Prior 被引量:2
2
作者 Chengyao Ruan Zaichen Zhang +3 位作者 Hao Jiang Jian Dang Liang Wu Hongming Zhang 《China Communications》 SCIE CSCD 2023年第5期57-69,共13页
Compressed sensing(CS)aims for seeking appropriate algorithms to recover a sparse vector from noisy linear observations.Currently,various Bayesian-based algorithms such as sparse Bayesian learning(SBL)and approximate ... Compressed sensing(CS)aims for seeking appropriate algorithms to recover a sparse vector from noisy linear observations.Currently,various Bayesian-based algorithms such as sparse Bayesian learning(SBL)and approximate message passing(AMP)based algorithms have been proposed.For SBL,it has accurate performance with robustness while its computational complexity is high due to matrix inversion.For AMP,its performance is guaranteed by the severe restriction of the measurement matrix,which limits its application in solving CS problem.To overcome the drawbacks of the above algorithms,in this paper,we present a low complexity algorithm for the single linear model that incorporates the vector AMP(VAMP)into the SBL structure with expectation maximization(EM).Specifically,we apply the variance auto-tuning into the VAMP to implement the E step in SBL,which decrease the iterations that require to converge compared with VAMP-EM algorithm when using a Gaussian mixture(GM)prior.Simulation results show that the proposed algorithm has better performance with high robustness under various cases of difficult measurement matrices. 展开更多
关键词 sparse Bayesian learning approximate message passing compressed sensing expectation propagation
下载PDF
Parametric message passing-based relative navigation in joint tactical information distribution system 被引量:1
3
作者 Nan Wu Bin Li +2 位作者 Hua Wang Liang Hou Jingming Kuang 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2016年第1期81-89,共9页
Relative navigation is a key feature in the joint tactical information distribution system(JTIDS).A parametric message passing algorithm based on factor graph is proposed to perform relative navigation in JTIDS.Firs... Relative navigation is a key feature in the joint tactical information distribution system(JTIDS).A parametric message passing algorithm based on factor graph is proposed to perform relative navigation in JTIDS.First of all,the joint posterior distribution of all the terminals' positions is represented by factor graph.Because of the nonlinearity between the positions and time-of-arrival(TOA) measurement,messages cannot be obtained in closed forms by directly using the sum-product algorithm on factor graph.To this end,the Euclidean norm is approximated by Taylor expansion.Then,all the messages on the factor graph can be derived in Gaussian forms,which enables the terminals to transmit means and covariances.Finally,the impact of major error sources on the navigation performance are evaluated by Monte Carlo simulations,e.g.,range measurement noise,priors of position uncertainty and velocity noise.Results show that the proposed algorithm outperforms the extended Kalman filter and cooperative extended Kalman filter in both static and mobile scenarios of the JTIDS. 展开更多
关键词 joint tactical information distribution system(JTIDS) relative navigation parametric message passing factor graph.
下载PDF
Static Analysis Techniques for Fixing Software Defects in MPI-Based Parallel Programs
4
作者 Norah Abdullah Al-Johany Sanaa Abdullah Sharaf +1 位作者 Fathy Elbouraey Eassa Reem Abdulaziz Alnanih 《Computers, Materials & Continua》 SCIE EI 2024年第5期3139-3173,共35页
The Message Passing Interface (MPI) is a widely accepted standard for parallel computing on distributed memorysystems.However, MPI implementations can contain defects that impact the reliability and performance of par... The Message Passing Interface (MPI) is a widely accepted standard for parallel computing on distributed memorysystems.However, MPI implementations can contain defects that impact the reliability and performance of parallelapplications. Detecting and correcting these defects is crucial, yet there is a lack of published models specificallydesigned for correctingMPI defects. To address this, we propose a model for detecting and correcting MPI defects(DC_MPI), which aims to detect and correct defects in various types of MPI communication, including blockingpoint-to-point (BPTP), nonblocking point-to-point (NBPTP), and collective communication (CC). The defectsaddressed by the DC_MPI model include illegal MPI calls, deadlocks (DL), race conditions (RC), and messagemismatches (MM). To assess the effectiveness of the DC_MPI model, we performed experiments on a datasetconsisting of 40 MPI codes. The results indicate that the model achieved a detection rate of 37 out of 40 codes,resulting in an overall detection accuracy of 92.5%. Additionally, the execution duration of the DC_MPI modelranged from 0.81 to 1.36 s. These findings show that the DC_MPI model is useful in detecting and correctingdefects in MPI implementations, thereby enhancing the reliability and performance of parallel applications. TheDC_MPImodel fills an important research gap and provides a valuable tool for improving the quality ofMPI-basedparallel computing systems. 展开更多
关键词 High-performance computing parallel computing software engineering software defect message passing interface DEADLOCK
下载PDF
一种基于Message Passing的并行程序设计技术 被引量:1
5
作者 温钰洪 王鼎兴 +1 位作者 沈美明 郑纬民 《小型微型计算机系统》 CSCD 北大核心 1995年第5期7-13,共7页
本文首先分析介绍构造并行计算机系统的两种方法:Multiprocessors和Multicomputers,然后介绍一种Multicomputers并行计算机系统中基于messagepassing的并行程序设计环境以... 本文首先分析介绍构造并行计算机系统的两种方法:Multiprocessors和Multicomputers,然后介绍一种Multicomputers并行计算机系统中基于messagepassing的并行程序设计环境以及并行程序设计方法,它具有程序设计简单、直观等特点,易于构造程序模型,并能获得较好的加速比。 展开更多
关键词 程序设计 并行程序 并行计算机
下载PDF
基于Message Passing的并行编程环境 被引量:2
6
作者 刘欣然 胡铭曾 《计算机工程》 EI CAS CSCD 北大核心 1997年第5期17-20,共4页
在分布式并行计算机系统中,由于处理机间无共事内存,因此采用了MessagePassins方式实现处理机间的通信.文中讨论了基于MessagePassing把的并行编程环境所应具备的特点,然后介绍几种被人们普遍接受的并行编程环境.
关键词 消息传递 并行编程 并行计算机
下载PDF
一种基于Message Passing的并行程序设计环境
7
作者 温钰洪 沈美明 +1 位作者 王鼎兴 郑纬民 《软件学报》 EI CSCD 北大核心 1995年第11期647-654,共8页
并行处理技术的发展使得高性能的并行计算机系统不断地推出,而方便、灵活的并行程序设计环境在并行计算机系统的推广应用中起着重要的作用。如何编写有效的并行程序代码以及如何将现有的串行应用程序并行化已成为并行处理的重要研究课题。
关键词 并行程序 程序设计环境 并行处理 并行计算机
下载PDF
基于Message Passing的认知无线电快速资源分配 被引量:2
8
作者 支姝婷 徐家品 《无线电工程》 2016年第4期18-22,29,共6页
针对多用户的OFDM认知无线电系统上行链路,提出一种基于Message Passing的分布式快速资源分配算法。该算法以认知系统总发射功率最小化为优化目标,综合考虑了认知用户对授权用户的干扰、总发射功率预算以及认知用户之间的比例公平性等... 针对多用户的OFDM认知无线电系统上行链路,提出一种基于Message Passing的分布式快速资源分配算法。该算法以认知系统总发射功率最小化为优化目标,综合考虑了认知用户对授权用户的干扰、总发射功率预算以及认知用户之间的比例公平性等约束条件,将资源分配分为子信道分配与功率分配相继2个步骤,构建资源分配的因子图,通过在节点间迭代地传递信息直至最终完成分布式的资源分配。分析和仿真结果表明,该算法在保证系统通信性能及资源分配公平性的前提下降低了系统总发射功率,并且运算效率得到了明显提升。 展开更多
关键词 认知无线电 OFDM message passing 资源分配 比例公平
下载PDF
Integration of naval distributed tactical training simulation system based on advanced message queuing protocol 被引量:2
9
作者 柳玉 Wen Jiayan Ji Daqin 《High Technology Letters》 EI CAS 2016年第4期385-394,共10页
Aiming at the problems of unreliable data transmission,poor steadiness,nonsupport of complex data types,direct couple between data transmission and exchange,a high-level method based on advanced message queuing protoc... Aiming at the problems of unreliable data transmission,poor steadiness,nonsupport of complex data types,direct couple between data transmission and exchange,a high-level method based on advanced message queuing protocol( AMQP) is proposed to integrate naval distributed tactical training simulation system after serious consideration with current information exchange features of military combat system. Transferring layer in traditional user datagram protocol is implemented by publishing and subscribing scheme of message middleware. By creating message model to standardize message structure,integration architecture is formulated to resolve potential information security risks from inconsistent data type and express data transmission. Meanwhile,a communication model is put forward based on AMQP,which is in the center position of the whole transmission framework and responsible for reliably transferring battlefield data among subsystems. Experiments show that the method can accurately post amounts of data to the subscriber without error and loss,and can get excellent real-time performance of data exchange. 展开更多
关键词 tactical simulation message middleware advanced message queuing protocol(AMQP) software architecture distributed interactive simulation
下载PDF
QIM digital watermarkingbased on LDPC code and messagepassingunder scalingattacks
10
作者 崔鑫 颜斌 +1 位作者 贾霞 王亚菲 《Journal of Measurement Science and Instrumentation》 CAS 2014年第1期37-40,共4页
Watermarking system based on quantization index modulation (QIM) is increasingly popular in high payload applications,but it is inherently fragile against amplitude scaling attacks.In order to resist desynchronizati... Watermarking system based on quantization index modulation (QIM) is increasingly popular in high payload applications,but it is inherently fragile against amplitude scaling attacks.In order to resist desynchronization attacks of QIM digital watermarking,a low density parity check (LDPC) code-aided QIM watermarking algorithm is proposed,and the performance of QIM watermarking system can be improved by incorporating LDPC code with message passing estimation/detection framework.Using the theory of iterative estimation and decoding,the watermark signal is decoded by the proposed algorithm through iterative estimation of amplitude scaling parameters and decoding of watermark.The performance of the proposed algorithm is closer to the dirty paper Shannon limit than that of repetition code aided algorithm when the algorithm is attacked by the additive white Gaussian noise.For constant amplitude scaling attacks,the proposed algorithm can obtain the accurate estimation of amplitude scaling parameters.The simulation result shows that the algorithm can obtain similar performance compared to the algorithm without desynchronization. 展开更多
关键词 digital watermarking quantization index modulation (QIM) message passing algorithm based on factor graph low density parity check (LDPC) code amplitude scaling attack
下载PDF
Efficient Recovery of Structured Sparse Signals via Approximate Message Passing with Structured Spike and Slab Prior 被引量:2
11
作者 Xiangming Meng Sheng Wu +2 位作者 Michael Riis ANDersen Jiang Zhu Zuyao Ni 《China Communications》 SCIE CSCD 2018年第6期1-17,共17页
Due to limited volume, weight and power consumption, micro-satellite has to reduce data transmission and storage capacity by image compression when performs earth observation missions. However, the quality of images m... Due to limited volume, weight and power consumption, micro-satellite has to reduce data transmission and storage capacity by image compression when performs earth observation missions. However, the quality of images may be unsatisfied. This paper considers the problem of recovering sparse signals by exploiting their unknown sparsity pattern. To model structured sparsity, the prior correlation of the support is encoded by imposing a transformed Gaussian process on the spike and slab probabilities. Then, an efficient approximate message-passing algorithm with structured spike and slab prior is derived for posterior inference, which, combined with a fast direct method, reduces the computational complexity significantly. Further, a unified scheme is developed to learn the hyperparameters using expectation maximization(EM) and Bethe free energy optimization. Simulation results on both synthetic and real data demonstrate the superiority of the proposed algorithm. 展开更多
关键词 compressed sensing structuredsparsity spike and slab prior approximate message passing expectation propagation
下载PDF
Speech Enhancement Based on Approximate Message Passing 被引量:1
12
作者 Chao Li Ting Jiang Sheng Wu 《China Communications》 SCIE CSCD 2020年第8期187-198,共12页
To overcome the limitations of conventional speech enhancement methods, such as inaccurate voice activity detector(VAD) and noise estimation, a novel speech enhancement algorithm based on the approximate message passi... To overcome the limitations of conventional speech enhancement methods, such as inaccurate voice activity detector(VAD) and noise estimation, a novel speech enhancement algorithm based on the approximate message passing(AMP) is adopted. AMP exploits the difference between speech and noise sparsity to remove or mute the noise from the corrupted speech. The AMP algorithm is adopted to reconstruct the clean speech efficiently for speech enhancement. More specifically, the prior probability distribution of speech sparsity coefficient is characterized by Gaussian-model, and the hyper-parameters of the prior model are excellently learned by expectation maximization(EM) algorithm. We utilize the k-nearest neighbor(k-NN) algorithm to learn the sparsity with the fact that the speech coefficients between adjacent frames are correlated. In addition, computational simulations are used to validate the proposed algorithm, which achieves better speech enhancement performance than other four baseline methods-Wiener filtering, subspace pursuit(SP), distributed sparsity adaptive matching pursuit(DSAMP), and expectation-maximization Gaussian-model approximate message passing(EM-GAMP) under different compression ratios and a wide range of signal to noise ratios(SNRs). 展开更多
关键词 speech enhancement approximate message passing Gaussian model expectation maximization algorithm
下载PDF
Thread-Oriented Message-Passing Interface
13
作者 Tong Weiqin Zhou Qinghua Gu Zhikui (School of Computer Engineering and Science) 《Advances in Manufacturing》 SCIE CAS 1998年第1期62-64,69,共4页
In this paper the limitations of the standard Message Passing Interface (MPI) are analyzed, then the technique of multithreading is introduced and a stand alone LWP (light weight process) extension to MPI is impleme... In this paper the limitations of the standard Message Passing Interface (MPI) are analyzed, then the technique of multithreading is introduced and a stand alone LWP (light weight process) extension to MPI is implemented. Experimental results show that system overhead is considerably diminished. 展开更多
关键词 THREAD message passing PERFORMANCE
下载PDF
A Message-array-based Mechanism for Tracking Control Effects in Supervisory Control Software
14
作者 Qi-Liang Yang Jian-Chun Xing Ping Wang 《International Journal of Automation and computing》 EI 2011年第1期83-91,共9页
Supervisory control is a very popular paradigm for computer-controlled systems. Knowledge and tracking the control effect of every control operation is crucial to the control tasks. In the paper, we present a message-... Supervisory control is a very popular paradigm for computer-controlled systems. Knowledge and tracking the control effect of every control operation is crucial to the control tasks. In the paper, we present a message-array-based mechanism to track control effects in supervisory control software. A novel data type, message array, is designed to efficiently support this tracking mechanism. The operation algorithms, adding algorithm (AA), removing algorithm (RA), and scheduler algorithm (SA) are proposed to operate the tracking messages in message array, which forms the special first input X output (FIXO) strategy of message array. Automatically tracking, recording, and rolling back are the characteristics of our tracking mechanism. We implement this messagearray-based mechanism on the famous human machine interface (HMI) software platform-proficy iFix, and construct experiments to evaluate the performance of the mechanism in various cases. The results show our mechanism can be well satisfied with supervisory control software. 展开更多
关键词 Supervisory control software message array TRACKING control effects computer-controlled system.
下载PDF
Message Passing Based Detection for Orthogonal Time Frequency Space Modulation
15
作者 YUAN Zhengdao LIU Fei +1 位作者 GUO Qinghua WANG Zhongyong 《ZTE Communications》 2021年第4期34-44,共11页
The orthogonal time frequency space(OTFS)modulation has emerged as a promis⁃ing modulation scheme for wireless communications in high-mobility scenarios.An efficient detector is of paramount importance to harvesting t... The orthogonal time frequency space(OTFS)modulation has emerged as a promis⁃ing modulation scheme for wireless communications in high-mobility scenarios.An efficient detector is of paramount importance to harvesting the time and frequency diversities promised by OTFS.Recently,some message passing based detectors have been developed by exploiting the features of the OTFS channel matrices.In this paper,we provide an overview of some re⁃cent message passing based OTFS detectors,compare their performance,and shed some light on potential research on the design of message passing based OTFS receivers. 展开更多
关键词 OTFS DETECTION message passing belief propagation approximate message pass⁃ing(AMP) unitary AMP(UAMP)
下载PDF
UAMP-Based Delay-Doppler Channel Estimation for OTFS Systems
16
作者 Zhongjie Li Weijie Yuan +2 位作者 Qinghua Guo Nan Wu Ji Zhang 《China Communications》 SCIE CSCD 2023年第10期70-84,共15页
Orthogonal time frequency space(OTFS)technique,which modulates data symbols in the delay-Doppler(DD)domain,presents a potential solution for supporting reliable information transmission in highmobility vehicular netwo... Orthogonal time frequency space(OTFS)technique,which modulates data symbols in the delay-Doppler(DD)domain,presents a potential solution for supporting reliable information transmission in highmobility vehicular networks.In this paper,we study the issues of DD channel estimation for OTFS in the presence of fractional Doppler.We first propose a channel estimation algorithm with both low complexity and high accuracy based on the unitary approximate message passing(UAMP),which exploits the structured sparsity of the effective DD domain channel using hidden Markov model(HMM).The empirical state evolution(SE)analysis is then leveraged to predict the performance of our proposed algorithm.To refine the hyperparameters in the proposed algorithm,we derive the update criterion for the hyperparameters through the expectation-maximization(EM)algorithm.Finally,Our simulation results demonstrate that our proposed algorithm can achieve a significant gain over various baseline schemes. 展开更多
关键词 orthogonal time frequency space(OTFS) channel estimation hidden Markov model(HMM) unitary approximate message passing(UAMP)
下载PDF
注意力感知的边−节点交换图神经网络模型 被引量:1
17
作者 王瑞琴 黄熠旻 +2 位作者 纪其顺 万超艺 周志峰 《电信科学》 北大核心 2024年第1期106-114,共9页
提出了一种注意力感知的边-节点交换图神经网络(attention aware edge-node exchange graph neural network,AENN)模型,在图结构化数据表示框架下,使用边-节点切换卷积的图神经网络算法进行图编码,用于半监督分类和回归分析。AENN是一... 提出了一种注意力感知的边-节点交换图神经网络(attention aware edge-node exchange graph neural network,AENN)模型,在图结构化数据表示框架下,使用边-节点切换卷积的图神经网络算法进行图编码,用于半监督分类和回归分析。AENN是一种通用的图编码框架,用于将图节点和边嵌入一个统一的潜在特征空间。具体地,基于原始无向图,不断切换边与节点的卷积,并在卷积过程中通过注意力机制分配不同邻居的权重,从而实现特征传播。在3个数据集上的实验研究表明,所提方法较已有方法在半监督分类和回归分析中具有明显的性能提升。 展开更多
关键词 图神经网络 消息传递 注意力机制 超图 边图
下载PDF
基于聚类与稀疏字典学习的近似消息传递
18
作者 司菁菁 王亚茹 +1 位作者 王爱婷 程银波 《燕山大学学报》 CAS 北大核心 2024年第2期157-164,共8页
基于传统字典学习的近似消息传递(approximate message passing,AMP)算法对训练样本数量的需求较高,且运算成本较高。本文引入双稀疏模型,构建基于稀疏字典学习的AMP框架,降低迭代过程中字典学习对训练样本数量的需求,提高压缩感知图像... 基于传统字典学习的近似消息传递(approximate message passing,AMP)算法对训练样本数量的需求较高,且运算成本较高。本文引入双稀疏模型,构建基于稀疏字典学习的AMP框架,降低迭代过程中字典学习对训练样本数量的需求,提高压缩感知图像重建的质量与效率。进一步,提出基于聚类与稀疏字典学习的AMP算法,在迭代过程中依据图像块特征进行分类,并为各类图像块分别学习稀疏字典,实现自适应去噪。与基于传统字典学习的AMP算法相比,基于聚类与稀疏字典学习的AMP算法能够将重建图像的峰值信噪比提高0.20~1.75 dB,并且能够将运算效率平均提高89%。 展开更多
关键词 图像重构 近似消息传递 字典学习 稀疏字典 聚类
下载PDF
可重构智能表面辅助的无源波束成形和信号检测
19
作者 王丹 罗一丹 曹磊 《电讯技术》 北大核心 2024年第6期840-847,共8页
针对基于空间调制的可重构智能表面(Reconfigurable Intelligent Surface, RIS)联合无源波束成形和信号检测系统中无源波束成形的非凸二次约束二次规划问题,提出了基于连续凸逼近(Successive Convex Approximation, SCA)和优化最小化(Ma... 针对基于空间调制的可重构智能表面(Reconfigurable Intelligent Surface, RIS)联合无源波束成形和信号检测系统中无源波束成形的非凸二次约束二次规划问题,提出了基于连续凸逼近(Successive Convex Approximation, SCA)和优化最小化(Majorization-Minimization, MM)的低复杂度算法。针对用户信息的双线性检测问题,提出自适应阻尼因子双线性广义近似消息传递(Bilinear Generalized Approximate Message Passing, BiG-AMP)算法,在保证误码率性能的同时算法具有更快的收敛速度与更低的复杂度。针对仅有0和1组成的可重构智能表面信息检测,提出基于广义近似消息传递(Generalized Approximate Message Passing, GAMP)算法的改进算法,在计算从检查节点到变量节点的消息时算法不使用GAMP算法中近似值,而直接计算信息。仿真结果表明,在降低误码率性能方面改进的GAMP算法比GAMP实现了4 dB的信噪比增益。 展开更多
关键词 可重构智能表面(RIS) 无源波束成形 信号检测 消息传递
下载PDF
基于CGA的MPI程序分支覆盖测试套件生成
20
作者 袁剑锋 刘佳 郭建卫 《计算机技术与发展》 2024年第7期78-86,共9页
针对程序的分支覆盖测试,元启发式搜索技术已经被广泛应用于测试数据生成中。然而,当前的研究成果主要适用于串行程序。因此,为覆盖消息传递接口(Message Passing Interface,MPI)程序的分支,该文研究基于协同进化遗传算法(Co-evolutiona... 针对程序的分支覆盖测试,元启发式搜索技术已经被广泛应用于测试数据生成中。然而,当前的研究成果主要适用于串行程序。因此,为覆盖消息传递接口(Message Passing Interface,MPI)程序的分支,该文研究基于协同进化遗传算法(Co-evolutionary Genetic Algorithm,CGA)的测试套件生成方法(简称为:CGA生成法),该方法具有不受不可行分支影响的优势。首先,基于收集覆盖信息的探针,定义最小归一化分支距离,并以此设计出相应的适应度值函数;然后,使用CGA生成进化个体,并基于设计的适应度值函数,计算这些个体的适应值;最后,基于计算的适应值,选择子种群中代表个体,以构成合作种群。所提CGA生成法应用于7个基准MPI程序,并与其他多种方法进行比较。实验结果表明,CGA生成法的覆盖率通常高于其他搜索算法。 展开更多
关键词 消息传递接口程序 协同进化遗传算法 分支覆盖测试 测试套件生成 适应度值函数
下载PDF
上一页 1 2 52 下一页 到第
使用帮助 返回顶部