期刊文献+
共找到118,458篇文章
< 1 2 250 >
每页显示 20 50 100
基于Deep Forest算法的对虾急性肝胰腺坏死病(AHPND)预警数学模型构建
1
作者 王印庚 于永翔 +5 位作者 蔡欣欣 张正 王春元 廖梅杰 朱洪洋 李昊 《渔业科学进展》 CSCD 北大核心 2024年第3期171-181,共11页
为预报池塘养殖凡纳对虾(Penaeus vannamei)急性肝胰腺坏死病(AHPND)的发生,自2020年开始,笔者对凡纳对虾养殖区开展了连续监测工作,包括与疾病发生相关的环境理化因子、微生物因子、虾体自身健康状况等18个候选预警因子指标,通过数据... 为预报池塘养殖凡纳对虾(Penaeus vannamei)急性肝胰腺坏死病(AHPND)的发生,自2020年开始,笔者对凡纳对虾养殖区开展了连续监测工作,包括与疾病发生相关的环境理化因子、微生物因子、虾体自身健康状况等18个候选预警因子指标,通过数据标准化处理后分析病原、宿主与环境之间的相关性,对候选预警因子进行筛选,基于Python语言编程结合Deep Forest、Light GBM、XGBoost算法进行数据建模和预测性能评判,仿真环境为Python2.7,以预警因子指标作为输入样本(即警兆),以对虾是否发病指标作为输出结果(即警情),根据输入样本和输出结果各自建立输入数据矩阵和目标数据矩阵,利用原始数据矩阵对输入样本进行初始化,结合函数方程进行拟合,拟合的源代码能利用已知环境、病原及对虾免疫指标数据对目标警情进行预测。最终建立了基于Deep Forest算法的虾体(肝胰腺内)细菌总数、虾体弧菌(Vibrio)占比、水体细菌总数和盐度的4维向量预警预报模型,准确率达89.00%。本研究将人工智能算法应用到对虾AHPND发生的预测预报,相关研究结果为对虾AHPND疾病预警预报建立了预警数学模型,并为对虾健康养殖和疾病防控提供了技术支撑和有力保障。 展开更多
关键词 对虾 急性肝胰腺坏死病 预警数学模型 deep Forest算法 PYTHON语言
下载PDF
基于DeepLabv3+的船体结构腐蚀检测方法
2
作者 向林浩 方昊昱 +2 位作者 周健 张瑜 李位星 《船海工程》 北大核心 2024年第2期30-34,共5页
利用图像识别方法对无人机、机器人所采集的实时图像开展船体结构腐蚀检测,可有效提高检验检测效率和数字化、智能化水平,具有极大的应用价值和潜力,将改变传统的船体结构检验检测方式。提出一种基于DeepLabv3+的船体结构腐蚀检测模型,... 利用图像识别方法对无人机、机器人所采集的实时图像开展船体结构腐蚀检测,可有效提高检验检测效率和数字化、智能化水平,具有极大的应用价值和潜力,将改变传统的船体结构检验检测方式。提出一种基于DeepLabv3+的船体结构腐蚀检测模型,通过收集图像样本并进行三种腐蚀类别的分割标注,基于DeepLabv3+语义分割模型进行网络的训练,预测图片中腐蚀的像素点类别和区域,模型在测试集的精准率达到52.92%,证明了使用DeepLabv3+检测船体腐蚀缺陷的可行性。 展开更多
关键词 船体结构 腐蚀检测 深度学习 deepLabv3+
下载PDF
基于M-DeepLab网络的速度建模技术研究
3
作者 徐秀刚 张浩楠 +1 位作者 许文德 郭鹏 《中国海洋大学学报(自然科学版)》 CAS CSCD 北大核心 2024年第6期145-155,共11页
本文提出了一种适用于速度建模方法的M-DeepLab网络框架,该网络将地震炮集记录作为输入,网络主体使用轻量级MobileNet,以此提升网络训练速度;并在编码环节ASPP模块后添加了Attention模块,且在解码环节将不同网络深度的速度特征进行了融... 本文提出了一种适用于速度建模方法的M-DeepLab网络框架,该网络将地震炮集记录作为输入,网络主体使用轻量级MobileNet,以此提升网络训练速度;并在编码环节ASPP模块后添加了Attention模块,且在解码环节将不同网络深度的速度特征进行了融合,既获得了更多的速度特征,又保留了网络浅部的速度信息,防止出现网络退化和过拟合问题。模型测试证明,M-DeepLab网络能够实现智能、精确的速度建模,简单模型、复杂模型以及含有噪声数据复杂模型的智能速度建模,均取得了良好的效果。相较DeepLabV3+网络,本文方法对于速度模型界面处的预测,特别是速度突变区域的预测,具有更高的预测精度,从而验证了该方法精确性、高效性、实用性和抗噪性。 展开更多
关键词 深度学习 速度建模 M-deepLab网络 监督学习
下载PDF
基于DeeplabV3+网络的轻量化语义分割算法
4
作者 张秀再 张昊 杨昌军 《科学技术与工程》 北大核心 2024年第24期10382-10393,共12页
针对传统语义分割模型参数量大、计算速度慢且效率不高等问题,改进一种基于DeeplabV3+网络的轻量化语义分割模型Faster-DeeplabV3+。Faster-DeeplabV3+模型采用轻量级MobilenetV2代替Xception作为主干特征提取网络,大幅减少参数量,提高... 针对传统语义分割模型参数量大、计算速度慢且效率不高等问题,改进一种基于DeeplabV3+网络的轻量化语义分割模型Faster-DeeplabV3+。Faster-DeeplabV3+模型采用轻量级MobilenetV2代替Xception作为主干特征提取网络,大幅减少参数量,提高计算速度;引入深度可分离卷积(deep separable convolution, DSC)与空洞空间金字塔(atrous spatia pyramid pooling, ASPP)中的膨胀卷积设计成新的深度可分离膨胀卷积(depthwise separable dilated convolution, DSD-Conv),即组成深度可分离空洞空间金字塔模块(DP-ASPP),扩大感受野的同时减少原本卷积参数量,提高运算速度;加入改进的双注意力机制模块分别对编码区生成的低级特征图和高级特征图进行处理,增强网络对不同维度特征信息提取的敏感性和准确性;融合使用交叉熵和Dice Loss两种损失函数,为模型提供更全面、更多样的优化。改进模型在PASCAL VOC 2012数据集上进行测试。实验结果表明:平均交并比由76.57%提升至79.07%,分割准确度由91.2%提升至94.3%。改进模型的网络参数量(params)减少了3.86×10~6,浮点计算量(GFLOPs)减少了117.98 G。因此,Faster-DeeplabV3+算法在大幅降低参数量、提高运算速度的同时保持较高语义分割效果。 展开更多
关键词 语义分割 deeplabV3+ 轻量化 深度可分离卷积(DSC) 空洞空间金字塔池化(ASPP)
下载PDF
基于注意力机制改进的DeepLabV3+遥感图像分割算法
5
作者 侯艳丽 盖锡林 《微电子学与计算机》 2024年第8期53-61,共9页
DeepLabV3+分割算法具有高效的编解码结构,常用在图像分割任务中。针对DeepLabV3+高分辨率遥感图像语义分割中存在的分割目标边缘不精确和孔洞缺陷问题,提出了一种基于注意力机制改进的DeepLabV3+遥感图像分割算法。构建ECBA(Efficient ... DeepLabV3+分割算法具有高效的编解码结构,常用在图像分割任务中。针对DeepLabV3+高分辨率遥感图像语义分割中存在的分割目标边缘不精确和孔洞缺陷问题,提出了一种基于注意力机制改进的DeepLabV3+遥感图像分割算法。构建ECBA(Efficient Convolutional Block Attention Module)注意力机制,将ECBA添加至DeepLabV3+主干网络Xception,增强其特征提取能力,得到注意力加权的高层特征。同时,将ECBA添加至编码器和解码器的连接支路,得到注意力加权后的低层特征。解码器将两种特征进行特征融合,以增强网络对不同分割目标的边缘以及同一目标内部的感知。实验结果表明,改进后的算法在ISPRS Potsdam数据集上的平均交并比(mean Intersection over Union,mIoU)和F1指数分别达到了79.80%和75.88%,比DeepLabV3+算法提高了11.06%和6.32%。 展开更多
关键词 遥感图像分割 deepLabV3+ 注意力机制 神经网络 深度学习
下载PDF
Dendritic Deep Learning for Medical Segmentation 被引量:1
6
作者 Zhipeng Liu Zhiming Zhang +3 位作者 Zhenyu Lei Masaaki Omura Rong-Long Wang Shangce Gao 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2024年第3期803-805,共3页
Dear Editor,This letter presents a novel segmentation approach that leverages dendritic neurons to tackle the challenges of medical imaging segmentation.In this study,we enhance the segmentation accuracy based on a Se... Dear Editor,This letter presents a novel segmentation approach that leverages dendritic neurons to tackle the challenges of medical imaging segmentation.In this study,we enhance the segmentation accuracy based on a SegNet variant including an encoder-decoder structure,an upsampling index,and a deep supervision method.Furthermore,we introduce a dendritic neuron-based convolutional block to enable nonlinear feature mapping,thereby further improving the effectiveness of our approach. 展开更多
关键词 thereby deep enable
下载PDF
ST-LSTM-SA:A New Ocean Sound Velocity Field Prediction Model Based on Deep Learning 被引量:1
7
作者 Hanxiao YUAN Yang LIU +3 位作者 Qiuhua TANG Jie LI Guanxu CHEN Wuxu CAI 《Advances in Atmospheric Sciences》 SCIE CAS CSCD 2024年第7期1364-1378,共15页
The scarcity of in-situ ocean observations poses a challenge for real-time information acquisition in the ocean.Among the crucial hydroacoustic environmental parameters,ocean sound velocity exhibits significant spatia... The scarcity of in-situ ocean observations poses a challenge for real-time information acquisition in the ocean.Among the crucial hydroacoustic environmental parameters,ocean sound velocity exhibits significant spatial and temporal variability and it is highly relevant to oceanic research.In this study,we propose a new data-driven approach,leveraging deep learning techniques,for the prediction of sound velocity fields(SVFs).Our novel spatiotemporal prediction model,STLSTM-SA,combines Spatiotemporal Long Short-Term Memory(ST-LSTM) with a self-attention mechanism to enable accurate and real-time prediction of SVFs.To circumvent the limited amount of observational data,we employ transfer learning by first training the model using reanalysis datasets,followed by fine-tuning it using in-situ analysis data to obtain the final prediction model.By utilizing the historical 12-month SVFs as input,our model predicts the SVFs for the subsequent three months.We compare the performance of five models:Artificial Neural Networks(ANN),Long ShortTerm Memory(LSTM),Convolutional LSTM(ConvLSTM),ST-LSTM,and our proposed ST-LSTM-SA model in a test experiment spanning 2019 to 2022.Our results demonstrate that the ST-LSTM-SA model significantly improves the prediction accuracy and stability of sound velocity in both temporal and spatial dimensions.The ST-LSTM-SA model not only accurately predicts the ocean sound velocity field(SVF),but also provides valuable insights for spatiotemporal prediction of other oceanic environmental variables. 展开更多
关键词 sound velocity field spatiotemporal prediction deep learning self-allention
下载PDF
基于改进DeeplabV3+的水面多类型漂浮物分割方法研究
8
作者 包学才 刘飞燕 +2 位作者 聂菊根 许小华 柯华盛 《水利水电技术(中英文)》 北大核心 2024年第4期163-175,共13页
【目的】为解决传统图像处理方法鲁棒性差、常用深度学习检测方法无法准确识别大片漂浮物的边界等问题,【方法】提出一种基于改进DeeplabV3+的水面多类型漂浮物识别的语义分割方法,提高水面漂浮的识别能力。对所收集实际水面漂浮物进行... 【目的】为解决传统图像处理方法鲁棒性差、常用深度学习检测方法无法准确识别大片漂浮物的边界等问题,【方法】提出一种基于改进DeeplabV3+的水面多类型漂浮物识别的语义分割方法,提高水面漂浮的识别能力。对所收集实际水面漂浮物进行分类,采用自制数据集进行对比试验。算法选择xception网络作为主干网络以获得初步漂浮物特征,在加强特征提取网络部分引入注意力机制以强调有效特征信息,在后处理阶段加入全连接条件随机场模型,将单个像素点的局部信息与全局语义信息融合。【结果】对比图像分割性能指标,改进后的算法mPA(Mean Pixel Accuracy)提升了5.73%,mIOU(Mean Intersection Over Union)提升了4.37%。【结论】相比于其他算法模型,改进后的DeeplabV3+算法对漂浮物特征的获取能力更强,同时能获得丰富的细节信息以更精准地识别多类型水面漂浮物的边界与较难分类的漂浮物,在对多个水库场景测试后满足实际水域环境中漂浮物检测的需求。 展开更多
关键词 深度学习 语义分割 特征提取 漂浮物识别 注意力机制 全连接条件随机场 算法模型 影响因素
下载PDF
UAV-Assisted Dynamic Avatar Task Migration for Vehicular Metaverse Services: A Multi-Agent Deep Reinforcement Learning Approach 被引量:1
9
作者 Jiawen Kang Junlong Chen +6 位作者 Minrui Xu Zehui Xiong Yutao Jiao Luchao Han Dusit Niyato Yongju Tong Shengli Xie 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2024年第2期430-445,共16页
Avatars, as promising digital representations and service assistants of users in Metaverses, can enable drivers and passengers to immerse themselves in 3D virtual services and spaces of UAV-assisted vehicular Metavers... Avatars, as promising digital representations and service assistants of users in Metaverses, can enable drivers and passengers to immerse themselves in 3D virtual services and spaces of UAV-assisted vehicular Metaverses. However, avatar tasks include a multitude of human-to-avatar and avatar-to-avatar interactive applications, e.g., augmented reality navigation,which consumes intensive computing resources. It is inefficient and impractical for vehicles to process avatar tasks locally. Fortunately, migrating avatar tasks to the nearest roadside units(RSU)or unmanned aerial vehicles(UAV) for execution is a promising solution to decrease computation overhead and reduce task processing latency, while the high mobility of vehicles brings challenges for vehicles to independently perform avatar migration decisions depending on current and future vehicle status. To address these challenges, in this paper, we propose a novel avatar task migration system based on multi-agent deep reinforcement learning(MADRL) to execute immersive vehicular avatar tasks dynamically. Specifically, we first formulate the problem of avatar task migration from vehicles to RSUs/UAVs as a partially observable Markov decision process that can be solved by MADRL algorithms. We then design the multi-agent proximal policy optimization(MAPPO) approach as the MADRL algorithm for the avatar task migration problem. To overcome slow convergence resulting from the curse of dimensionality and non-stationary issues caused by shared parameters in MAPPO, we further propose a transformer-based MAPPO approach via sequential decision-making models for the efficient representation of relationships among agents. Finally, to motivate terrestrial or non-terrestrial edge servers(e.g., RSUs or UAVs) to share computation resources and ensure traceability of the sharing records, we apply smart contracts and blockchain technologies to achieve secure sharing management. Numerical results demonstrate that the proposed approach outperforms the MAPPO approach by around 2% and effectively reduces approximately 20% of the latency of avatar task execution in UAV-assisted vehicular Metaverses. 展开更多
关键词 AVATAR blockchain metaverses multi-agent deep reinforcement learning transformer UAVS
下载PDF
Deep learning for joint channel estimation and feedback in massive MIMO systems 被引量:1
10
作者 Jiajia Guo Tong Chen +3 位作者 Shi Jin Geoffrey Ye Li Xin Wang Xiaolin Hou 《Digital Communications and Networks》 SCIE CSCD 2024年第1期83-93,共11页
The great potentials of massive Multiple-Input Multiple-Output(MIMO)in Frequency Division Duplex(FDD)mode can be fully exploited when the downlink Channel State Information(CSI)is available at base stations.However,th... The great potentials of massive Multiple-Input Multiple-Output(MIMO)in Frequency Division Duplex(FDD)mode can be fully exploited when the downlink Channel State Information(CSI)is available at base stations.However,the accurate CsI is difficult to obtain due to the large amount of feedback overhead caused by massive antennas.In this paper,we propose a deep learning based joint channel estimation and feedback framework,which comprehensively realizes the estimation,compression,and reconstruction of downlink channels in FDD massive MIMO systems.Two networks are constructed to perform estimation and feedback explicitly and implicitly.The explicit network adopts a multi-Signal-to-Noise-Ratios(SNRs)technique to obtain a single trained channel estimation subnet that works well with different SNRs and employs a deep residual network to reconstruct the channels,while the implicit network directly compresses pilots and sends them back to reduce network parameters.Quantization module is also designed to generate data-bearing bitstreams.Simulation results show that the two proposed networks exhibit excellent performance of reconstruction and are robust to different environments and quantization errors. 展开更多
关键词 Channel estimation CSI feedback deep learning Massive MIMO FDD
下载PDF
Enhancing Deep Learning Soil Moisture Forecasting Models by Integrating Physics-based Models 被引量:1
11
作者 Lu LI Yongjiu DAI +5 位作者 Zhongwang WEI Wei SHANGGUAN Nan WEI Yonggen ZHANG Qingliang LI Xian-Xiang LI 《Advances in Atmospheric Sciences》 SCIE CAS CSCD 2024年第7期1326-1341,共16页
Accurate soil moisture(SM)prediction is critical for understanding hydrological processes.Physics-based(PB)models exhibit large uncertainties in SM predictions arising from uncertain parameterizations and insufficient... Accurate soil moisture(SM)prediction is critical for understanding hydrological processes.Physics-based(PB)models exhibit large uncertainties in SM predictions arising from uncertain parameterizations and insufficient representation of land-surface processes.In addition to PB models,deep learning(DL)models have been widely used in SM predictions recently.However,few pure DL models have notably high success rates due to lacking physical information.Thus,we developed hybrid models to effectively integrate the outputs of PB models into DL models to improve SM predictions.To this end,we first developed a hybrid model based on the attention mechanism to take advantage of PB models at each forecast time scale(attention model).We further built an ensemble model that combined the advantages of different hybrid schemes(ensemble model).We utilized SM forecasts from the Global Forecast System to enhance the convolutional long short-term memory(ConvLSTM)model for 1–16 days of SM predictions.The performances of the proposed hybrid models were investigated and compared with two existing hybrid models.The results showed that the attention model could leverage benefits of PB models and achieved the best predictability of drought events among the different hybrid models.Moreover,the ensemble model performed best among all hybrid models at all forecast time scales and different soil conditions.It is highlighted that the ensemble model outperformed the pure DL model over 79.5%of in situ stations for 16-day predictions.These findings suggest that our proposed hybrid models can adequately exploit the benefits of PB model outputs to aid DL models in making SM predictions. 展开更多
关键词 soil moisture forecasting hybrid model deep learning ConvLSTM attention mechanism
下载PDF
A Deep Learning Approach for Forecasting Thunderstorm Gusts in the Beijing–Tianjin–Hebei Region 被引量:1
12
作者 Yunqing LIU Lu YANG +3 位作者 Mingxuan CHEN Linye SONG Lei HAN Jingfeng XU 《Advances in Atmospheric Sciences》 SCIE CAS CSCD 2024年第7期1342-1363,共22页
Thunderstorm gusts are a common form of severe convective weather in the warm season in North China,and it is of great importance to correctly forecast them.At present,the forecasting of thunderstorm gusts is mainly b... Thunderstorm gusts are a common form of severe convective weather in the warm season in North China,and it is of great importance to correctly forecast them.At present,the forecasting of thunderstorm gusts is mainly based on traditional subjective methods,which fails to achieve high-resolution and high-frequency gridded forecasts based on multiple observation sources.In this paper,we propose a deep learning method called Thunderstorm Gusts TransU-net(TGTransUnet)to forecast thunderstorm gusts in North China based on multi-source gridded product data from the Institute of Urban Meteorology(IUM)with a lead time of 1 to 6 h.To determine the specific range of thunderstorm gusts,we combine three meteorological variables:radar reflectivity factor,lightning location,and 1-h maximum instantaneous wind speed from automatic weather stations(AWSs),and obtain a reasonable ground truth of thunderstorm gusts.Then,we transform the forecasting problem into an image-to-image problem in deep learning under the TG-TransUnet architecture,which is based on convolutional neural networks and a transformer.The analysis and forecast data of the enriched multi-source gridded comprehensive forecasting system for the period 2021–23 are then used as training,validation,and testing datasets.Finally,the performance of TG-TransUnet is compared with other methods.The results show that TG-TransUnet has the best prediction results at 1–6 h.The IUM is currently using this model to support the forecasting of thunderstorm gusts in North China. 展开更多
关键词 thunderstorm gusts deep learning weather forecasting convolutional neural network TRANSFORMER
下载PDF
240 nm AlGaN-based deep ultraviolet micro-LEDs:size effect versus edge effect 被引量:1
13
作者 Shunpeng Lu Jiangxiao Bai +6 位作者 Hongbo Li Ke Jiang Jianwei Ben Shanli Zhang Zi-Hui Zhang Xiaojuan Sun Dabing Li 《Journal of Semiconductors》 EI CAS CSCD 2024年第1期55-62,共8页
240 nm AlGaN-based micro-LEDs with different sizes are designed and fabricated.Then,the external quantum efficiency(EQE)and light extraction efficiency(LEE)are systematically investigated by comparing size and edge ef... 240 nm AlGaN-based micro-LEDs with different sizes are designed and fabricated.Then,the external quantum efficiency(EQE)and light extraction efficiency(LEE)are systematically investigated by comparing size and edge effects.Here,it is revealed that the peak optical output power increases by 81.83%with the size shrinking from 50.0 to 25.0μm.Thereinto,the LEE increases by 26.21%and the LEE enhancement mainly comes from the sidewall light extraction.Most notably,transversemagnetic(TM)mode light intensifies faster as the size shrinks due to the tilted mesa side-wall and Al reflector design.However,when it turns to 12.5μm sized micro-LEDs,the output power is lower than 25.0μm sized ones.The underlying mechanism is that even though protected by SiO2 passivation,the edge effect which leads to current leakage and Shockley-Read-Hall(SRH)recombination deteriorates rapidly with the size further shrinking.Moreover,the ratio of the p-contact area to mesa area is much lower,which deteriorates the p-type current spreading at the mesa edge.These findings show a role of thumb for the design of high efficiency micro-LEDs with wavelength below 250 nm,which will pave the way for wide applications of deep ultraviolet(DUV)micro-LEDs. 展开更多
关键词 ALGAN deep ultraviolet micro-LEDs light extraction efficiency size effect edge effect
下载PDF
Assessments of Data-Driven Deep Learning Models on One-Month Predictions of Pan-Arctic Sea Ice Thickness 被引量:1
14
作者 Chentao SONG Jiang ZHU Xichen LI 《Advances in Atmospheric Sciences》 SCIE CAS CSCD 2024年第7期1379-1390,共12页
In recent years,deep learning methods have gradually been applied to prediction tasks related to Arctic sea ice concentration,but relatively little research has been conducted for larger spatial and temporal scales,ma... In recent years,deep learning methods have gradually been applied to prediction tasks related to Arctic sea ice concentration,but relatively little research has been conducted for larger spatial and temporal scales,mainly due to the limited time coverage of observations and reanalysis data.Meanwhile,deep learning predictions of sea ice thickness(SIT)have yet to receive ample attention.In this study,two data-driven deep learning(DL)models are built based on the ConvLSTM and fully convolutional U-net(FC-Unet)algorithms and trained using CMIP6 historical simulations for transfer learning and fine-tuned using reanalysis/observations.These models enable monthly predictions of Arctic SIT without considering the complex physical processes involved.Through comprehensive assessments of prediction skills by season and region,the results suggest that using a broader set of CMIP6 data for transfer learning,as well as incorporating multiple climate variables as predictors,contribute to better prediction results,although both DL models can effectively predict the spatiotemporal features of SIT anomalies.Regarding the predicted SIT anomalies of the FC-Unet model,the spatial correlations with reanalysis reach an average level of 89%over all months,while the temporal anomaly correlation coefficients are close to unity in most cases.The models also demonstrate robust performances in predicting SIT and SIE during extreme events.The effectiveness and reliability of the proposed deep transfer learning models in predicting Arctic SIT can facilitate more accurate pan-Arctic predictions,aiding climate change research and real-time business applications. 展开更多
关键词 Arctic sea ice thickness deep learning spatiotemporal sequence prediction transfer learning
下载PDF
Flood Velocity Prediction Using Deep Learning Approach 被引量:1
15
作者 LUO Shaohua DING Linfang +2 位作者 TEKLE Gebretsadik Mulubirhan BRULAND Oddbjørn FAN Hongchao 《Journal of Geodesy and Geoinformation Science》 CSCD 2024年第1期59-73,共15页
Floods are one of the most serious natural disasters that can cause huge societal and economic losses.Extensive research has been conducted on topics like flood monitoring,prediction,and loss estimation.In these resea... Floods are one of the most serious natural disasters that can cause huge societal and economic losses.Extensive research has been conducted on topics like flood monitoring,prediction,and loss estimation.In these research fields,flood velocity plays a crucial role and is an important factor that influences the reliability of the outcomes.Traditional methods rely on physical models for flood simulation and prediction and could generate accurate results but often take a long time.Deep learning technology has recently shown significant potential in the same field,especially in terms of efficiency,helping to overcome the time-consuming associated with traditional methods.This study explores the potential of deep learning models in predicting flood velocity.More specifically,we use a Multi-Layer Perceptron(MLP)model,a specific type of Artificial Neural Networks(ANNs),to predict the velocity in the test area of the Lundesokna River in Norway with diverse terrain conditions.Geographic data and flood velocity simulated based on the physical hydraulic model are used in the study for the pre-training,optimization,and testing of the MLP model.Our experiment indicates that the MLP model has the potential to predict flood velocity in diverse terrain conditions of the river with acceptable accuracy against simulated velocity results but with a significant decrease in training time and testing time.Meanwhile,we discuss the limitations for the improvement in future work. 展开更多
关键词 flood velocity prediction geographic data MLP deep learning
下载PDF
Automatic detection of small bowel lesions with different bleeding risks based on deep learning models 被引量:1
16
作者 Rui-Ya Zhang Peng-Peng Qiang +5 位作者 Ling-Jun Cai Tao Li Yan Qin Yu Zhang Yi-Qing Zhao Jun-Ping Wang 《World Journal of Gastroenterology》 SCIE CAS 2024年第2期170-183,共14页
BACKGROUND Deep learning provides an efficient automatic image recognition method for small bowel(SB)capsule endoscopy(CE)that can assist physicians in diagnosis.However,the existing deep learning models present some ... BACKGROUND Deep learning provides an efficient automatic image recognition method for small bowel(SB)capsule endoscopy(CE)that can assist physicians in diagnosis.However,the existing deep learning models present some unresolved challenges.AIM To propose a novel and effective classification and detection model to automatically identify various SB lesions and their bleeding risks,and label the lesions accurately so as to enhance the diagnostic efficiency of physicians and the ability to identify high-risk bleeding groups.METHODS The proposed model represents a two-stage method that combined image classification with object detection.First,we utilized the improved ResNet-50 classification model to classify endoscopic images into SB lesion images,normal SB mucosa images,and invalid images.Then,the improved YOLO-V5 detection model was utilized to detect the type of lesion and its risk of bleeding,and the location of the lesion was marked.We constructed training and testing sets and compared model-assisted reading with physician reading.RESULTS The accuracy of the model constructed in this study reached 98.96%,which was higher than the accuracy of other systems using only a single module.The sensitivity,specificity,and accuracy of the model-assisted reading detection of all images were 99.17%,99.92%,and 99.86%,which were significantly higher than those of the endoscopists’diagnoses.The image processing time of the model was 48 ms/image,and the image processing time of the physicians was 0.40±0.24 s/image(P<0.001).CONCLUSION The deep learning model of image classification combined with object detection exhibits a satisfactory diagnostic effect on a variety of SB lesions and their bleeding risks in CE images,which enhances the diagnostic efficiency of physicians and improves the ability of physicians to identify high-risk bleeding groups. 展开更多
关键词 Artificial intelligence deep learning Capsule endoscopy Image classification Object detection Bleeding risk
下载PDF
A review of reservoir damage during hydraulic fracturing of deep and ultra-deep reservoirs 被引量:1
17
作者 Kun Zhang Xiong-Fei Liu +6 位作者 Dao-Bing Wang Bo Zheng Tun-Hao Chen Qing Wang Hao Bai Er-Dong Yao Fu-Jian Zhou 《Petroleum Science》 SCIE EI CAS CSCD 2024年第1期384-409,共26页
Deep and ultra-deep reservoirs have gradually become the primary focus of hydrocarbon exploration as a result of a series of significant discoveries in deep hydrocarbon exploration worldwide.These reservoirs present u... Deep and ultra-deep reservoirs have gradually become the primary focus of hydrocarbon exploration as a result of a series of significant discoveries in deep hydrocarbon exploration worldwide.These reservoirs present unique challenges due to their deep burial depth(4500-8882 m),low matrix permeability,complex crustal stress conditions,high temperature and pressure(HTHP,150-200℃,105-155 MPa),coupled with high salinity of formation water.Consequently,the costs associated with their exploitation and development are exceptionally high.In deep and ultra-deep reservoirs,hydraulic fracturing is commonly used to achieve high and stable production.During hydraulic fracturing,a substantial volume of fluid is injected into the reservoir.However,statistical analysis reveals that the flowback rate is typically less than 30%,leaving the majority of the fluid trapped within the reservoir.Therefore,hydraulic fracturing in deep reservoirs not only enhances the reservoir permeability by creating artificial fractures but also damages reservoirs due to the fracturing fluids involved.The challenging“three-high”environment of a deep reservoir,characterized by high temperature,high pressure,and high salinity,exacerbates conventional forms of damage,including water sensitivity,retention of fracturing fluids,rock creep,and proppant breakage.In addition,specific damage mechanisms come into play,such as fracturing fluid decomposition at elevated temperatures and proppant diagenetic reactions at HTHP conditions.Presently,the foremost concern in deep oil and gas development lies in effectively assessing the damage inflicted on these reservoirs by hydraulic fracturing,comprehending the underlying mechanisms,and selecting appropriate solutions.It's noteworthy that the majority of existing studies on reservoir damage primarily focus on conventional reservoirs,with limited attention given to deep reservoirs and a lack of systematic summaries.In light of this,our approach entails initially summarizing the current knowledge pertaining to the types of fracturing fluids employed in deep and ultra-deep reservoirs.Subsequently,we delve into a systematic examination of the damage processes and mechanisms caused by fracturing fluids within the context of hydraulic fracturing in deep reservoirs,taking into account the unique reservoir characteristics of high temperature,high pressure,and high in-situ stress.In addition,we provide an overview of research progress related to high-temperature deep reservoir fracturing fluid and the damage of aqueous fracturing fluids to rock matrix,both artificial and natural fractures,and sand-packed fractures.We conclude by offering a summary of current research advancements and future directions,which hold significant potential for facilitating the efficient development of deep oil and gas reservoirs while effectively mitigating reservoir damage. 展开更多
关键词 Artificial fracture deep and ultra-deep reservoir Fracture conductivity Fracturing fluid Hydraulic fracturing Reservoir damage
下载PDF
基于场因子分解的xDeepFM推荐模型
18
作者 李子杰 张姝 +2 位作者 欧阳昭相 王俊 吴迪 《应用科学学报》 CAS CSCD 北大核心 2024年第3期513-524,共12页
极深因子分解机(eXtreme deep factorization machine,xDeepFM)是一种基于上下文感知的推荐模型,它提出了一种压缩交叉网络对特征进行阶数可控的特征交叉,并将该网络与深度神经网络进行结合以优化推荐效果。为了进一步提升xDeepFM在推... 极深因子分解机(eXtreme deep factorization machine,xDeepFM)是一种基于上下文感知的推荐模型,它提出了一种压缩交叉网络对特征进行阶数可控的特征交叉,并将该网络与深度神经网络进行结合以优化推荐效果。为了进一步提升xDeepFM在推荐场景下的表现,提出一种基于场因子分解的xDeepFM改进模型。该模型通过场信息增强了特征的表达能力,并建立了多个交叉压缩网络以学习高阶组合特征。最后分析了用户场、项目场设定的合理性,并在3个不同规模的MovieLens系列数据集上通过受试者工作特征曲线下面积、对数似然损失指标进行性能评估,验证了该改进模型的有效性。 展开更多
关键词 推荐算法 极深因子分解机 场因子分解 深度学习
下载PDF
A gated recurrent unit model to predict Poisson’s ratio using deep learning 被引量:1
19
作者 Fahd Saeed Alakbari Mysara Eissa Mohyaldinn +4 位作者 Mohammed Abdalla Ayoub Ibnelwaleed A.Hussein Ali Samer Muhsan Syahrir Ridha Abdullah Abduljabbar Salih 《Journal of Rock Mechanics and Geotechnical Engineering》 SCIE CSCD 2024年第1期123-135,共13页
Static Poisson’s ratio(vs)is crucial for determining geomechanical properties in petroleum applications,namely sand production.Some models have been used to predict vs;however,the published models were limited to spe... Static Poisson’s ratio(vs)is crucial for determining geomechanical properties in petroleum applications,namely sand production.Some models have been used to predict vs;however,the published models were limited to specific data ranges with an average absolute percentage relative error(AAPRE)of more than 10%.The published gated recurrent unit(GRU)models do not consider trend analysis to show physical behaviors.In this study,we aim to develop a GRU model using trend analysis and three inputs for predicting n s based on a broad range of data,n s(value of 0.1627-0.4492),bulk formation density(RHOB)(0.315-2.994 g/mL),compressional time(DTc)(44.43-186.9 μs/ft),and shear time(DTs)(72.9-341.2μ s/ft).The GRU model was evaluated using different approaches,including statistical error an-alyses.The GRU model showed the proper trends,and the model data ranges were wider than previous ones.The GRU model has the largest correlation coefficient(R)of 0.967 and the lowest AAPRE,average percent relative error(APRE),root mean square error(RMSE),and standard deviation(SD)of 3.228%,1.054%,4.389,and 0.013,respectively,compared to other models.The GRU model has a high accuracy for the different datasets:training,validation,testing,and the whole datasets with R and AAPRE values were 0.981 and 2.601%,0.966 and 3.274%,0.967 and 3.228%,and 0.977 and 2.861%,respectively.The group error analyses of all inputs show that the GRU model has less than 5% AAPRE for all input ranges,which is superior to other models that have different AAPRE values of more than 10% at various ranges of inputs. 展开更多
关键词 Static Poisson’s ratio deep learning Gated recurrent unit(GRU) Sand control Trend analysis Geomechanical properties
下载PDF
Probabilistic seismic inversion based on physics-guided deep mixture density network
20
作者 Qian-Hao Sun Zhao-Yun Zong Xin Li 《Petroleum Science》 SCIE EI CAS CSCD 2024年第3期1611-1631,共21页
Deterministic inversion based on deep learning has been widely utilized in model parameters estimation.Constrained by logging data,seismic data,wavelet and modeling operator,deterministic inversion based on deep learn... Deterministic inversion based on deep learning has been widely utilized in model parameters estimation.Constrained by logging data,seismic data,wavelet and modeling operator,deterministic inversion based on deep learning can establish nonlinear relationships between seismic data and model parameters.However,seismic data lacks low-frequency and contains noise,which increases the non-uniqueness of the solutions.The conventional inversion method based on deep learning can only establish the deterministic relationship between seismic data and parameters,and cannot quantify the uncertainty of inversion.In order to quickly quantify the uncertainty,a physics-guided deep mixture density network(PG-DMDN)is established by combining the mixture density network(MDN)with the deep neural network(DNN).Compared with Bayesian neural network(BNN)and network dropout,PG-DMDN has lower computing cost and shorter training time.A low-frequency model is introduced in the training process of the network to help the network learn the nonlinear relationship between narrowband seismic data and low-frequency impedance.In addition,the block constraints are added to the PG-DMDN framework to improve the horizontal continuity of the inversion results.To illustrate the benefits of proposed method,the PG-DMDN is compared with existing semi-supervised inversion method.Four synthetic data examples of Marmousi II model are utilized to quantify the influence of forward modeling part,low-frequency model,noise and the pseudo-wells number on inversion results,and prove the feasibility and stability of the proposed method.In addition,the robustness and generality of the proposed method are verified by the field seismic data. 展开更多
关键词 deep learning Probabilistic inversion Physics-guided deep mixture density network
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部