期刊文献+
共找到2,785篇文章
< 1 2 140 >
每页显示 20 50 100
Security Monitoring and Management for the Network Services in the Orchestration of SDN-NFV Environment Using Machine Learning Techniques
1
作者 Nasser Alshammari Shumaila Shahzadi +7 位作者 Saad Awadh Alanazi Shahid Naseem Muhammad Anwar Madallah Alruwaili Muhammad Rizwan Abid Omar Alruwaili Ahmed Alsayat Fahad Ahmad 《Computer systems science & engineering 2024年第2期363-394,共32页
Software Defined Network(SDN)and Network Function Virtualization(NFV)technology promote several benefits to network operators,including reduced maintenance costs,increased network operational performance,simplified ne... Software Defined Network(SDN)and Network Function Virtualization(NFV)technology promote several benefits to network operators,including reduced maintenance costs,increased network operational performance,simplified network lifecycle,and policies management.Network vulnerabilities try to modify services provided by Network Function Virtualization MANagement and Orchestration(NFV MANO),and malicious attacks in different scenarios disrupt the NFV Orchestrator(NFVO)and Virtualized Infrastructure Manager(VIM)lifecycle management related to network services or individual Virtualized Network Function(VNF).This paper proposes an anomaly detection mechanism that monitors threats in NFV MANO and manages promptly and adaptively to implement and handle security functions in order to enhance the quality of experience for end users.An anomaly detector investigates these identified risks and provides secure network services.It enables virtual network security functions and identifies anomalies in Kubernetes(a cloud-based platform).For training and testing purpose of the proposed approach,an intrusion-containing dataset is used that hold multiple malicious activities like a Smurf,Neptune,Teardrop,Pod,Land,IPsweep,etc.,categorized as Probing(Prob),Denial of Service(DoS),User to Root(U2R),and Remote to User(R2L)attacks.An anomaly detector is anticipated with the capabilities of a Machine Learning(ML)technique,making use of supervised learning techniques like Logistic Regression(LR),Support Vector Machine(SVM),Random Forest(RF),Naïve Bayes(NB),and Extreme Gradient Boosting(XGBoost).The proposed framework has been evaluated by deploying the identified ML algorithm on a Jupyter notebook in Kubeflow to simulate Kubernetes for validation purposes.RF classifier has shown better outcomes(99.90%accuracy)than other classifiers in detecting anomalies/intrusions in the containerized environment. 展开更多
关键词 Software defined network network function virtualization network function virtualization management and orchestration virtual infrastructure manager virtual network function Kubernetes Kubectl artificial intelligence machine learning
下载PDF
An Artificial Intelligence-Based Framework for Fruits Disease Recognition Using Deep Learning
2
作者 Irfan Haider Muhammad Attique Khan +2 位作者 Muhammad Nazir Taerang Kim Jae-Hyuk Cha 《Computer systems science & engineering 2024年第2期529-554,共26页
Fruit infections have an impact on both the yield and the quality of the crop.As a result,an automated recognition system for fruit leaf diseases is important.In artificial intelligence(AI)applications,especially in a... Fruit infections have an impact on both the yield and the quality of the crop.As a result,an automated recognition system for fruit leaf diseases is important.In artificial intelligence(AI)applications,especially in agriculture,deep learning shows promising disease detection and classification results.The recent AI-based techniques have a few challenges for fruit disease recognition,such as low-resolution images,small datasets for learning models,and irrelevant feature extraction.This work proposed a new fruit leaf leaf leaf disease recognition framework using deep learning features and improved pathfinder optimization.Three fruit types have been employed in this work for the validation process,such as apple,grape,and Citrus.In the first step,a noisy dataset is prepared by employing the original images to learn the designed framework better.The EfficientNet-B0 deep model is fine-tuned on the next step and trained separately on the original and noisy data.After that,features are fused using a serial concatenation approach that is later optimized in the next step using an improved Path Finder Algorithm(PFA).This algorithm aims to select the best features based on the fitness score and ignore redundant information.The selected features are finally classified using machine learning classifiers such as Medium Neural Network,Wide Neural Network,and Support Vector Machine.The experimental process was conducted on each fruit dataset separately and obtained an accuracy of 100%,99.7%,99.7%,and 93.4%for apple,grape,Citrus fruit,and citrus plant leaves,respectively.A detailed analysis is conducted and also compared with the recent techniques,and the proposed framework shows improved accuracy. 展开更多
关键词 Fruit disease contrast enhancement augmentation deep learning FUSION feature selection classification
下载PDF
DeepSVDNet:A Deep Learning-Based Approach for Detecting and Classifying Vision-Threatening Diabetic Retinopathy in Retinal Fundus Images
3
作者 Anas Bilal Azhar Imran +4 位作者 Talha Imtiaz Baig Xiaowen Liu Haixia Long Abdulkareem Alzahrani Muhammad Shafiq 《Computer systems science & engineering 2024年第2期511-528,共18页
Artificial Intelligence(AI)is being increasingly used for diagnosing Vision-Threatening Diabetic Retinopathy(VTDR),which is a leading cause of visual impairment and blindness worldwide.However,previous automated VTDR ... Artificial Intelligence(AI)is being increasingly used for diagnosing Vision-Threatening Diabetic Retinopathy(VTDR),which is a leading cause of visual impairment and blindness worldwide.However,previous automated VTDR detection methods have mainly relied on manual feature extraction and classification,leading to errors.This paper proposes a novel VTDR detection and classification model that combines different models through majority voting.Our proposed methodology involves preprocessing,data augmentation,feature extraction,and classification stages.We use a hybrid convolutional neural network-singular value decomposition(CNN-SVD)model for feature extraction and selection and an improved SVM-RBF with a Decision Tree(DT)and K-Nearest Neighbor(KNN)for classification.We tested our model on the IDRiD dataset and achieved an accuracy of 98.06%,a sensitivity of 83.67%,and a specificity of 100%for DR detection and evaluation tests,respectively.Our proposed approach outperforms baseline techniques and provides a more robust and accurate method for VTDR detection. 展开更多
关键词 Diabetic retinopathy(DR) fundus images(FIs) support vector machine(SVM) medical image analysis convolutional neural networks(CNN) singular value decomposition(SVD) classification
下载PDF
Virtual Keyboard:A Real-Time Hand Gesture Recognition-Based Character Input System Using LSTM and Mediapipe Holistic
4
作者 Bijon Mallik Md Abdur Rahim +2 位作者 Abu Saleh Musa Miah Keun Soo Yun Jungpil Shin 《Computer systems science & engineering 2024年第2期555-570,共16页
In the digital age,non-touch communication technologies are reshaping human-device interactions and raising security concerns.A major challenge in current technology is the misinterpretation of gestures by sensors and... In the digital age,non-touch communication technologies are reshaping human-device interactions and raising security concerns.A major challenge in current technology is the misinterpretation of gestures by sensors and cameras,often caused by environmental factors.This issue has spurred the need for advanced data processing methods to achieve more accurate gesture recognition and predictions.Our study presents a novel virtual keyboard allowing character input via distinct hand gestures,focusing on two key aspects:hand gesture recognition and character input mechanisms.We developed a novel model with LSTM and fully connected layers for enhanced sequential data processing and hand gesture recognition.We also integrated CNN,max-pooling,and dropout layers for improved spatial feature extraction.This model architecture processes both temporal and spatial aspects of hand gestures,using LSTM to extract complex patterns from frame sequences for a comprehensive understanding of input data.Our unique dataset,essential for training the model,includes 1,662 landmarks from dynamic hand gestures,33 postures,and 468 face landmarks,all captured in real-time using advanced pose estimation.The model demonstrated high accuracy,achieving 98.52%in hand gesture recognition and over 97%in character input across different scenarios.Its excellent performance in real-time testing underlines its practicality and effectiveness,marking a significant advancement in enhancing human-device interactions in the digital age. 展开更多
关键词 Hand gesture recognition M.P.holistic open CV virtual keyboard LSTM human-computer interaction
下载PDF
A Novel Intrusion Detection Model of Unknown Attacks Using Convolutional Neural Networks
5
作者 Abdullah Alsaleh 《Computer systems science & engineering 2024年第2期431-449,共19页
With the increasing number of connected devices in the Internet of Things(IoT)era,the number of intrusions is also increasing.An intrusion detection system(IDS)is a secondary intelligent system for monitoring,detectin... With the increasing number of connected devices in the Internet of Things(IoT)era,the number of intrusions is also increasing.An intrusion detection system(IDS)is a secondary intelligent system for monitoring,detecting and alerting against malicious activity.IDS is important in developing advanced security models.This study reviews the importance of various techniques,tools,and methods used in IoT detection and/or prevention systems.Specifically,it focuses on machine learning(ML)and deep learning(DL)techniques for IDS.This paper proposes an accurate intrusion detection model to detect traditional and new attacks on the Internet of Vehicles.To speed up the detection of recent attacks,the proposed network architecture developed at the data processing layer is incorporated with a convolutional neural network(CNN),which performs better than a support vector machine(SVM).Processing data are enhanced using the synthetic minority oversampling technique to ensure learning accuracy.The nearest class mean classifier is applied during the testing phase to identify new attacks.Experimental results using the AWID dataset,which is one of the most common open intrusion detection datasets,revealed a higher detection accuracy(94%)compared to SVM and random forest methods. 展开更多
关键词 Internet of Vehicles intrusion detection machine learning unknown attacks data processing layer
下载PDF
Micro-Locational Fine Dust Prediction Utilizing Machine Learning and Deep Learning Models
6
作者 Seoyun Kim Hyerim Yu +1 位作者 Jeewoo Yoon Eunil Park 《Computer systems science & engineering 2024年第2期413-429,共17页
Given the increasing number of countries reporting degraded air quality,effective air quality monitoring has become a critical issue in today’s world.However,the current air quality observatory systems are often proh... Given the increasing number of countries reporting degraded air quality,effective air quality monitoring has become a critical issue in today’s world.However,the current air quality observatory systems are often prohibitively expensive,resulting in a lack of observatories in many regions within a country.Consequently,a significant problem arises where not every region receives the same level of air quality information.This disparity occurs because some locations have to rely on information from observatories located far away from their regions,even if they may be the closest available options.To address this challenge,a novel approach that leverages machine learning and deep learning techniques to forecast fine dust concentrations was proposed.Specifically,continuous location features in the form of latitude and longitude values were incorporated into our models.By utilizing a comprehensive dataset comprising weather conditions,air quality measurements,and location properties,various machine learning models,including Random Forest Regression,XGBoost Regression,AdaBoost Regression,and a deep learning model known as Long Short-Term Memory(LSTM)were trained.Our experimental results demonstrated that the LSTM model outperforms the other models,achieving the best score with a root mean squared error of 23.48 in predicting fine dust(PM10)concentrations on an hourly basis.Furthermore,the fact that incorporating location properties,such as longitude and latitude values,enhances the overall quality of the regression models was discovered.Additionally,the implications and contributions of our research were discussed.By implementing our approach,the cost associated with relying solely on existing observatories can be substantially reduced.This reduction in costs can pave the way for economically efficient fine dust observation systems,ensuring more widespread and accurate air quality monitoring across different regions. 展开更多
关键词 Fine dust PM_(10) air quality prediction machine learning LSTM
下载PDF
A Novel Deep Learning-Based Model for Classification of Wheat Gene Expression
7
作者 Amr Ismail WalidHamdy +5 位作者 Aya MAl-Zoghby Wael AAwad Ahmed Ismail Ebada Yunyoung Nam Byeong-Gwon Kang Mohamed Abouhawwash 《Computer systems science & engineering 2024年第2期273-285,共13页
Deep learning(DL)plays a critical role in processing and converting data into knowledge and decisions.DL technologies have been applied in a variety of applications,including image,video,and genome sequence analysis.I... Deep learning(DL)plays a critical role in processing and converting data into knowledge and decisions.DL technologies have been applied in a variety of applications,including image,video,and genome sequence analysis.In deep learning the most widely utilized architecture is Convolutional Neural Networks(CNN)are taught discriminatory traits in a supervised environment.In comparison to other classic neural networks,CNN makes use of a limited number of artificial neurons,therefore it is ideal for the recognition and processing of wheat gene sequences.Wheat is an essential crop of cereals for people around the world.Wheat Genotypes identification has an impact on the possible development of many countries in the agricultural sector.In quantitative genetics prediction of genetic values is a central issue.Wheat is an allohexaploid(AABBDD)with three distinct genomes.The sizes of the wheat genome are quite large compared to many other kinds and the availability of a diversity of genetic knowledge and normal structure at breeding lines of wheat,Therefore,genome sequence approaches based on techniques of Artificial Intelligence(AI)are necessary.This paper focuses on using the Wheat genome sequence will assist wheat producers in making better use of their genetic resources and managing genetic variation in their breeding program,as well as propose a novel model based on deep learning for offering a fundamental overview of genomic prediction theory and current constraints.In this paper,the hyperparameters of the network are optimized in the CNN to decrease the requirement for manual search and enhance network performance using a new proposed model built on an optimization algorithm and Convolutional Neural Networks(CNN). 展开更多
关键词 Gene expression convolutional neural network optimization algorithm genomic prediction WHEAT
下载PDF
Priority Based Energy Efficient MAC Protocol by Varying Data Ratefor Wireless Body Area Network
8
作者 R.Sangeetha Usha Devi Gandhi 《Computer systems science & engineering 2024年第2期395-411,共17页
Wireless Body Area Network(WBAN)is a cutting-edge technology that is being used in healthcare applications to monitor critical events in the human body.WBAN is a collection of in-body and on-body sensors that monitor ... Wireless Body Area Network(WBAN)is a cutting-edge technology that is being used in healthcare applications to monitor critical events in the human body.WBAN is a collection of in-body and on-body sensors that monitor human physical parameters such as temperature,blood pressure,pulse rate,oxygen level,body motion,and so on.They sense the data and communicate it to the Body Area Network(BAN)Coordinator.The main challenge for the WBAN is energy consumption.These issues can be addressed by implementing an effective Medium Access Control(MAC)protocol that reduces energy consumption and increases network lifetime.The purpose of the study is to minimize the energy consumption and minimize the delay using IEEE 802.15.4 standard.In our proposed work,if any critical events have occurred the proposed work is to classify and prioritize the data.We gave priority to the highly critical data to get the Guarantee Tine Slots(GTS)in IEEE 802.15.4 standard superframe to achieve greater energy efficiency.The proposed MAC provides higher data rates for critical data based on the history and current condition and also provides the best reliable service to high critical data and critical data by predicting node similarity.As an outcome,we proposed a MAC protocol for Variable Data Rates(MVDR).When compared to existing MAC protocols,the MVDR performed very well with low energy intake,less interruption,and an enhanced packet-sharing ratio. 展开更多
关键词 Wireless Body Area Network(WBAN) IEEE 802.15.4 energy efficiency MAC protocol ZIGBEE
下载PDF
Deep Learning-Based Mask Identification System Using ResNet Transfer Learning Architecture
9
作者 Arpit Jain Nageswara Rao Moparthi +5 位作者 A.Swathi Yogesh Kumar Sharma Nitin Mittal Ahmed Alhussen Zamil S.Alzamil MohdAnul Haq 《Computer systems science & engineering 2024年第2期341-362,共22页
Recently,the coronavirus disease 2019 has shown excellent attention in the global community regarding health and the economy.World Health Organization(WHO)and many others advised controlling Corona Virus Disease in 20... Recently,the coronavirus disease 2019 has shown excellent attention in the global community regarding health and the economy.World Health Organization(WHO)and many others advised controlling Corona Virus Disease in 2019.The limited treatment resources,medical resources,and unawareness of immunity is an essential horizon to unfold.Among all resources,wearing a mask is the primary non-pharmaceutical intervention to stop the spreading of the virus caused by Severe Acute Respiratory Syndrome Coronavirus 2(SARS-CoV-2)droplets.All countries made masks mandatory to prevent infection.For such enforcement,automatic and effective face detection systems are crucial.This study presents a face mask identification approach for static photos and real-time movies that distinguishes between images with and without masks.To contribute to society,we worked on mask detection of an individual to adhere to the rule and provide awareness to the public or organization.The paper aims to get detection accuracy using transfer learning from Residual Neural Network 50(ResNet-50)architecture and works on detection localization.The experiment is tested with other popular pre-trained models such as Deep Convolutional Neural Networks(AlexNet),Residual Neural Networks(ResNet),and Visual Geometry Group Networks(VGG-Net)advanced architecture.The proposed system generates an accuracy of 98.4%when modeled using Residual Neural Network 50(ResNet-50).Also,the precision and recall values are proved as better when compared to the existing models.This outstanding work also can be used in video surveillance applications. 展开更多
关键词 Transfer learning depth analysis convolutional neural networks(CNN) COVID-19
下载PDF
TEAM:Transformer Encoder Attention Module for Video Classification
10
作者 Hae Sung Park Yong Suk Choi 《Computer systems science & engineering 2024年第2期451-477,共27页
Much like humans focus solely on object movement to understand actions,directing a deep learning model’s attention to the core contexts within videos is crucial for improving video comprehension.In the recent study,V... Much like humans focus solely on object movement to understand actions,directing a deep learning model’s attention to the core contexts within videos is crucial for improving video comprehension.In the recent study,Video Masked Auto-Encoder(VideoMAE)employs a pre-training approach with a high ratio of tube masking and reconstruction,effectively mitigating spatial bias due to temporal redundancy in full video frames.This steers the model’s focus toward detailed temporal contexts.However,as the VideoMAE still relies on full video frames during the action recognition stage,it may exhibit a progressive shift in attention towards spatial contexts,deteriorating its ability to capture the main spatio-temporal contexts.To address this issue,we propose an attention-directing module named Transformer Encoder Attention Module(TEAM).This proposed module effectively directs the model’s attention to the core characteristics within each video,inherently mitigating spatial bias.The TEAM first figures out the core features among the overall extracted features from each video.After that,it discerns the specific parts of the video where those features are located,encouraging the model to focus more on these informative parts.Consequently,during the action recognition stage,the proposed TEAM effectively shifts the VideoMAE’s attention from spatial contexts towards the core spatio-temporal contexts.This attention-shift manner alleviates the spatial bias in the model and simultaneously enhances its ability to capture precise video contexts.We conduct extensive experiments to explore the optimal configuration that enables the TEAM to fulfill its intended design purpose and facilitates its seamless integration with the VideoMAE framework.The integrated model,i.e.,VideoMAE+TEAM,outperforms the existing VideoMAE by a significant margin on Something-Something-V2(71.3%vs.70.3%).Moreover,the qualitative comparisons demonstrate that the TEAM encourages the model to disregard insignificant features and focus more on the essential video features,capturing more detailed spatio-temporal contexts within the video. 展开更多
关键词 Video classification action recognition vision transformer masked auto-encoder
下载PDF
Movement Function Assessment Based on Human Pose Estimation from Multi-View
11
作者 Lingling Chen Tong Liu +1 位作者 Zhuo Gong Ding Wang 《Computer systems science & engineering 2024年第2期321-339,共19页
Human pose estimation is a basic and critical task in the field of computer vision that involves determining the position(or spatial coordinates)of the joints of the human body in a given image or video.It is widely u... Human pose estimation is a basic and critical task in the field of computer vision that involves determining the position(or spatial coordinates)of the joints of the human body in a given image or video.It is widely used in motion analysis,medical evaluation,and behavior monitoring.In this paper,the authors propose a method for multi-view human pose estimation.Two image sensors were placed orthogonally with respect to each other to capture the pose of the subject as they moved,and this yielded accurate and comprehensive results of three-dimensional(3D)motion reconstruction that helped capture their multi-directional poses.Following this,we propose a method based on 3D pose estimation to assess the similarity of the features of motion of patients with motor dysfunction by comparing differences between their range of motion and that of normal subjects.We converted these differences into Fugl–Meyer assessment(FMA)scores in order to quantify them.Finally,we implemented the proposed method in the Unity framework,and built a Virtual Reality platform that provides users with human–computer interaction to make the task more enjoyable for them and ensure their active participation in the assessment process.The goal is to provide a suitable means of assessing movement disorders without requiring the immediate supervision of a physician. 展开更多
关键词 Human pose estimation 3D pose reconstruction assessment of movement function plane of features of human motion
下载PDF
SwinVid:Enhancing Video Object Detection Using Swin Transformer
12
作者 Abdelrahman Maharek Amr Abozeid +1 位作者 Rasha Orban Kamal ElDahshan 《Computer systems science & engineering 2024年第2期305-320,共16页
What causes object detection in video to be less accurate than it is in still images?Because some video frames have degraded in appearance from fast movement,out-of-focus camera shots,and changes in posture.These reas... What causes object detection in video to be less accurate than it is in still images?Because some video frames have degraded in appearance from fast movement,out-of-focus camera shots,and changes in posture.These reasons have made video object detection(VID)a growing area of research in recent years.Video object detection can be used for various healthcare applications,such as detecting and tracking tumors in medical imaging,monitoring the movement of patients in hospitals and long-term care facilities,and analyzing videos of surgeries to improve technique and training.Additionally,it can be used in telemedicine to help diagnose and monitor patients remotely.Existing VID techniques are based on recurrent neural networks or optical flow for feature aggregation to produce reliable features which can be used for detection.Some of those methods aggregate features on the full-sequence level or from nearby frames.To create feature maps,existing VID techniques frequently use Convolutional Neural Networks(CNNs)as the backbone network.On the other hand,Vision Transformers have outperformed CNNs in various vision tasks,including object detection in still images and image classification.We propose in this research to use Swin-Transformer,a state-of-the-art Vision Transformer,as an alternative to CNN-based backbone networks for object detection in videos.The proposed architecture enhances the accuracy of existing VID methods.The ImageNet VID and EPIC KITCHENS datasets are used to evaluate the suggested methodology.We have demonstrated that our proposed method is efficient by achieving 84.3%mean average precision(mAP)on ImageNet VID using less memory in comparison to other leading VID techniques.The source code is available on the website https://github.com/amaharek/SwinVid. 展开更多
关键词 Video object detection vision transformers convolutional neural networks deep learning
下载PDF
Performance Enhancement of XML Parsing Using Regression and Parallelism
13
作者 Muhammad Ali Minhaj Ahmad Khan 《Computer systems science & engineering 2024年第2期287-303,共17页
The Extensible Markup Language(XML)files,widely used for storing and exchanging information on the web require efficient parsing mechanisms to improve the performance of the applications.With the existing Document Obj... The Extensible Markup Language(XML)files,widely used for storing and exchanging information on the web require efficient parsing mechanisms to improve the performance of the applications.With the existing Document Object Model(DOM)based parsing,the performance degrades due to sequential processing and large memory requirements,thereby requiring an efficient XML parser to mitigate these issues.In this paper,we propose a Parallel XML Tree Generator(PXTG)algorithm for accelerating the parsing of XML files and a Regression-based XML Parsing Framework(RXPF)that analyzes and predicts performance through profiling,regression,and code generation for efficient parsing.The PXTG algorithm is based on dividing the XML file into n parts and producing n trees in parallel.The profiling phase of the RXPF framework produces a dataset by measuring the performance of various parsing models including StAX,SAX,DOM,JDOM,and PXTG on different cores by using multiple file sizes.The regression phase produces the prediction model,based on which the final code for efficient parsing of XML files is produced through the code generation phase.The RXPF framework has shown a significant improvement in performance varying from 9.54%to 32.34%over other existing models used for parsing XML files. 展开更多
关键词 Regression parallel parsing multi-cores XML
下载PDF
Test Case Generation Evaluator for the Implementation of Test Case Generation Algorithms Based on Learning to Rank
14
作者 Zhonghao Guo Xinyue Xu Xiangxian Chen 《Computer systems science & engineering 2024年第2期479-509,共31页
In software testing,the quality of test cases is crucial,but manual generation is time-consuming.Various automatic test case generation methods exist,requiring careful selection based on program features.Current evalu... In software testing,the quality of test cases is crucial,but manual generation is time-consuming.Various automatic test case generation methods exist,requiring careful selection based on program features.Current evaluation methods compare a limited set of metrics,which does not support a larger number of metrics or consider the relative importance of each metric to the final assessment.To address this,we propose an evaluation tool,the Test Case Generation Evaluator(TCGE),based on the learning to rank(L2R)algorithm.Unlike previous approaches,our method comprehensively evaluates algorithms by considering multiple metrics,resulting in a more reasoned assessment.The main principle of the TCGE is the formation of feature vectors that are of concern by the tester.Through training,the feature vectors are sorted to generate a list,with the order of the methods on the list determined according to their effectiveness on the tested assembly.We implement TCGE using three L2R algorithms:Listnet,LambdaMART,and RFLambdaMART.Evaluation employs a dataset with features of classical test case generation algorithms and three metrics—Normalized Discounted Cumulative Gain(NDCG),Mean Average Precision(MAP),and Mean Reciprocal Rank(MRR).Results demonstrate the TCGE’s superior effectiveness in evaluating test case generation algorithms compared to other methods.Among the three L2R algorithms,RFLambdaMART proves the most effective,achieving an accuracy above 96.5%,surpassing LambdaMART by 2%and Listnet by 1.5%.Consequently,the TCGE framework exhibits significant application value in the evaluation of test case generation algorithms. 展开更多
关键词 Test case generation evaluator learning to rank RFLambdaMART
下载PDF
Intelligent Deep Learning Enabled Human Activity Recognition for Improved Medical Services 被引量:2
15
作者 E.Dhiravidachelvi M.Suresh Kumar +4 位作者 L.D.Vijay Anand D.Pritima Seifedine Kadry Byeong-Gwon Kang Yunyoung Nam 《Computer systems science & engineering SCIE EI 2023年第2期961-977,共17页
Human Activity Recognition(HAR)has been made simple in recent years,thanks to recent advancements made in Artificial Intelligence(AI)techni-ques.These techniques are applied in several areas like security,surveillance,... Human Activity Recognition(HAR)has been made simple in recent years,thanks to recent advancements made in Artificial Intelligence(AI)techni-ques.These techniques are applied in several areas like security,surveillance,healthcare,human-robot interaction,and entertainment.Since wearable sensor-based HAR system includes in-built sensors,human activities can be categorized based on sensor values.Further,it can also be employed in other applications such as gait diagnosis,observation of children/adult’s cognitive nature,stroke-patient hospital direction,Epilepsy and Parkinson’s disease examination,etc.Recently-developed Artificial Intelligence(AI)techniques,especially Deep Learning(DL)models can be deployed to accomplish effective outcomes on HAR process.With this motivation,the current research paper focuses on designing Intelligent Hyperparameter Tuned Deep Learning-based HAR(IHPTDL-HAR)technique in healthcare environment.The proposed IHPTDL-HAR technique aims at recogniz-ing the human actions in healthcare environment and helps the patients in mana-ging their healthcare service.In addition,the presented model makes use of Hierarchical Clustering(HC)-based outlier detection technique to remove the out-liers.IHPTDL-HAR technique incorporates DL-based Deep Belief Network(DBN)model to recognize the activities of users.Moreover,Harris Hawks Opti-mization(HHO)algorithm is used for hyperparameter tuning of DBN model.Finally,a comprehensive experimental analysis was conducted upon benchmark dataset and the results were examined under different aspects.The experimental results demonstrate that the proposed IHPTDL-HAR technique is a superior per-former compared to other recent techniques under different measures. 展开更多
关键词 Artificial intelligence human activity recognition deep learning deep belief network hyperparameter tuning healthcare
下载PDF
Al-Biruni Earth Radius(BER)Metaheuristic Search Optimization Algorithm 被引量:2
16
作者 El-Sayed M.El-kenawy Abdelaziz A.Abdelhamid +5 位作者 Abdelhameed Ibrahim Seyedali Mirjalili Nima Khodadad Mona A.Al duailij Amel Ali Alhussan Doaa Sami Khafaga 《Computer systems science & engineering SCIE EI 2023年第5期1917-1934,共18页
Metaheuristic optimization algorithms present an effective method for solving several optimization problems from various types of applications and fields.Several metaheuristics and evolutionary optimization algorithms... Metaheuristic optimization algorithms present an effective method for solving several optimization problems from various types of applications and fields.Several metaheuristics and evolutionary optimization algorithms have been emerged recently in the literature and gained widespread attention,such as particle swarm optimization(PSO),whale optimization algorithm(WOA),grey wolf optimization algorithm(GWO),genetic algorithm(GA),and gravitational search algorithm(GSA).According to the literature,no one metaheuristic optimization algorithm can handle all present optimization problems.Hence novel optimization methodologies are still needed.The Al-Biruni earth radius(BER)search optimization algorithm is proposed in this paper.The proposed algorithm was motivated by the behavior of swarm members in achieving their global goals.The search space around local solutions to be explored is determined by Al-Biruni earth radius calculation method.A comparative analysis with existing state-of-the-art optimization algorithms corroborated the findings of BER’s validation and testing against seven mathematical optimization problems.The results show that BER can both explore and avoid local optima.BER has also been tested on an engineering design optimization problem.The results reveal that,in terms of performance and capability,BER outperforms the performance of state-of-the-art metaheuristic optimization algorithms. 展开更多
关键词 Metaheuristics evolutionary optimization exploration EXPLOITATION mutation Al-biruni earth radius
下载PDF
Faster RCNN Target Detection Algorithm Integrating CBAM and FPN 被引量:2
17
作者 Wenshun Sheng Xiongfeng Yu +1 位作者 Jiayan Lin Xin Chen 《Computer systems science & engineering SCIE EI 2023年第11期1549-1569,共21页
Small targets and occluded targets will inevitably appear in the image during the shooting process due to the influence of angle,distance,complex scene,illumination intensity,and other factors.These targets have few e... Small targets and occluded targets will inevitably appear in the image during the shooting process due to the influence of angle,distance,complex scene,illumination intensity,and other factors.These targets have few effective pixels,few features,and no apparent features,which makes extracting their efficient features difficult and easily leads to false detection,missed detection,and repeated detection,affecting the performance of target detection models.An improved faster region convolutional neural network(RCNN)algorithm(CF-RCNN)integrating convolutional block attention module(CBAM)and feature pyramid networks(FPN)is proposed to improve the detection and recognition accuracy of small-size objects,occluded or truncated objects in complex scenes.Firstly,the CBAM mechanism is integrated into the feature extraction network to improve the detection ability of occluded or truncated objects.Secondly,the FPN-featured pyramid structure is introduced to obtain high-resolution and vital semantic data to enhance the detection effect of small-size objects.The experimental results show that the mean average precision of target detection of the improved algorithm on PASCAL VOC2012 is improved to 76.1%,which is 13.8 percentage points higher than that of the commonly used Faster RCNN and other algorithms.Furthermore,it is better than the commonly used small sample target detection algorithm. 展开更多
关键词 Target detection attention mechanism CBAM FPN CF-RCNN
下载PDF
Toward Fine-grained Image Retrieval with Adaptive Deep Learning for Cultural Heritage Image 被引量:2
18
作者 Sathit Prasomphan 《Computer systems science & engineering SCIE EI 2023年第2期1295-1307,共13页
Fine-grained image classification is a challenging research topic because of the high degree of similarity among categories and the high degree of dissimilarity for a specific category caused by different poses and scal... Fine-grained image classification is a challenging research topic because of the high degree of similarity among categories and the high degree of dissimilarity for a specific category caused by different poses and scales.A cul-tural heritage image is one of thefine-grained images because each image has the same similarity in most cases.Using the classification technique,distinguishing cultural heritage architecture may be difficult.This study proposes a cultural heri-tage content retrieval method using adaptive deep learning forfine-grained image retrieval.The key contribution of this research was the creation of a retrieval mod-el that could handle incremental streams of new categories while maintaining its past performance in old categories and not losing the old categorization of a cul-tural heritage image.The goal of the proposed method is to perform a retrieval task for classes.Incremental learning for new classes was conducted to reduce the re-training process.In this step,the original class is not necessary for re-train-ing which we call an adaptive deep learning technique.Cultural heritage in the case of Thai archaeological site architecture was retrieved through machine learn-ing and image processing.We analyze the experimental results of incremental learning forfine-grained images with images of Thai archaeological site architec-ture from world heritage provinces in Thailand,which have a similar architecture.Using afine-grained image retrieval technique for this group of cultural heritage images in a database can solve the problem of a high degree of similarity among categories and a high degree of dissimilarity for a specific category.The proposed method for retrieving the correct image from a database can deliver an average accuracy of 85 percent.Adaptive deep learning forfine-grained image retrieval was used to retrieve cultural heritage content,and it outperformed state-of-the-art methods infine-grained image retrieval. 展开更多
关键词 Fine-grained image adaptive deep learning cultural heritage image retrieval
下载PDF
Future Event Prediction Based on Temporal Knowledge Graph Embedding 被引量:2
19
作者 Zhipeng Li Shanshan Feng +6 位作者 Jun Shi Yang Zhou Yong Liao Yangzhao Yang Yangyang Li Nenghai Yu Xun Shao 《Computer systems science & engineering SCIE EI 2023年第3期2411-2423,共13页
Accurate prediction of future events brings great benefits and reduces losses for society in many domains,such as civil unrest,pandemics,and crimes.Knowledge graph is a general language for describing and modeling com... Accurate prediction of future events brings great benefits and reduces losses for society in many domains,such as civil unrest,pandemics,and crimes.Knowledge graph is a general language for describing and modeling complex systems.Different types of events continually occur,which are often related to historical and concurrent events.In this paper,we formalize the future event prediction as a temporal knowledge graph reasoning problem.Most existing studies either conduct reasoning on static knowledge graphs or assume knowledges graphs of all timestamps are available during the training process.As a result,they cannot effectively reason over temporal knowledge graphs and predict events happening in the future.To address this problem,some recent works learn to infer future events based on historical eventbased temporal knowledge graphs.However,these methods do not comprehensively consider the latent patterns and influences behind historical events and concurrent events simultaneously.This paper proposes a new graph representation learning model,namely Recurrent Event Graph ATtention Network(RE-GAT),based on a novel historical and concurrent events attention-aware mechanism by modeling the event knowledge graph sequence recurrently.More specifically,our RE-GAT uses an attention-based historical events embedding module to encode past events,and employs an attention-based concurrent events embedding module to model the associations of events at the same timestamp.A translation-based decoder module and a learning objective are developed to optimize the embeddings of entities and relations.We evaluate our proposed method on four benchmark datasets.Extensive experimental results demonstrate the superiority of our RE-GAT model comparing to various base-lines,which proves that our method can more accurately predict what events are going to happen. 展开更多
关键词 Event prediction temporal knowledge graph graph representation learning knowledge embedding
下载PDF
Rotation,Translation and Scale Invariant Sign Word Recognition Using Deep Learning 被引量:2
20
作者 Abu Saleh Musa Miah Jungpil Shin +2 位作者 Md.Al Mehedi Hasan Md Abdur Rahim Yuichi Okuyama 《Computer systems science & engineering SCIE EI 2023年第3期2521-2536,共16页
Communication between people with disabilities and people who do not understand sign language is a growing social need and can be a tedious task.One of the main functions of sign language is to communicate with each o... Communication between people with disabilities and people who do not understand sign language is a growing social need and can be a tedious task.One of the main functions of sign language is to communicate with each other through hand gestures.Recognition of hand gestures has become an important challenge for the recognition of sign language.There are many existing models that can produce a good accuracy,but if the model test with rotated or translated images,they may face some difficulties to make good performance accuracy.To resolve these challenges of hand gesture recognition,we proposed a Rotation,Translation and Scale-invariant sign word recognition system using a convolu-tional neural network(CNN).We have followed three steps in our work:rotated,translated and scaled(RTS)version dataset generation,gesture segmentation,and sign word classification.Firstly,we have enlarged a benchmark dataset of 20 sign words by making different amounts of Rotation,Translation and Scale of the ori-ginal images to create the RTS version dataset.Then we have applied the gesture segmentation technique.The segmentation consists of three levels,i)Otsu Thresholding with YCbCr,ii)Morphological analysis:dilation through opening morphology and iii)Watershed algorithm.Finally,our designed CNN model has been trained to classify the hand gesture as well as the sign word.Our model has been evaluated using the twenty sign word dataset,five sign word dataset and the RTS version of these datasets.We achieved 99.30%accuracy from the twenty sign word dataset evaluation,99.10%accuracy from the RTS version of the twenty sign word evolution,100%accuracy from thefive sign word dataset evaluation,and 98.00%accuracy from the RTS versionfive sign word dataset evolution.Furthermore,the influence of our model exists in competitive results with state-of-the-art methods in sign word recognition. 展开更多
关键词 Sign word recognition convolution neural network(cnn) rotation translation and scaling(rts) otsu segmentation
下载PDF
上一页 1 2 140 下一页 到第
使用帮助 返回顶部