The naive Bayesian classifier(NBC) is a supervised machine learning algorithm having a simple model structure and good theoretical interpretability. However, the generalization performance of NBC is limited to a large...
详细信息
The naive Bayesian classifier(NBC) is a supervised machine learning algorithm having a simple model structure and good theoretical interpretability. However, the generalization performance of NBC is limited to a large extent by the assumption of attribute independence. To address this issue, this paper proposes a novel attribute grouping-based NBC(AG-NBC), which is a variant of the classical NBC trained with different attribute groups. AG-NBC first applies a novel effective objective function to automatically identify optimal dependent attribute groups(DAGs). Condition attributes in the same DAG are strongly dependent on the class attribute, whereas attributes in different DAGs are independent of one another. Then,for each DAG, a random vector functional link network with a SoftMax layer is trained to output posterior probabilities in the form of joint probability density estimation. The NBC is trained using the grouping attributes that correspond to the original condition attributes. Extensive experiments were conducted to validate the rationality, feasibility, and effectiveness of AG-NBC. Our findings showed that the attribute groups chosen for NBC can accurately represent attribute dependencies and reduce overlaps between different posterior probability densities. In addition, the comparative results with NBC, flexible NBC(FNBC), tree augmented Bayes network(TAN), gain ratio-based attribute weighted naive Bayes(GRAWNB), averaged one-dependence estimators(AODE), weighted AODE(WAODE), independent component analysis-based NBC(ICA-NBC), hidden naive Bayesian(HNB) classifier, and correlation-based feature weighting filter for naive Bayes(CFW) show that AG-NBC obtains statistically better testing accuracies, higher area under the receiver operating characteristic curves(AUCs), and fewer probability mean square errors(PMSEs) than other Bayesian classifiers. The experimental results demonstrate that AG-NBC is a valid and efficient approach for alleviating the attribute i
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 *** learning’s strength lies in handling intricate relation-ships within extensive datasets,making it popular for accident severity level(ASL)prediction and *** prior success,there is a need for an efficient system recognizing ASL in diverse road *** 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 *** framework optimizes hidden layers and integrates data augmentation,Gaussian noise,and dropout regularization for improved *** and factor contribution analyses identify influential *** 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 *** proposed framework consistently outperforms traditional methods,existing machine learning,and deep learning techniques.
This paper introduces a novel lightweight colour image encryption algorithm,specifically designed for resource-constrained environments such as Internet of Things(IoT)*** IoT systems become increasingly prevalent,secu...
详细信息
This paper introduces a novel lightweight colour image encryption algorithm,specifically designed for resource-constrained environments such as Internet of Things(IoT)*** IoT systems become increasingly prevalent,secure and efficient data transmission becomes *** proposed algorithm addresses this need by offering a robust yet resource-efficient solution for image *** image encryption relies on confusion and diffusion *** stages are generally implemented linearly,but this work introduces a new RSP(Random Strip Peeling)algorithm for the confusion step,which disrupts linearity in the lightweight category by using two different sequences generated by the 1D Tent Map with varying initial *** diffusion stage then employs an XOR matrix generated by the Logistic *** evaluation metrics,such as entropy analysis,key sensitivity,statistical and differential attacks resistance,and robustness analysis demonstrate the proposed algorithm's lightweight,robust,and *** proposed encryption scheme achieved average metric values of 99.6056 for NPCR,33.4397 for UACI,and 7.9914 for information entropy in the SIPI image *** also exhibits a time complexity of O(2×M×N)for an image of size M×N.
The counterflow burner is a combustion device used for research on *** utilizing deep convolutional models to identify the combustion state of a counter flow burner through visible flame images,it facilitates the opti...
详细信息
The counterflow burner is a combustion device used for research on *** utilizing deep convolutional models to identify the combustion state of a counter flow burner through visible flame images,it facilitates the optimization of the combustion process and enhances combustion *** existing deep convolutional models,InceptionNeXt is a deep learning architecture that integrates the ideas of the Inception series and *** has garnered significant attention for its computational efficiency,remarkable model accuracy,and exceptional feature extraction ***,since this model still has limitations in the combustion state recognition task,we propose a Triple-Scale Multi-Stage InceptionNeXt(TSMS-InceptionNeXt)combustion state recognitionmethod based on feature extraction ***,to address the InceptionNeXt model’s limited ability to capture dynamic features in flame images,we introduce Triplet Attention,which applies attention to the width,height,and Red Green Blue(RGB)dimensions of the flame images to enhance its ability to model dynamic ***,to address the issue of key information loss in the Inception deep convolution layers,we propose a Similarity-based Feature Concentration(SimC)mechanism to enhance the model’s capability to concentrate on critical ***,to address the insufficient receptive field of the model,we propose a Multi-Scale Dilated Channel Parallel Integration(MDCPI)mechanism to enhance the model’s ability to extract multi-scale contextual ***,to address the issue of the model’s Multi-Layer Perceptron Head(MlpHead)neglecting channel interactions,we propose a Channel Shuffle-Guided Channel-Spatial Attention(ShuffleCS)mechanism,which integrates information from different channels to further enhance the representational power of the input *** validate the effectiveness of the method,experiments are conducted on the counterflow burner flame visible light image datase
Deep reinforcement learning(DRL) has demonstrated significant potential in industrial manufacturing domains such as workshop scheduling and energy system ***, due to the model's inherent uncertainty, rigorous vali...
详细信息
Deep reinforcement learning(DRL) has demonstrated significant potential in industrial manufacturing domains such as workshop scheduling and energy system ***, due to the model's inherent uncertainty, rigorous validation is requisite for its application in real-world tasks. Specific tests may reveal inadequacies in the performance of pre-trained DRL models, while the “black-box” nature of DRL poses a challenge for testing model behavior. We propose a novel performance improvement framework based on probabilistic automata,which aims to proactively identify and correct critical vulnerabilities of DRL systems, so that the performance of DRL models in real tasks can be improved with minimal model ***, a probabilistic automaton is constructed from the historical trajectory of the DRL system by abstracting the state to generate probabilistic decision-making units(PDMUs), and a reverse breadth-first search(BFS) method is used to identify the key PDMU-action pairs that have the greatest impact on adverse outcomes. This process relies only on the state-action sequence and final result of each trajectory. Then, under the key PDMU, we search for the new action that has the greatest impact on favorable results. Finally, the key PDMU, undesirable action and new action are encapsulated as monitors to guide the DRL system to obtain more favorable results through real-time monitoring and correction mechanisms. Evaluations in two standard reinforcement learning environments and three actual job scheduling scenarios confirmed the effectiveness of the method, providing certain guarantees for the deployment of DRL models in real-world applications.
This paper comprehensively analyzes the Manta Ray Foraging Optimization(MRFO)algorithm and its integration into diverse academic *** in 2020,the MRFO stands as a novel metaheuristic algorithm,drawing inspiration from ...
详细信息
This paper comprehensively analyzes the Manta Ray Foraging Optimization(MRFO)algorithm and its integration into diverse academic *** in 2020,the MRFO stands as a novel metaheuristic algorithm,drawing inspiration from manta rays’unique foraging behaviors—specifically cyclone,chain,and somersault *** biologically inspired strategies allow for effective solutions to intricate physical *** its potent exploitation and exploration capabilities,MRFO has emerged as a promising solution for complex optimization *** utility and benefits have found traction in numerous academic *** its inception in 2020,a plethora of MRFO-based research has been featured in esteemed international journals such as IEEE,Wiley,Elsevier,Springer,MDPI,Hindawi,and Taylor&Francis,as well as at international conference *** paper consolidates the available literature on MRFO applications,covering various adaptations like hybridized,improved,and other MRFO variants,alongside optimization *** trends indicate that 12%,31%,8%,and 49%of MRFO studies are distributed across these four categories respectively.
The human face displays expressions through the contraction of various facial muscles. The Facial Action Coding System (FACS) is a widely accepted taxonomy that describes all visible changes in the face in terms of ac...
详细信息
In this paper, we introduce InternVL 1.5, an open-source multimodal large language model(MLLM) to bridge the capability gap between open-source and proprietary commercial models in multimodal understanding. We introdu...
详细信息
In this paper, we introduce InternVL 1.5, an open-source multimodal large language model(MLLM) to bridge the capability gap between open-source and proprietary commercial models in multimodal understanding. We introduce three simple improvements.(1) Strong vision encoder: we explored a continuous learning strategy for the large-scale vision foundation model — InternViT-6B, boosting its visual understanding capabilities, and making it can be transferred and reused in different LLMs.(2) Dynamic high-resolution: we divide images into tiles ranging from 1 to 40 of 448×448 pixels according to the aspect ratio and resolution of the input images, which supports up to 4K resolution input.(3) High-quality bilingual dataset: we carefully collected a high-quality bilingual dataset that covers common scenes, document images,and annotated them with English and Chinese question-answer pairs, significantly enhancing performance in optical character recognition(OCR) and Chinese-related tasks. We evaluate InternVL 1.5 through a series of benchmarks and comparative studies. Compared to both open-source and proprietary commercial models, InternVL 1.5 shows competitive performance, achieving state-of-the-art results in 8 of 18 multimodal benchmarks. Code and models are available at https://***/OpenGVLab/InternVL.
In this work, we introduce a class of black-box(BB) reductions called committed-programming reduction(CPRed) in the random oracle model(ROM) and obtain the following interesting results:(1) we demonstrate that some we...
详细信息
In this work, we introduce a class of black-box(BB) reductions called committed-programming reduction(CPRed) in the random oracle model(ROM) and obtain the following interesting results:(1) we demonstrate that some well-known schemes, including the full-domain hash(FDH) signature(Eurocrypt1996) and the Boneh-Franklin identity-based encryption(IBE) scheme(Crypto 2001), are provably secure under CPReds;(2) we prove that a CPRed associated with an instance-extraction algorithm implies a reduction in the quantum ROM(QROM). This unifies several recent results, including the security of the Gentry-Peikert-Vaikuntanathan IBE scheme by Zhandry(Crypto 2012) and the key encapsulation mechanism(KEM) variants using the Fujisaki-Okamoto transform by Jiang et al.(Crypto 2018) in the ***, we show that CPReds are incomparable to non-programming reductions(NPReds) and randomly-programming reductions(RPReds) formalized by Fischlin et al.(Asiacrypt 2010).
Electrolysis tanks are used to smeltmetals based on electrochemical principles,and the short-circuiting of the pole plates in the tanks in the production process will lead to high temperatures,thus affecting normal **...
详细信息
Electrolysis tanks are used to smeltmetals based on electrochemical principles,and the short-circuiting of the pole plates in the tanks in the production process will lead to high temperatures,thus affecting normal *** at the problems of time-consuming and poor accuracy of existing infrared methods for high-temperature detection of dense pole plates in electrolysis tanks,an infrared dense pole plate anomalous target detection network YOLOv5-RMF based on You Only Look Once version 5(YOLOv5)is ***,we modified the Real-Time Enhanced Super-Resolution Generative Adversarial Network(Real-ESRGAN)by changing the U-shaped network(U-Net)to Attention U-Net,to preprocess the images;secondly,we propose a new Focus module that introduces the Marr operator,which can provide more boundary information for the network;again,because Complete Intersection over Union(CIOU)cannot accommodate target borders that are increasing and decreasing,replace CIOU with Extended Intersection over Union(EIOU),while the loss function is changed to Focal and Efficient IOU(Focal-EIOU)due to the different difficulty of sample *** the homemade dataset,the precision of our method is 94%,the recall is 70.8%,and the map@.5 is 83.6%,which is an improvement of 1.3%in precision,9.7%in recall,and 7%in map@.5 over the original *** algorithm can meet the needs of electrolysis tank pole plate abnormal temperature detection,which can lay a technical foundation for improving production efficiency and reducing production waste.
暂无评论