期刊文献+
共找到19,746篇文章
< 1 2 250 >
每页显示 20 50 100
基于encoder-decoder框架的城镇污水厂出水水质预测 被引量:1
1
作者 史红伟 陈祺 +1 位作者 王云龙 李鹏程 《中国农村水利水电》 北大核心 2023年第11期93-99,共7页
由于污水厂的出水水质指标繁多、污水处理过程中反应复杂、时序非线性程度高,基于机理模型的预测方法无法取得理想效果。针对此问题,提出基于深度学习的污水厂出水水质预测方法,并以吉林省某污水厂监测水质为来源数据,利用多种结合encod... 由于污水厂的出水水质指标繁多、污水处理过程中反应复杂、时序非线性程度高,基于机理模型的预测方法无法取得理想效果。针对此问题,提出基于深度学习的污水厂出水水质预测方法,并以吉林省某污水厂监测水质为来源数据,利用多种结合encoder-decoder结构的神经网络预测水质。结果显示,所提结构对LSTM和GRU网络预测能力都有一定提升,对长期预测能力提升更加显著,ED-GRU模型效果最佳,短期预测中的4个出水水质指标均方根误差(RMSE)为0.7551、0.2197、0.0734、0.3146,拟合优度(R2)为0.9013、0.9332、0.9167、0.9532,可以预测出水质局部变化,而长期预测中的4个指标RMSE为1.7204、1.7689、0.4478、0.8316,R2为0.4849、0.5507、0.4502、0.7595,可以预测出水质变化趋势,与顺序结构相比,短期预测RMSE降低10%以上,R2增加2%以上,长期预测RMSE降低25%以上,R2增加15%以上。研究结果表明,基于encoder-decoder结构的神经网络可以对污水厂出水水质进行准确预测,为污水处理工艺改进提供技术支撑。 展开更多
关键词 污水厂出水 encoder-decoder 多指标水质预测 GRU模型
下载PDF
基于时空特征融合的Encoder-Decoder多步4D短期航迹预测
2
作者 石庆研 张泽中 韩萍 《信号处理》 CSCD 北大核心 2023年第11期2037-2048,共12页
航迹预测在确保空中交通安全、高效运行中扮演着至关重要的角色。所预测的航迹信息是航迹优化、冲突告警等决策工具的输入,而预测准确性取决于模型对航迹序列特征的提取能力。航迹序列数据是具有丰富时空特征的多维时间序列,其中每个变... 航迹预测在确保空中交通安全、高效运行中扮演着至关重要的角色。所预测的航迹信息是航迹优化、冲突告警等决策工具的输入,而预测准确性取决于模型对航迹序列特征的提取能力。航迹序列数据是具有丰富时空特征的多维时间序列,其中每个变量都呈现出长短期的时间变化模式,并且这些变量之间还存在着相互依赖的空间信息。为了充分提取这种时空特征,本文提出了基于融合时空特征的编码器-解码器(Spatio-Temporal EncoderDecoder,STED)航迹预测模型。在Encoder中使用门控循环单元(Gated Recurrent Unit,GRU)、卷积神经网络(Convolutional Neural Network,CNN)和注意力机制(Attention,AT)构成的双通道网络来分别提取航迹时空特征,Decoder对时空特征进行拼接融合,并利用GRU对融合特征进行学习和递归输出,实现对未来多步航迹信息的预测。利用真实的航迹数据对算法性能进行验证,实验结果表明,所提STED网络模型能够在未来10 min预测范围内进行高精度的短期航迹预测,相比于LSTM、CNN-LSTM和AT-LSTM等数据驱动航迹预测模型具有更高的精度。此外,STED网络模型预测一个航迹点平均耗时为0.002 s,具有良好的实时性。 展开更多
关键词 4D航迹预测 时空特征 encoder-decoder 门控循环单元
下载PDF
基于Encoder-Decoder注意力网络的异常驾驶行为在线识别方法 被引量:2
3
作者 唐坤 戴语琴 +2 位作者 徐永能 郭唐仪 邵飞 《兵器装备工程学报》 CAS CSCD 北大核心 2023年第8期63-71,共9页
异常驾驶行为是车辆安全运行的重大威胁,其对人员与物资的安全高效投送造成严重危害。以低成本非接触式的手机多传感器数据为基础,通过对驾驶行为特性进行数据分析,提出一种融合Encoder-Decoder深度网络与Attention机制的异常驾驶行为... 异常驾驶行为是车辆安全运行的重大威胁,其对人员与物资的安全高效投送造成严重危害。以低成本非接触式的手机多传感器数据为基础,通过对驾驶行为特性进行数据分析,提出一种融合Encoder-Decoder深度网络与Attention机制的异常驾驶行为的在线识别方法。该方法由基于LSTM(long short-term memory)的Encoder-Decoder、Attention机制与基于SVM(support vector machine)的分类器3个模块构成。该系统识别方法包括:输入编码、注意力学习、特征解码、序列重构、残差计算与驾驶行为分类等6个步骤。该技术方法利用自然驾驶条件下所采集的手机传感器数据进行实验。实验结果表明:①手机多传感器数据融合方法对驾驶行为识别具备有效性;②异常驾驶行为必然会造成数据异常波动;③Attention机制有助于提升模型学习效果,对所提出模型的识别准确率F1-score为0.717,与经典同类模型比较,准确率得到显著提升;④对于汽车异常驾驶行为来说,SVM比Logistic与随机森林算法具有更优越的识别效果。 展开更多
关键词 异常驾驶 深度学习 编码器-解码器 长短时记忆网络 注意力机制
下载PDF
利用Encoder-Decoder框架的深度学习网络实现绕射波分离及成像 被引量:2
4
作者 马铭 包乾宗 《石油地球物理勘探》 EI CSCD 北大核心 2023年第1期56-64,共9页
利用单纯绕射波场实现地下地质异常体的识别具有坚实的理论基础,对应的实施方法得到了广泛研究,且有效地应用于实际勘探。但现有技术在微小尺度异常体成像方面收效甚微,相关研究多数以射线传播理论为基础,对于影响绕射波分离成像精度的... 利用单纯绕射波场实现地下地质异常体的识别具有坚实的理论基础,对应的实施方法得到了广泛研究,且有效地应用于实际勘探。但现有技术在微小尺度异常体成像方面收效甚微,相关研究多数以射线传播理论为基础,对于影响绕射波分离成像精度的因素分析并不完备。相较于反射波,由于存在不连续构造而产生的绕射波能量微弱并且相互干涉,同时环境干扰使得绕射波进一步湮没。因此,更高精度的波场分离及单独成像是现阶段基于绕射波超高分辨率处理、解释的重点研究方向。为此,首先针对地球物理勘探中地质异常体的准确定位,以携带高分辨率信息的绕射波为研究对象,系统分析在不同尺度、不同物性参数的异常体情况下绕射波的能量大小及形态特征,掌握绕射波与其他类型波叠加的具体形式;然后根据相应特征性质提出基于深度学习技术的绕射波分离成像方法,即利用Encoder-Decoder框架的空洞卷积网络捕获绕射波场特征,从而实现绕射波分离,基于速度连续性原则构建单纯绕射波场的偏移速度模型并完成最终成像。数据测试表明,该方法最终可满足微小地质异常体高精度识别的需求。 展开更多
关键词 绕射波分离成像 深度神经网络 encoder-decoder框架 方差最大范数
下载PDF
基于GRU Encoder-decoder和注意力机制的RUL预测方法
5
作者 兰杰 李宁 +1 位作者 李志宁 吕建刚 《现代电子技术》 2023年第8期99-105,共7页
深度学习模型可直接建立机械设备的状态与剩余使用寿命(RUL)之间的映射关系,从而避免人工提取特征和建立健康指标的过程。文中基于深度学习理论,提出一种基于注意力机制和时序编码解码器(Encoder-decoder)相结合的RUL预测方法。首先,基... 深度学习模型可直接建立机械设备的状态与剩余使用寿命(RUL)之间的映射关系,从而避免人工提取特征和建立健康指标的过程。文中基于深度学习理论,提出一种基于注意力机制和时序编码解码器(Encoder-decoder)相结合的RUL预测方法。首先,基于门控循环神经网络(GRU)构建一个时序编码解码器以实现输入序列的重构,其中GRU-Encoder对输入的多元时间序列进行编码;再引入注意力机制对GRU-Encoder在每个时刻的输出向量进行加权融合,以融合后的向量作为编码结果,并将其输入到GRU-Decoder中实现输入序列的重构,同时将编码结果映射为输入样本的RUL。采用CMAPSS数据集对所提方法的有效性进行验证,结果表明,该方法预测精度较高,可行且有效。 展开更多
关键词 剩余使用寿命 RUL预测方法 门控循环神经网络 解码编码器 注意力机制 对比验证
下载PDF
基于Encoder-Decoder-ILSTM模型的瓦斯浓度预测研究
6
作者 陈小建 《能源与节能》 2023年第12期102-105,176,共5页
近年来,神经网络在各领域均发挥了巨大作用,同样在煤矿瓦斯浓度预测当中也有应用。为了提高模型的预测精度和实时性,结合Encoder-Decoder结构、长短期记忆形成、蛇优化算法提出了一种新的神经网络,为促进煤矿安全生产提供了技术支持。
关键词 神经网络 encoder-decoder 蛇优化算法 瓦斯浓度预测
下载PDF
基于DCNv2和Transformer Decoder的隧道衬砌裂缝高效检测模型研究
7
作者 孙己龙 刘勇 +4 位作者 周黎伟 路鑫 侯小龙 王亚琼 王志丰 《图学学报》 CSCD 北大核心 2024年第5期1050-1061,共12页
为解决因衬砌裂缝性状随机、分布密集、标注框分辨率低所导致的现有模型识别精度低、检测速度慢及参数量庞大等问题,以第2版可变形卷积网络(DCNv2)和端到端变换器解码器(Transformer Decoder)为基础对YOLOv8网络框架进行改进,提出了面... 为解决因衬砌裂缝性状随机、分布密集、标注框分辨率低所导致的现有模型识别精度低、检测速度慢及参数量庞大等问题,以第2版可变形卷积网络(DCNv2)和端到端变换器解码器(Transformer Decoder)为基础对YOLOv8网络框架进行改进,提出了面向衬砌裂缝的检测模型DTD-YOLOv8。首先,通过引入DCNv2对YOLOv8主干卷积网络C2f进行融合以实现模型对裂缝形变特征的准确快速感知,同时采用Transformer Decoder对YOLOv8检测头进行替换以实现端到端框架内完整目标检测流程,从而消除因Anchor-free处理模式所带来的计算消耗。采用自建裂缝数据集对SSD,Faster-RCNN,RT-DETR,YOLOv3,YOLOv5,YOLOv8和DTD-YOLOv8的7种检测模型进行对比验证。结果表明:改进模型F1分数和mAP@50值分别为87.05%和89.58%;其中F1分数相较其他6种模型分别提高了14.16%,7.68%,1.55%,41.36%,8.20%和7.40%;mAP@50分别提高了28.84%,15.47%,1.33%,47.65%,10.14%和10.84%。改进模型参数量仅为RT-DETR的三分之一,检测单张图片的速度为16.01 ms,FPS为65.46帧每秒,对比其他模型检测速度得到提升。该模型在面向运营隧道裂缝检测任务需求时能够表现出高效的性能。 展开更多
关键词 隧道工程 目标检测 第2版可变形卷积网络 Transformer decoder 衬砌裂缝
下载PDF
A highly reliable encoding and decoding communication framework based on semantic information
8
作者 Yichi Zhang Haitao Zhao +4 位作者 Kuo Cao Li Zhou Zhe Wang Yueling Liu Jibo Wei 《Digital Communications and Networks》 SCIE CSCD 2024年第3期509-518,共10页
Increasing research has focused on semantic communication,the goal of which is to convey accurately the meaning instead of transmitting symbols from the sender to the receiver.In this paper,we design a novel encoding ... Increasing research has focused on semantic communication,the goal of which is to convey accurately the meaning instead of transmitting symbols from the sender to the receiver.In this paper,we design a novel encoding and decoding semantic communication framework,which adopts the semantic information and the contextual correlations between items to optimize the performance of a communication system over various channels.On the sender side,the average semantic loss caused by the wrong detection is defined,and a semantic source encoding strategy is developed to minimize the average semantic loss.To further improve communication reliability,a decoding strategy that utilizes the semantic and the context information to recover messages is proposed in the receiver.Extensive simulation results validate the superior performance of our strategies over state-of-the-art semantic coding and decoding policies on different communication channels. 展开更多
关键词 Semantic information Semantic encoding method Context-based decoding method
下载PDF
Parallel Implementation of the CCSDS Turbo Decoder on GPU
9
作者 Liu Zhanxian Liu Rongke +3 位作者 Zhang Haijun Wang Ning Sun Lei Wang Jianquan 《China Communications》 SCIE CSCD 2024年第10期70-77,共8页
This paper presents a software turbo decoder on graphics processing units(GPU).Unlike previous works,the proposed decoding architecture for turbo codes mainly focuses on the Consultative Committee for Space Data Syste... This paper presents a software turbo decoder on graphics processing units(GPU).Unlike previous works,the proposed decoding architecture for turbo codes mainly focuses on the Consultative Committee for Space Data Systems(CCSDS)standard.However,the information frame lengths of the CCSDS turbo codes are not suitable for flexible sub-frame parallelism design.To mitigate this issue,we propose a padding method that inserts several bits before the information frame header.To obtain low-latency performance and high resource utilization,two-level intra-frame parallelisms and an efficient data structure are considered.The presented Max-Log-Map decoder can be adopted to decode the Long Term Evolution(LTE)turbo codes with only small modifications.The proposed CCSDS turbo decoder at 10 iterations on NVIDIA RTX3070 achieves about 150 Mbps and 50Mbps throughputs for the code rates 1/6 and 1/2,respectively. 展开更多
关键词 CCSDS CUDA GPU parallel decoding turbo codes
下载PDF
Quantized Decoders that Maximize Mutual Information for Polar Codes
10
作者 Zhu Hongfei Cao Zhiwei +1 位作者 Zhao Yuping Li Dou 《China Communications》 SCIE CSCD 2024年第7期125-134,共10页
In this paper,we innovatively associate the mutual information with the frame error rate(FER)performance and propose novel quantized decoders for polar codes.Based on the optimal quantizer of binary-input discrete mem... In this paper,we innovatively associate the mutual information with the frame error rate(FER)performance and propose novel quantized decoders for polar codes.Based on the optimal quantizer of binary-input discrete memoryless channels(BDMCs),the proposed decoders quantize the virtual subchannels of polar codes to maximize mutual information(MMI)between source bits and quantized symbols.The nested structure of polar codes ensures that the MMI quantization can be implemented stage by stage.Simulation results show that the proposed MMI decoders with 4 quantization bits outperform the existing nonuniform quantized decoders that minimize mean-squared error(MMSE)with 4 quantization bits,and yield even better performance than uniform MMI quantized decoders with 5 quantization bits.Furthermore,the proposed 5-bit quantized MMI decoders approach the floating-point decoders with negligible performance loss. 展开更多
关键词 maximize mutual information polar codes QUANTIZATION successive cancellation decoding
下载PDF
A Lightweight Network with Dual Encoder and Cross Feature Fusion for Cement Pavement Crack Detection
11
作者 Zhong Qu Guoqing Mu Bin Yuan 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第7期255-273,共19页
Automatic crack detection of cement pavement chiefly benefits from the rapid development of deep learning,with convolutional neural networks(CNN)playing an important role in this field.However,as the performance of cr... Automatic crack detection of cement pavement chiefly benefits from the rapid development of deep learning,with convolutional neural networks(CNN)playing an important role in this field.However,as the performance of crack detection in cement pavement improves,the depth and width of the network structure are significantly increased,which necessitates more computing power and storage space.This limitation hampers the practical implementation of crack detection models on various platforms,particularly portable devices like small mobile devices.To solve these problems,we propose a dual-encoder-based network architecture that focuses on extracting more comprehensive fracture feature information and combines cross-fusion modules and coordinated attention mechanisms formore efficient feature fusion.Firstly,we use small channel convolution to construct shallow feature extractionmodule(SFEM)to extract low-level feature information of cracks in cement pavement images,in order to obtainmore information about cracks in the shallowfeatures of images.In addition,we construct large kernel atrous convolution(LKAC)to enhance crack information,which incorporates coordination attention mechanism for non-crack information filtering,and large kernel atrous convolution with different cores,using different receptive fields to extract more detailed edge and context information.Finally,the three-stage feature map outputs from the shallow feature extraction module is cross-fused with the two-stage feature map outputs from the large kernel atrous convolution module,and the shallow feature and detailed edge feature are fully fused to obtain the final crack prediction map.We evaluate our method on three public crack datasets:DeepCrack,CFD,and Crack500.Experimental results on theDeepCrack dataset demonstrate the effectiveness of our proposed method compared to state-of-the-art crack detection methods,which achieves Precision(P)87.2%,Recall(R)87.7%,and F-score(F1)87.4%.Thanks to our lightweight crack detectionmodel,the parameter count of the model in real-world detection scenarios has been significantly reduced to less than 2M.This advancement also facilitates technical support for portable scene detection. 展开更多
关键词 Shallow feature extraction module large kernel atrous convolution dual encoder lightweight network crack detection
下载PDF
Remaining Useful Life Prediction of Rail Based on Improved Pulse Separable Convolution Enhanced Transformer Encoder
12
作者 Zhongmei Wang Min Li +2 位作者 Jing He Jianhua Liu Lin Jia 《Journal of Transportation Technologies》 2024年第2期137-160,共24页
In order to prevent possible casualties and economic loss, it is critical to accurate prediction of the Remaining Useful Life (RUL) in rail prognostics health management. However, the traditional neural networks is di... In order to prevent possible casualties and economic loss, it is critical to accurate prediction of the Remaining Useful Life (RUL) in rail prognostics health management. However, the traditional neural networks is difficult to capture the long-term dependency relationship of the time series in the modeling of the long time series of rail damage, due to the coupling relationship of multi-channel data from multiple sensors. Here, in this paper, a novel RUL prediction model with an enhanced pulse separable convolution is used to solve this issue. Firstly, a coding module based on the improved pulse separable convolutional network is established to effectively model the relationship between the data. To enhance the network, an alternate gradient back propagation method is implemented. And an efficient channel attention (ECA) mechanism is developed for better emphasizing the useful pulse characteristics. Secondly, an optimized Transformer encoder was designed to serve as the backbone of the model. It has the ability to efficiently understand relationship between the data itself and each other at each time step of long time series with a full life cycle. More importantly, the Transformer encoder is improved by integrating pulse maximum pooling to retain more pulse timing characteristics. Finally, based on the characteristics of the front layer, the final predicted RUL value was provided and served as the end-to-end solution. The empirical findings validate the efficacy of the suggested approach in forecasting the rail RUL, surpassing various existing data-driven prognostication techniques. Meanwhile, the proposed method also shows good generalization performance on PHM2012 bearing data set. 展开更多
关键词 Equipment Health Prognostics Remaining Useful Life Prediction Pulse Separable Convolution Attention Mechanism Transformer encoder
下载PDF
基于ML-Decoder多分量雷达信号脉内调制识别方法
13
作者 王向华 鲜果 龚晓峰 《电子信息对抗技术》 2024年第6期35-42,共8页
在现代电子侦察领域,由于电磁环境复杂,脉冲流密度较大,存在同时接收多个雷达信号的情况,多个雷达信号会在时域和频域出现重叠问题,使得雷达信号的特征变得混淆复杂。雷达信号的脉冲调制识别研究在单分量信号中取得了较好的效果,而在多... 在现代电子侦察领域,由于电磁环境复杂,脉冲流密度较大,存在同时接收多个雷达信号的情况,多个雷达信号会在时域和频域出现重叠问题,使得雷达信号的特征变得混淆复杂。雷达信号的脉冲调制识别研究在单分量信号中取得了较好的效果,而在多分量雷达信号领域中,需要更多创新方法。为了解决上述问题,提出基于多标签解码器网络(Multi-Lable Decoder Network)框架。该网络框架首先用Choi-Williams分布(Choi-Williams Distribution,CWD)将一维信号转变为时频图。然后通过卷积神经网络提取特征,将提取的特征和查询向量一起送进decoder分类器中。decoder分类器通过标签查询的方法匹配特征信息,有效地避免传统卷积神经网络通过全局池化而淹没丰富的特征。用该方法对由六种典型雷达信号随机组成的多分量雷达信号经行调制识别分析,平均识别准确率达到93.9%,优于所对比的其他深度学习算法。 展开更多
关键词 雷达信号识别 解码器 多标签学习 卷积神经网络
下载PDF
基于Encoder-Decoder网络的遥感影像道路提取方法 被引量:50
14
作者 贺浩 王仕成 +2 位作者 杨东方 王舒洋 刘星 《测绘学报》 EI CSCD 北大核心 2019年第3期330-338,共9页
针对道路目标特点,设计实现了用于遥感影像道路提取的Encoder-Decoder深度语义分割网络。首先,针对道路目标局部特征丰富、语义特征较为简单的特点,设计了较浅深度、分辨率较高的Encoder-Decoder网络结构,提高了分割网络的细节表示能力... 针对道路目标特点,设计实现了用于遥感影像道路提取的Encoder-Decoder深度语义分割网络。首先,针对道路目标局部特征丰富、语义特征较为简单的特点,设计了较浅深度、分辨率较高的Encoder-Decoder网络结构,提高了分割网络的细节表示能力。其次,针对遥感影像中道路目标所占像素比例较小的特点,改进了二分类交叉熵损失函数,解决了网络训练中正负样本严重失衡的问题。在大型道路提取数据集上的试验表明,所提方法召回率、精度和F1-score指标分别达到了83.9%、82.5%及82.9%,能够完整准确地提取遥感影像中的道路目标。所设计的Encoder-Decoder网络性能优良,且不需人工设计提取特征,因而具有良好的应用前景。 展开更多
关键词 遥感 道路提取 深度学习 语义分割 编解码网路
下载PDF
基于Encoder-Decoder LSTM的电梯制动滑移量预测方法研究 被引量:2
15
作者 苏万斌 江叶峰 +1 位作者 徐彪 易灿灿 《机械制造与自动化》 2022年第6期28-31,共4页
电梯曳引系统的可靠性是电梯安全性能评估中的重要部分,紧急制动滑移量是其重要反映指标,对滑移量进行时序预测能有利保证电梯安全,具有重要意义。采用结合Encoder-Decoder的LSTM模型学习电梯紧急制动滑移量的增长过程,进行多步预测来... 电梯曳引系统的可靠性是电梯安全性能评估中的重要部分,紧急制动滑移量是其重要反映指标,对滑移量进行时序预测能有利保证电梯安全,具有重要意义。采用结合Encoder-Decoder的LSTM模型学习电梯紧急制动滑移量的增长过程,进行多步预测来获得未来区间内滑移预测数据。通过与RNN和LSTM模型预测结果的对比,表明Encoder-Decoder LSTM模型针对电梯紧急制动滑移量的预测具有较好的精度,可以作为电梯曳引能力评估的重要手段。 展开更多
关键词 电梯 LSTM 编码器-解码器 滑移量 时间序列 多步预测
下载PDF
基于长短时记忆网络的Encoder-Decoder多步交通流预测模型 被引量:17
16
作者 王博文 王景升 +3 位作者 王统一 张子泉 刘宇 于昊 《重庆大学学报》 CSCD 北大核心 2021年第11期71-80,共10页
交通流序列多为单步预测。为实现交通流序列的多步预测,提出一种基于编码器解码器(encoder-decoder,ED)框架的长短期记忆网络(long short-term memory,LSTM)模型,即ED LSTM模型。将自回归滑动平均、支持向量回归机、XGBOOST、循环神经... 交通流序列多为单步预测。为实现交通流序列的多步预测,提出一种基于编码器解码器(encoder-decoder,ED)框架的长短期记忆网络(long short-term memory,LSTM)模型,即ED LSTM模型。将自回归滑动平均、支持向量回归机、XGBOOST、循环神经网络、卷积神经网络、LSTM作为对照组进行实验验证。实验结果表明,当预测时间步长增加时,ED框架能够减缓模型性能的下降趋势,LSTM能够充分挖掘时间序列中的非线性关系。除此之外,在单变量输入的情况下,在PEMS-04数据集上,当预测时间步长为t+1到t+12的12个时间步时,ED LSTM模型的均方根误差(root mean squard error,RMSE)及平均绝对误差(mean absolute error,MAE)分别下降0.210~5.422、0.061~0.191。相较于单因素输入,多因素输入的ED LSTM模型在12个预测时间步长下,RMSE、MAE分别下降0.840、0.136。实验证明了ED LSTM模型能够有效地用于交通流序列的多步及单因素、多因素预测任务。 展开更多
关键词 交通流预测 LSTM 编码器解码器 多步预测 深度学习
下载PDF
基于LSTM的Encoder-Decoder多步轨迹预测技术 被引量:2
17
作者 李青勇 何兵 +2 位作者 张显炀 朱晓宇 刘刚 《航空兵器》 CSCD 北大核心 2021年第2期49-54,共6页
针对弱约束非合作目标的轨迹特性和运动特性,提出一种基于LSTM的Encoder-Decoder多步轨迹预测技术(EDMTP)。引入一阶差分处理,降低了轨迹数据的时间依赖性,得到了无趋势的轨迹。构造输入输出的轨迹数据对,将预测问题转化为有监督学习问... 针对弱约束非合作目标的轨迹特性和运动特性,提出一种基于LSTM的Encoder-Decoder多步轨迹预测技术(EDMTP)。引入一阶差分处理,降低了轨迹数据的时间依赖性,得到了无趋势的轨迹。构造输入输出的轨迹数据对,将预测问题转化为有监督学习问题,研究多步预测过程中模型性能的变化,实现端到端的轨迹预测。仿真结果表明,该方法能够从历史轨迹数据中提取更多的轨迹特征,在多步轨迹预测中具有明显的优势。与KFTP和HMMTP算法相比,EDMTP的误差增长率分别同比下降了2.18%和3.52%,取得了较好的轨迹预测效果。 展开更多
关键词 轨迹预测 LSTM 编码器-解码器 监督学习 多步预测
下载PDF
基于注意力机制的Encoder-Decoder光伏发电预测模型 被引量:9
18
作者 宋良才 索贵龙 +2 位作者 胡军涛 窦艳梅 崔志永 《计算机与现代化》 2020年第9期112-117,共6页
影响光伏发电系统出力的天气因素具有很大的波动性和不连续性,因此需要创建合适的预测模型来对光伏出力特性进行精准预测,从而保证电网系统的有效运行。本文通过最大信息系数选择合适的历史光伏发电数据,将其作为特征之一进行输入数据重... 影响光伏发电系统出力的天气因素具有很大的波动性和不连续性,因此需要创建合适的预测模型来对光伏出力特性进行精准预测,从而保证电网系统的有效运行。本文通过最大信息系数选择合适的历史光伏发电数据,将其作为特征之一进行输入数据重构,并在由LSTM神经元构建的Encoder-Decoder模型上引入注意力机制,最终得到结合注意力机制的Encoder-Decoder光伏发电预测模型。经实际光伏电厂算例分析,验证了所提模型在光伏发电预测方面的准确性和适用性。 展开更多
关键词 光伏发电 最大信息系数 长短期记忆神经网络 encoder-decoder框架 注意力机制
下载PDF
基于改进Encoder-Decoder模型的新闻摘要生成方法 被引量:5
19
作者 李晨斌 詹国华 李志华 《计算机应用》 CSCD 北大核心 2019年第S02期20-23,共4页
针对通过Extractive方式实现自动文摘而存在文本连贯性欠缺和出现未登录词问题,提出一种基于改进Encoder-Decoder模型的新闻摘要生成方法。首先,在数据预处理的过程中融入额外的语言特征,如词语的词性和TF-IDF,使词语具有多维度的含义;... 针对通过Extractive方式实现自动文摘而存在文本连贯性欠缺和出现未登录词问题,提出一种基于改进Encoder-Decoder模型的新闻摘要生成方法。首先,在数据预处理的过程中融入额外的语言特征,如词语的词性和TF-IDF,使词语具有多维度的含义;其次,采用Decoder/Pointer机制在摘要中指向原文本中的位置对低频词进行处理;最后,采用注意力机制来协助模型记忆输入数据并确定其注意程度。在News2016zh数据集上进行实验,结果表明基于改进Encoder-Decoder模型与基线Encoder-Decoder相比,ROUGE-1、ROUGE-2和ROUGE-L值分别提高了32.1%、30.5%和32.5%,在摘要连贯性方面也得到了较好提升。 展开更多
关键词 摘要生成 注意力机制 未登录词 数据预处理 encoder 输入数据 自动文摘 低频词
下载PDF
FPGA Design and Implementation of a Convolutional Encoder and a Viterbi Decoder Based on 802.11a for OFDM
20
作者 Yan Sun Zhizhong Ding 《Wireless Engineering and Technology》 2012年第3期125-131,共7页
In this paper, a modified FPGA scheme for the convolutional encoder and Viterbi decoder based on the IEEE 802.11a standards of WLAN is presented in OFDM baseband processing systems. The proposed design supports a gene... In this paper, a modified FPGA scheme for the convolutional encoder and Viterbi decoder based on the IEEE 802.11a standards of WLAN is presented in OFDM baseband processing systems. The proposed design supports a generic, robust and configurable Viterbi decoder with constraint length of 7, code rate of 1/2 and decoding depth of 36 symbols. The Viterbi decoder uses full-parallel structure to improve computational speed for the add-compare-select (ACS) modules, adopts optimal data storage mechanism to avoid overflow and employs three distributed RAM blocks to complete cyclic trace-back. It includes the core parts, for example, the state path measure computation, the preservation and transfer of the survivor path and trace-back decoding, etc. Compared to the general Viterbi decoder, this design can effectively decrease the 10% of chip logic elements, reduce 5% of power consumption, and increase the encoder and decoder working performance in the hardware implementation. Lastly, relevant simulation results using Verilog HDL language are verified based on a Xinlinx Virtex-II FPGA by ISE 7.1i. It is shown that the Viterbi decoder is capable of decoding (2, 1, 7) convolutional codes accurately with a throughput of 80 Mbps. 展开更多
关键词 FPGA Convolutional encoder VITERBI decoder IEEE 802.11a OFDM
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部