期刊文献+
共找到112,043篇文章
< 1 2 250 >
每页显示 20 50 100
基于DeepLabv3+的船体结构腐蚀检测方法
1
作者 向林浩 方昊昱 +2 位作者 周健 张瑜 李位星 《船海工程》 北大核心 2024年第2期30-34,共5页
利用图像识别方法对无人机、机器人所采集的实时图像开展船体结构腐蚀检测,可有效提高检验检测效率和数字化、智能化水平,具有极大的应用价值和潜力,将改变传统的船体结构检验检测方式。提出一种基于DeepLabv3+的船体结构腐蚀检测模型,... 利用图像识别方法对无人机、机器人所采集的实时图像开展船体结构腐蚀检测,可有效提高检验检测效率和数字化、智能化水平,具有极大的应用价值和潜力,将改变传统的船体结构检验检测方式。提出一种基于DeepLabv3+的船体结构腐蚀检测模型,通过收集图像样本并进行三种腐蚀类别的分割标注,基于DeepLabv3+语义分割模型进行网络的训练,预测图片中腐蚀的像素点类别和区域,模型在测试集的精准率达到52.92%,证明了使用DeepLabv3+检测船体腐蚀缺陷的可行性。 展开更多
关键词 船体结构 腐蚀检测 深度学习 deepLabv3+
下载PDF
Optimizing Deep Learning for Computer-Aided Diagnosis of Lung Diseases: An Automated Method Combining Evolutionary Algorithm, Transfer Learning, and Model Compression
2
作者 Hassen Louati Ali Louati +1 位作者 Elham Kariri Slim Bechikh 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第3期2519-2547,共29页
Recent developments in Computer Vision have presented novel opportunities to tackle complex healthcare issues,particularly in the field of lung disease diagnosis.One promising avenue involves the use of chest X-Rays,w... Recent developments in Computer Vision have presented novel opportunities to tackle complex healthcare issues,particularly in the field of lung disease diagnosis.One promising avenue involves the use of chest X-Rays,which are commonly utilized in radiology.To fully exploit their potential,researchers have suggested utilizing deep learning methods to construct computer-aided diagnostic systems.However,constructing and compressing these systems presents a significant challenge,as it relies heavily on the expertise of data scientists.To tackle this issue,we propose an automated approach that utilizes an evolutionary algorithm(EA)to optimize the design and compression of a convolutional neural network(CNN)for X-Ray image classification.Our approach accurately classifies radiography images and detects potential chest abnormalities and infections,including COVID-19.Furthermore,our approach incorporates transfer learning,where a pre-trainedCNNmodel on a vast dataset of chest X-Ray images is fine-tuned for the specific task of detecting COVID-19.This method can help reduce the amount of labeled data required for the task and enhance the overall performance of the model.We have validated our method via a series of experiments against state-of-the-art architectures. 展开更多
关键词 Computer-aided diagnosis deep learning evolutionary algorithms deep compression transfer learning
下载PDF
Hyperspectral image super resolution using deep internal and self-supervised learning
3
作者 Zhe Liu Xian-Hua Han 《CAAI Transactions on Intelligence Technology》 SCIE EI 2024年第1期128-141,共14页
By automatically learning the priors embedded in images with powerful modelling ca-pabilities,deep learning-based algorithms have recently made considerable progress in reconstructing the high-resolution hyperspectral... By automatically learning the priors embedded in images with powerful modelling ca-pabilities,deep learning-based algorithms have recently made considerable progress in reconstructing the high-resolution hyperspectral(HR-HS)image.With previously collected large-amount of external data,these methods are intuitively realised under the full supervision of the ground-truth data.Thus,the database construction in merging the low-resolution(LR)HS(LR-HS)and HR multispectral(MS)or RGB image research paradigm,commonly named as HSI SR,requires collecting corresponding training triplets:HR-MS(RGB),LR-HS and HR-HS image simultaneously,and often faces dif-ficulties in reality.The learned models with the training datasets collected simultaneously under controlled conditions may significantly degrade the HSI super-resolved perfor-mance to the real images captured under diverse environments.To handle the above-mentioned limitations,the authors propose to leverage the deep internal and self-supervised learning to solve the HSI SR problem.The authors advocate that it is possible to train a specific CNN model at test time,called as deep internal learning(DIL),by on-line preparing the training triplet samples from the observed LR-HS/HR-MS(or RGB)images and the down-sampled LR-HS version.However,the number of the training triplets extracted solely from the transformed data of the observation itself is extremely few particularly for the HSI SR tasks with large spatial upscale factors,which would result in limited reconstruction performance.To solve this problem,the authors further exploit deep self-supervised learning(DSL)by considering the observations as the unlabelled training samples.Specifically,the degradation modules inside the network were elaborated to realise the spatial and spectral down-sampling procedures for transforming the generated HR-HS estimation to the high-resolution RGB/LR-HS approximation,and then the reconstruction errors of the observations were formulated for measuring the network modelling performance.By consolidating the DIL and DSL into a unified deep framework,the authors construct a more robust HSI SR method without any prior training and have great potential of flexible adaptation to different settings per obser-vation.To verify the effectiveness of the proposed approach,extensive experiments have been conducted on two benchmark HS datasets,including the CAVE and Harvard datasets,and demonstrate the great performance gain of the proposed method over the state-of-the-art methods. 展开更多
关键词 computer vision deep learning deep neural networks HYPERSPECTRAL image enhancement
下载PDF
Constrained Multi-Objective Optimization With Deep Reinforcement Learning Assisted Operator Selection
4
作者 Fei Ming Wenyin Gong +1 位作者 Ling Wang Yaochu Jin 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2024年第4期919-931,共13页
Solving constrained multi-objective optimization problems with evolutionary algorithms has attracted considerable attention.Various constrained multi-objective optimization evolutionary algorithms(CMOEAs)have been dev... Solving constrained multi-objective optimization problems with evolutionary algorithms has attracted considerable attention.Various constrained multi-objective optimization evolutionary algorithms(CMOEAs)have been developed with the use of different algorithmic strategies,evolutionary operators,and constraint-handling techniques.The performance of CMOEAs may be heavily dependent on the operators used,however,it is usually difficult to select suitable operators for the problem at hand.Hence,improving operator selection is promising and necessary for CMOEAs.This work proposes an online operator selection framework assisted by Deep Reinforcement Learning.The dynamics of the population,including convergence,diversity,and feasibility,are regarded as the state;the candidate operators are considered as actions;and the improvement of the population state is treated as the reward.By using a Q-network to learn a policy to estimate the Q-values of all actions,the proposed approach can adaptively select an operator that maximizes the improvement of the population according to the current state and thereby improve the algorithmic performance.The framework is embedded into four popular CMOEAs and assessed on 42 benchmark problems.The experimental results reveal that the proposed Deep Reinforcement Learning-assisted operator selection significantly improves the performance of these CMOEAs and the resulting algorithm obtains better versatility compared to nine state-of-the-art CMOEAs. 展开更多
关键词 Constrained multi-objective optimization deep Qlearning deep reinforcement learning(DRL) evolutionary algorithms evolutionary operator selection
下载PDF
Machine Learning Techniques Using Deep Instinctive Encoder-Based Feature Extraction for Optimized Breast Cancer Detection
5
作者 Vaishnawi Priyadarshni Sanjay Kumar Sharma +2 位作者 Mohammad Khalid Imam Rahmani Baijnath Kaushik Rania Almajalid 《Computers, Materials & Continua》 SCIE EI 2024年第2期2441-2468,共28页
Breast cancer(BC)is one of the leading causes of death among women worldwide,as it has emerged as the most commonly diagnosed malignancy in women.Early detection and effective treatment of BC can help save women’s li... Breast cancer(BC)is one of the leading causes of death among women worldwide,as it has emerged as the most commonly diagnosed malignancy in women.Early detection and effective treatment of BC can help save women’s lives.Developing an efficient technology-based detection system can lead to non-destructive and preliminary cancer detection techniques.This paper proposes a comprehensive framework that can effectively diagnose cancerous cells from benign cells using the Curated Breast Imaging Subset of the Digital Database for Screening Mammography(CBIS-DDSM)data set.The novelty of the proposed framework lies in the integration of various techniques,where the fusion of deep learning(DL),traditional machine learning(ML)techniques,and enhanced classification models have been deployed using the curated dataset.The analysis outcome proves that the proposed enhanced RF(ERF),enhanced DT(EDT)and enhanced LR(ELR)models for BC detection outperformed most of the existing models with impressive results. 展开更多
关键词 Autoencoder breast cancer deep neural network convolutional neural network image processing machine learning deep learning
下载PDF
Extended Deep Learning Algorithm for Improved Brain Tumor Diagnosis System
6
作者 M.Adimoolam K.Maithili +7 位作者 N.M.Balamurugan R.Rajkumar S.Leelavathy Raju Kannadasan Mohd Anul Haq Ilyas Khan ElSayed M.Tag El Din Arfat Ahmad Khan 《Intelligent Automation & Soft Computing》 2024年第1期33-55,共23页
At present,the prediction of brain tumors is performed using Machine Learning(ML)and Deep Learning(DL)algorithms.Although various ML and DL algorithms are adapted to predict brain tumors to some range,some concerns st... At present,the prediction of brain tumors is performed using Machine Learning(ML)and Deep Learning(DL)algorithms.Although various ML and DL algorithms are adapted to predict brain tumors to some range,some concerns still need enhancement,particularly accuracy,sensitivity,false positive and false negative,to improve the brain tumor prediction system symmetrically.Therefore,this work proposed an Extended Deep Learning Algorithm(EDLA)to measure performance parameters such as accuracy,sensitivity,and false positive and false negative rates.In addition,these iterated measures were analyzed by comparing the EDLA method with the Convolutional Neural Network(CNN)way further using the SPSS tool,and respective graphical illustrations were shown.The results were that the mean performance measures for the proposed EDLA algorithm were calculated,and those measured were accuracy(97.665%),sensitivity(97.939%),false positive(3.012%),and false negative(3.182%)for ten iterations.Whereas in the case of the CNN,the algorithm means accuracy gained was 94.287%,mean sensitivity 95.612%,mean false positive 5.328%,and mean false negative 4.756%.These results show that the proposed EDLA method has outperformed existing algorithms,including CNN,and ensures symmetrically improved parameters.Thus EDLA algorithm introduces novelty concerning its performance and particular activation function.This proposed method will be utilized effectively in brain tumor detection in a precise and accurate manner.This algorithm would apply to brain tumor diagnosis and be involved in various medical diagnoses aftermodification.If the quantity of dataset records is enormous,then themethod’s computation power has to be updated. 展开更多
关键词 Brain tumor extended deep learning algorithm convolution neural network tumor detection deep learning
下载PDF
A Deep Reinforcement Learning-Based Technique for Optimal Power Allocation in Multiple Access Communications
7
作者 Sepehr Soltani Ehsan Ghafourian +2 位作者 Reza Salehi DiegoMartín Milad Vahidi 《Intelligent Automation & Soft Computing》 2024年第1期93-108,共16页
Formany years,researchers have explored power allocation(PA)algorithms driven bymodels in wireless networks where multiple-user communications with interference are present.Nowadays,data-driven machine learning method... Formany years,researchers have explored power allocation(PA)algorithms driven bymodels in wireless networks where multiple-user communications with interference are present.Nowadays,data-driven machine learning methods have become quite popular in analyzing wireless communication systems,which among them deep reinforcement learning(DRL)has a significant role in solving optimization issues under certain constraints.To this purpose,in this paper,we investigate the PA problem in a k-user multiple access channels(MAC),where k transmitters(e.g.,mobile users)aim to send an independent message to a common receiver(e.g.,base station)through wireless channels.To this end,we first train the deep Q network(DQN)with a deep Q learning(DQL)algorithm over the simulation environment,utilizing offline learning.Then,the DQN will be used with the real data in the online training method for the PA issue by maximizing the sumrate subjected to the source power.Finally,the simulation results indicate that our proposedDQNmethod provides better performance in terms of the sumrate compared with the available DQL training approaches such as fractional programming(FP)and weighted minimum mean squared error(WMMSE).Additionally,by considering different user densities,we show that our proposed DQN outperforms benchmark algorithms,thereby,a good generalization ability is verified over wireless multi-user communication systems. 展开更多
关键词 deep reinforcement learning deep Q learning multiple access channel power allocation
下载PDF
基于改进DeepLabV3+的引导式道路提取方法及在震源点位优化中的应用
8
作者 曹凯奇 张凌浩 +3 位作者 徐虹 吴蔚 文武 周航 《西安石油大学学报(自然科学版)》 CAS 北大核心 2024年第2期128-142,共15页
为解决自动识别方法在道路提取时存在漏提、错提现象,提出一种引导式道路提取方法提高修正效率。在DeepLabV3+原有输入通道(3通道)的基础上添加额外输入通道(第4通道),将道路的4个极点转化为二维高斯热图后作为额外通道输入网络,网络以... 为解决自动识别方法在道路提取时存在漏提、错提现象,提出一种引导式道路提取方法提高修正效率。在DeepLabV3+原有输入通道(3通道)的基础上添加额外输入通道(第4通道),将道路的4个极点转化为二维高斯热图后作为额外通道输入网络,网络以极点作为引导信号,使网络适用于引导式道路提取任务;设计并行多分支模块,提取上下文信息,增强网络特征提取能力;融合类均衡二值交叉熵和骰子系数组成新的复合损失函数进行训练缓解正负样本不均衡问题。在公共Deepglobe数据集和西南某区域三维实际数据集上对本文网络进行验证,在Deepglobe上的像素精确度PA、交并比IOU、F1分数分别达到82.29%、68.81%和81.52%;在西南某区域三维数据集上PA、IOU、F1分别达到89.05%、81.01%和89.51%。实际应用表明:该方法能够有效提高道路识别精度,道路符合率达到85%以上,为后续震源点布设提供准确的信息。 展开更多
关键词 道路拾取 深度学习 deepLabV3+ 震源点布设
下载PDF
基于改进Deeplabv3+的电力线分割方法研究
9
作者 唐心亮 赵冰雪 +1 位作者 韩明 宿景芳 《国外电子测量技术》 2024年第3期43-49,共7页
针对已有的分割算法存在的复杂场景干扰大、分割不准确的问题,提出一种用于电力线分割任务的改进Deeplabv3+模型。将原始主干网络替换为轻量级Mobilenetv2网络,增加低水平特征,获得5路输入特征,充分提取特征信息;添加空洞空间金字塔池化... 针对已有的分割算法存在的复杂场景干扰大、分割不准确的问题,提出一种用于电力线分割任务的改进Deeplabv3+模型。将原始主干网络替换为轻量级Mobilenetv2网络,增加低水平特征,获得5路输入特征,充分提取特征信息;添加空洞空间金字塔池化(atrous spatial pyramid pooling,ASPP)的卷积分支数量,调整空洞率,提升图像的特征抓取能力,进一步在每个空洞卷积后加入1×1卷积操作,加快计算速度;提出一种基于坐标注意力机制的语义嵌入分支模块(coordinate attention semantic embedding branch,CASEB),融合第2、3路特征,增强目标特征的表示;引入卷积注意力机制模块(convolution block attention module,CBAM)抑制无用信息的传递,提高模型识别效率。实验结果表明,相对于原Deeplabv3+模型,改进模型在平均像素精度(mean pixel attention,MPA)和平均交并比(mean intersection over union,mIoU)上分别提升2.37%和3.42%,该方法可提供更加精确的电力线分割结果。 展开更多
关键词 电力线分割 深度学习 改进deeplabv3+模型 Mobilenetv2 注意力模块
原文传递
基于改进DeepLabV3+的梨树冠层分割方法
10
作者 陈鲁威 曾锦 +3 位作者 袁全春 夏烨 潘健 吕晓兰 《中国农机化学报》 北大核心 2024年第4期155-161,共7页
针对杂草和阴影等较复杂背景影响梨树冠层图像信息提取精度的问题,提出一种改进DeepLabV3+的梨树冠层图像分割方法。该方法将注意力机制引入到DeepLabV3+编码部分的主干网络与空洞空间金字塔池化模块之间和解码部分的主干网络之后,重要... 针对杂草和阴影等较复杂背景影响梨树冠层图像信息提取精度的问题,提出一种改进DeepLabV3+的梨树冠层图像分割方法。该方法将注意力机制引入到DeepLabV3+编码部分的主干网络与空洞空间金字塔池化模块之间和解码部分的主干网络之后,重要的特征信息将得到关注,提高模型分割精度的同时保证分割效率。以Y字形棚架梨园为试验对象,通过无人机采集梨树冠层照片,进行冠层分割试验。结果表明,提出的CBAM-DeepLabV3+模型对梨树冠层图像分割的平均交并比、类别平均像素准确率和准确率分别为88.72%、94.56%和96.65%,分割单张图像时间为0.107 s。CBAM-DeepLabV3+模型分割梨树冠层的类别平均像素准确率相比DeepLabV3+和SE-DeepLabV3+分别提高2.28%和0.56%。 展开更多
关键词 梨树冠层 图像分割 deepLabV3+ 注意力机制 深度学习
下载PDF
拖拉机平视显示研究与分析--基于DeeplabV3+和眼动追踪技术
11
作者 邴媛 张建敏 《农机化研究》 北大核心 2024年第6期240-247,共8页
为了提高拖拉机驾驶人员的驾驶安全系数,解决拖拉机驾驶人员经常扭头观看后方农机机具作业情况的问题,对拖拉机驾驶室使用平视显示(HUD)进行研究分析。首先,利用Deeplabv3+图像语义分割法与眼动追踪技术结合的方式,对拖拉机驾驶人员观... 为了提高拖拉机驾驶人员的驾驶安全系数,解决拖拉机驾驶人员经常扭头观看后方农机机具作业情况的问题,对拖拉机驾驶室使用平视显示(HUD)进行研究分析。首先,利用Deeplabv3+图像语义分割法与眼动追踪技术结合的方式,对拖拉机驾驶人员观察后方农机机具的画面进行采集并对重要信息进行标注;然后,使用Pytorch深度学习框架来搭建所需的模型网络结构和完成相应的代码开发,最终得到较为清晰的分割图像;最后,对原始图像及分割后图像进行眼动追踪实验验证,提取被试者的眼动轨迹,发现分割后图像能更好地被观看者识别。研究结果表明:利用DeeplabV3+对图像进行分割增强,应用到平视显示技术中,可以有效提高拖拉机驾驶人员的驾驶安全性和工作效率。 展开更多
关键词 拖拉机 平视显示 deeplabV3+ 眼动追踪 深度学习
下载PDF
UAV-Assisted Dynamic Avatar Task Migration for Vehicular Metaverse Services: A Multi-Agent Deep Reinforcement Learning Approach
12
作者 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
Dendritic Deep Learning for Medical Segmentation
13
作者 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
Modeling Geometrically Nonlinear FG Plates: A Fast and Accurate Alternative to IGA Method Based on Deep Learning
14
作者 Se Li Tiantang Yu Tinh Quoc Bui 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第3期2793-2808,共16页
Isogeometric analysis (IGA) is known to showadvanced features compared to traditional finite element approaches.Using IGA one may accurately obtain the geometrically nonlinear bending behavior of plates with functiona... Isogeometric analysis (IGA) is known to showadvanced features compared to traditional finite element approaches.Using IGA one may accurately obtain the geometrically nonlinear bending behavior of plates with functionalgrading (FG). However, the procedure is usually complex and often is time-consuming. We thus put forward adeep learning method to model the geometrically nonlinear bending behavior of FG plates, bypassing the complexIGA simulation process. A long bidirectional short-term memory (BLSTM) recurrent neural network is trainedusing the load and gradient index as inputs and the displacement responses as outputs. The nonlinear relationshipbetween the outputs and the inputs is constructed usingmachine learning so that the displacements can be directlyestimated by the deep learning network. To provide enough training data, we use S-FSDT Von-Karman IGA andobtain the displacement responses for different loads and gradient indexes. Results show that the recognition erroris low, and demonstrate the feasibility of deep learning technique as a fast and accurate alternative to IGA formodeling the geometrically nonlinear bending behavior of FG plates. 展开更多
关键词 FG plates geometric nonlinearity deep learning BLSTM IGA S-FSDT
下载PDF
ASLP-DL—A Novel Approach Employing Lightweight Deep Learning Framework for Optimizing Accident Severity Level Prediction
15
作者 Saba Awan Zahid Mehmood 《Computers, Materials & Continua》 SCIE EI 2024年第2期2535-2555,共21页
Highway safety researchers focus on crash injury severity,utilizing deep learning—specifically,deep neural networks(DNN),deep convolutional neural networks(D-CNN),and deep recurrent neural networks(D-RNN)—as the pre... Highway safety researchers focus on crash injury severity,utilizing deep learning—specifically,deep neural networks(DNN),deep convolutional neural networks(D-CNN),and deep recurrent neural networks(D-RNN)—as the preferred method for modeling accident severity.Deep learning’s strength lies in handling intricate relation-ships within extensive datasets,making it popular for accident severity level(ASL)prediction and classification.Despite prior success,there is a need for an efficient system recognizing ASL in diverse road conditions.To address this,we present an innovative Accident Severity Level Prediction Deep Learning(ASLP-DL)framework,incorporating DNN,D-CNN,and D-RNN models fine-tuned through iterative hyperparameter selection with Stochastic Gradient Descent.The framework optimizes hidden layers and integrates data augmentation,Gaussian noise,and dropout regularization for improved generalization.Sensitivity and factor contribution analyses identify influential predictors.Evaluated on three diverse crash record databases—NCDB 2018–2019,UK 2015–2020,and US 2016–2021—the D-RNN model excels with an ACC score of 89.0281%,a Roc Area of 0.751,an F-estimate of 0.941,and a Kappa score of 0.0629 over the NCDB dataset.The proposed framework consistently outperforms traditional methods,existing machine learning,and deep learning techniques. 展开更多
关键词 Injury SEVERITY PREDICTION deep learning feature
下载PDF
Kelp Fucoidans Facilitate Vascular Recanalization via Inhibiting Excessive Activation of Platelet in Deep Venous Thrombosis Model of Mouse
16
作者 SUN Taohua LIU Jie +2 位作者 YAN Taishan CHEN Anjin ZHANG Fang 《Journal of Ocean University of China》 CAS CSCD 2024年第2期550-556,共7页
This study was carried out explore the mechanism underlying the inhibition of platelet activation by kelp fucoidans in deep venous thrombosis(DVT)mouse.In the control and sham mice,the walls of deep vein were regular ... This study was carried out explore the mechanism underlying the inhibition of platelet activation by kelp fucoidans in deep venous thrombosis(DVT)mouse.In the control and sham mice,the walls of deep vein were regular and smooth with intact intima,myometrium and adventitia.The blood vessel was wrapped with the tissue and there was no thrombosis in the lumen.In the DVT model,the wall was uneven with thicken intima,myometrium and adventitia.After treated with fucoidans LF1 and LF2,the thrombus was dissolved and the blood vessel was recanalized.Compared with the control group,the ROS content,ET-1 and VWF content and the expression of PKC-βand NF-κB in the model were significantly higher(P<0.05);these levels were significantly reduced following treatments with LF2 and LF1.Compared with H_(2)O_(2)treated-HUVECs,combined LF1 and LF2 treatment resulted in significant decrease in the expression of PKC-β,NF-κB,VWF and TM protein(P<0.05).It is clear that LF1 and LF2 reduces DVT-induced ET-1,VWF and TM expressions and production of ROS,thus inhibiting the activation of PKC-β/NF-κB signal pathway and the activation of coagulation system and ultimately reducing the formation of venous thrombus. 展开更多
关键词 kelp fucoidans LF1 LF2 deep vein thrombosis PLATELET
下载PDF
Insight into the experiment and extraction mechanism for separating carbazole from anthracene oil with quaternary ammonium-based deep eutectic solvents
17
作者 Xudong Zhang Yanhua Liu +4 位作者 Jun Shen Yugao Wang Gang Liu Yanxia Niu Qingtao Sheng 《Chinese Journal of Chemical Engineering》 SCIE EI CAS CSCD 2024年第1期188-199,共12页
Carbazole is an irreplaceable basic organic chemical raw material and intermediate in industry.The separation of carbazole from anthracene oil by environmental benign solvents is important but still a challenge in che... Carbazole is an irreplaceable basic organic chemical raw material and intermediate in industry.The separation of carbazole from anthracene oil by environmental benign solvents is important but still a challenge in chemical engineering.Deep eutectic solvents (DESs) as a sustainable green separation solvent have been proposed for the separation of carbazole from model anthracene oil.In this research,three quaternary ammonium-based DESs were prepared using ethylene glycol (EG) as hydrogen bond donor and tetrabutylammonium chloride (TBAC),tetrabutylammonium bromide or choline chloride as hydrogen bond acceptors.To explore their extraction performance of carbazole,the conductor-like screening model for real solvents (COSMO-RS) model was used to predict the activity coefficient at infinite dilution (γ^(∞)) of carbazole in DESs,and the result indicated TBAC:EG (1:2) had the stronger extraction ability for carbazole due to the higher capacity at infinite dilution (C^(∞)) value.Then,the separation performance of these three DESs was evaluated by experiments,and the experimental results were in good agreement with the COSMO-RS prediction results.The TBAC:EG (1:2) was determined as the most promising solvent.Additionally,the extraction conditions of TBAC:EG (1:2) were optimized,and the extraction efficiency,distribution coefficient and selectivity of carbazole could reach up to 85.74%,30.18 and 66.10%,respectively.Moreover,the TBAC:EG (1:2) could be recycled by using environmentally friendly water as antisolvent.In addition,the separation performance of TBAC:EG (1:2) was also evaluated by real crude anthracene,the carbazole was obtained with purity and yield of 85.32%,60.27%,respectively.Lastly,the extraction mechanism was elucidated byσ-profiles and interaction energy analysis.Theoretical calculation results showed that the main driving force for the extraction process was the hydrogen bonding ((N–H...Cl) and van der Waals interactions (C–H...O and C–H...π),which corresponding to the blue and green isosurfaces in IGMH analysis.This work presented a novel method for separating carbazole from crude anthracene oil,and will provide an important reference for the separation of other high value-added products from coal tar. 展开更多
关键词 CARBAZOLE Model anthracene oil deep eutectic solvents COSMO-RS Extraction mechanism
下载PDF
A Deep Learning Approach for Landmines Detection Based on Airborne Magnetometry Imaging and Edge Computing
18
作者 Ahmed Barnawi Krishan Kumar +2 位作者 Neeraj Kumar Bander Alzahrani Amal Almansour 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第5期2117-2137,共21页
Landmines continue to pose an ongoing threat in various regions around the world,with countless buried landmines affecting numerous human lives.The detonation of these landmines results in thousands of casualties repo... Landmines continue to pose an ongoing threat in various regions around the world,with countless buried landmines affecting numerous human lives.The detonation of these landmines results in thousands of casualties reported worldwide annually.Therefore,there is a pressing need to employ diverse landmine detection techniques for their removal.One effective approach for landmine detection is UAV(Unmanned Aerial Vehicle)based AirborneMagnetometry,which identifies magnetic anomalies in the local terrestrial magnetic field.It can generate a contour plot or heat map that visually represents the magnetic field strength.Despite the effectiveness of this approach,landmine removal remains a challenging and resource-intensive task,fraughtwith risks.Edge computing,on the other hand,can play a crucial role in critical drone monitoring applications like landmine detection.By processing data locally on a nearby edge server,edge computing can reduce communication latency and bandwidth requirements,allowing real-time analysis of magnetic field data.It enables faster decision-making and more efficient landmine detection,potentially saving lives and minimizing the risks involved in the process.Furthermore,edge computing can provide enhanced security and privacy by keeping sensitive data close to the source,reducing the chances of data exposure during transmission.This paper introduces the MAGnetometry Imaging based Classification System(MAGICS),a fully automated UAV-based system designed for landmine and buried object detection and localization.We have developed an efficient deep learning-based strategy for automatic image classification using magnetometry dataset traces.By simulating the proposal in various network scenarios,we have successfully detected landmine signatures present in themagnetometry images.The trained models exhibit significant performance improvements,achieving a maximum mean average precision value of 97.8%. 展开更多
关键词 CNN deep learning landmine detection MAGNETOMETER mean average precision UAV
下载PDF
ThyroidNet:A Deep Learning Network for Localization and Classification of Thyroid Nodules
19
作者 Lu Chen Huaqiang Chen +6 位作者 Zhikai Pan Sheng Xu Guangsheng Lai Shuwen Chen Shuihua Wang Xiaodong Gu Yudong Zhang 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第4期361-382,共22页
Aim:This study aims to establish an artificial intelligence model,ThyroidNet,to diagnose thyroid nodules using deep learning techniques accurately.Methods:A novel method,ThyroidNet,is introduced and evaluated based on... Aim:This study aims to establish an artificial intelligence model,ThyroidNet,to diagnose thyroid nodules using deep learning techniques accurately.Methods:A novel method,ThyroidNet,is introduced and evaluated based on deep learning for the localization and classification of thyroid nodules.First,we propose the multitask TransUnet,which combines the TransUnet encoder and decoder with multitask learning.Second,we propose the DualLoss function,tailored to the thyroid nodule localization and classification tasks.It balances the learning of the localization and classification tasks to help improve the model’s generalization ability.Third,we introduce strategies for augmenting the data.Finally,we submit a novel deep learning model,ThyroidNet,to accurately detect thyroid nodules.Results:ThyroidNet was evaluated on private datasets and was comparable to other existing methods,including U-Net and TransUnet.Experimental results show that ThyroidNet outperformed these methods in localizing and classifying thyroid nodules.It achieved improved accuracy of 3.9%and 1.5%,respectively.Conclusion:ThyroidNet significantly improves the clinical diagnosis of thyroid nodules and supports medical image analysis tasks.Future research directions include optimization of the model structure,expansion of the dataset size,reduction of computational complexity and memory requirements,and exploration of additional applications of ThyroidNet in medical image analysis. 展开更多
关键词 ThyroidNet deep learning TransUnet multitask learning medical image analysis
下载PDF
Social Media-Based Surveillance Systems for Health Informatics Using Machine and Deep Learning Techniques:A Comprehensive Review and Open Challenges
20
作者 Samina Amin Muhammad Ali Zeb +3 位作者 Hani Alshahrani Mohammed Hamdi Mohammad Alsulami Asadullah Shaikh 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第5期1167-1202,共36页
Social media(SM)based surveillance systems,combined with machine learning(ML)and deep learning(DL)techniques,have shown potential for early detection of epidemic outbreaks.This review discusses the current state of SM... Social media(SM)based surveillance systems,combined with machine learning(ML)and deep learning(DL)techniques,have shown potential for early detection of epidemic outbreaks.This review discusses the current state of SM-based surveillance methods for early epidemic outbreaks and the role of ML and DL in enhancing their performance.Since,every year,a large amount of data related to epidemic outbreaks,particularly Twitter data is generated by SM.This paper outlines the theme of SM analysis for tracking health-related issues and detecting epidemic outbreaks in SM,along with the ML and DL techniques that have been configured for the detection of epidemic outbreaks.DL has emerged as a promising ML technique that adaptsmultiple layers of representations or features of the data and yields state-of-the-art extrapolation results.In recent years,along with the success of ML and DL in many other application domains,both ML and DL are also popularly used in SM analysis.This paper aims to provide an overview of epidemic outbreaks in SM and then outlines a comprehensive analysis of ML and DL approaches and their existing applications in SM analysis.Finally,this review serves the purpose of offering suggestions,ideas,and proposals,along with highlighting the ongoing challenges in the field of early outbreak detection that still need to be addressed. 展开更多
关键词 Social media EPIDEMIC machine learning deep learning health informatics PANDEMIC
下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部