We rethink the segment anything model(SAM) and propose a novel multiprompt network called COMPrompter for camouflaged object detection(COD). SAM has zero-shot generalization ability beyond other models and can provide...
详细信息
We rethink the segment anything model(SAM) and propose a novel multiprompt network called COMPrompter for camouflaged object detection(COD). SAM has zero-shot generalization ability beyond other models and can provide an ideal framework for COD. Our network aims to enhance the single prompt strategy in SAM to a multiprompt strategy. To achieve this, we propose an edge gradient extraction module, which generates a mask containing gradient information regarding the boundaries of camouflaged objects. This gradient mask is then used as a novel boundary prompt, enhancing the segmentation process. Thereafter, we design a box-boundary mutual guidance module, which fosters more precise and comprehensive feature extraction via mutual guidance between a boundary prompt and a box prompt. This collaboration enhances the model's ability to accurately detect camouflaged objects. Moreover, we employ the discrete wavelet transform to extract high-frequency features from image embeddings. The high-frequency features serve as a supplementary component to the multiprompt ***, our COMPrompter guides the network to achieve enhanced segmentation results, thereby advancing the development of SAM in terms of COD. Experimental results across COD benchmarks demonstrate that COMPrompter achieves a cutting-edge performance, surpassing the current leading model by an average positive metric of 2.2% in COD10K. In the specific application of COD, the experimental results in polyp segmentation show that our model is superior to top-tier methods as well. The code will be made available at https://***/guobaoxiao/COMPrompter.
Stock price prediction is a typical complex time series prediction problem characterized by dynamics,nonlinearity,and *** paper introduces a generative adversarial network model that incorporates an attention mechanis...
详细信息
Stock price prediction is a typical complex time series prediction problem characterized by dynamics,nonlinearity,and *** paper introduces a generative adversarial network model that incorporates an attention mechanism(GAN-LSTM-Attention)to improve the accuracy of stock price ***,the generator of this model combines the Long and Short-Term Memory Network(LSTM),the Attention Mechanism and,the Fully-Connected Layer,focusing on generating the predicted stock *** discriminator combines the Convolutional Neural Network(CNN)and the Fully-Connected Layer to discriminate between real stock prices and generated stock ***,to evaluate the practical application ability and generalization ability of the GAN-LSTM-Attention model,four representative stocks in the United States of America(USA)stock market,namely,Standard&Poor’s 500 Index stock,Apple Incorporatedstock,AdvancedMicroDevices Incorporatedstock,and Google Incorporated stock were selected for prediction experiments,and the prediction performance was comprehensively evaluated by using the three evaluation metrics,namely,mean absolute error(MAE),root mean square error(RMSE),and coefficient of determination(R2).Finally,the specific effects of the attention mechanism,convolutional layer,and fully-connected layer on the prediction performance of the model are systematically analyzed through ablation *** results of experiment show that the GAN-LSTM-Attention model exhibits excellent performance and robustness in stock price prediction.
In low-light image enhancement,prevailing Retinex-based methods often struggle with precise illumina-tion estimation and brightness *** can result in issues such as halo artifacts,blurred edges,and diminished details ...
详细信息
In low-light image enhancement,prevailing Retinex-based methods often struggle with precise illumina-tion estimation and brightness *** can result in issues such as halo artifacts,blurred edges,and diminished details in bright regions,particularly under non-uniform illumination *** propose an innovative approach that refines low-light images by leveraging an in-depth awareness of local content within the *** introducing multi-scale effective guided filtering,our method surpasses the limitations of traditional isotropic filters,such as Gaussian filters,in handling non-uniform *** dynamically adjusts regularization parameters in response to local image characteristics and significantly integrates edge perception across different *** balanced approach achieves a harmonious blend of smoothing and detail preservation,enabling more accurate illumination ***,we have designed an adaptive gamma correction function that dynamically adjusts the brightness value based on local pixel intensity,further balancing enhancement effects across different brightness levels in the *** results demonstrate the effectiveness of our proposed method for non-uniform illumination images across various *** exhibits superior quality and objective evaluation scores compared to existing *** method effectively addresses potential issues that existing methods encounter when processing non-uniform illumination images,producing enhanced images with precise details and natural,vivid colors.
Recently, tensor singular value decomposition (TSVD) within high-order (Ho) algebra framework has shed new light on tensor robust principal component analysis (TRPCA) problem. However, HoTSVD lacks flexibility in hand...
详细信息
Graph similarity learning aims to calculate the similarity between pairs of *** unsupervised graph similarity learning methods based on contrastive learning encounter challenges related to random graph augmentation st...
详细信息
Graph similarity learning aims to calculate the similarity between pairs of *** unsupervised graph similarity learning methods based on contrastive learning encounter challenges related to random graph augmentation strategies,which can harm the semantic and structural information of graphs and overlook the rich structural information present in *** address these issues,we propose a graph similarity learning model based on learnable augmentation and multi-level contrastive ***,to tackle the problem of random augmentation disrupting the semantics and structure of the graph,we design a learnable augmentation method to selectively choose nodes and edges within the *** enhance contrastive levels,we employ a biased random walk method to generate corresponding subgraphs,enriching the contrastive ***,to solve the issue of previous work not considering multi-level contrastive learning,we utilize graph convolutional networks to learn node representations of augmented views and the original graph and calculate the interaction information between the attribute-augmented and structure-augmented views and the original *** goal is to maximize node consistency between different views and learn node matching between different graphs,resulting in node-level representations for each *** representations are then obtained through pooling operations,and we conduct contrastive learning utilizing both node and subgraph ***,the graph similarity score is computed according to different downstream *** conducted three sets of experiments across eight datasets,and the results demonstrate that the proposed model effectively mitigates the issues of random augmentation damaging the original graph’s semantics and structure,as well as the insufficiency of contrastive ***,the model achieves the best overall performance.
The artificial neural network-spiking neural network(ANN-SNN)conversion,as an efficient algorithm for deep SNNs training,promotes the performance of shallow SNNs,and expands the application in various ***,the existing...
详细信息
The artificial neural network-spiking neural network(ANN-SNN)conversion,as an efficient algorithm for deep SNNs training,promotes the performance of shallow SNNs,and expands the application in various ***,the existing conversion methods still face the problem of large conversion error within low conversion time *** this paper,a heuristic symmetric-threshold rectified linear unit(stReLU)activation function for ANNs is proposed,based on the intrinsically different responses between the integrate-and-fire(IF)neurons in SNNs and the activation functions in *** negative threshold in stReLU can guarantee the conversion of negative activations,and the symmetric thresholds enable positive error to offset negative error between activation value and spike firing rate,thus reducing the conversion error from ANNs to *** lossless conversion from ANNs with stReLU to SNNs is demonstrated by theoretical *** contrasting stReLU with asymmetric-threshold LeakyReLU and threshold ReLU,the effectiveness of symmetric thresholds is further *** results show that ANNs with stReLU can decrease the conversion error and achieve nearly lossless conversion based on the MNIST,Fashion-MNIST,and CIFAR10 datasets,with 6×to 250 speedup compared with other ***,the comparison of energy consumption between ANNs and SNNs indicates that this novel conversion algorithm can also significantly reduce energy consumption.
The Coordinate Descent Method for K-means(CDKM)is an improved algorithm of *** identifies better locally optimal solutions than the original K-means *** is,it achieves solutions that yield smaller objective function v...
详细信息
The Coordinate Descent Method for K-means(CDKM)is an improved algorithm of *** identifies better locally optimal solutions than the original K-means *** is,it achieves solutions that yield smaller objective function values than the K-means ***,CDKM is sensitive to initialization,which makes the K-means objective function values not small *** selecting suitable initial centers is not always possible,this paper proposes a novel algorithm by modifying the process of *** proposed algorithm first obtains the partition matrix by CDKM and then optimizes the partition matrix by designing the split-merge criterion to reduce the objective function value *** split-merge criterion can minimize the objective function value as much as possible while ensuring that the number of clusters remains *** algorithm avoids the distance calculation in the traditional K-means algorithm because all the operations are completed only using the partition *** on ten UCI datasets show that the solution accuracy of the proposed algorithm,measured by the E value,is improved by 11.29%compared with CDKM and retains its efficiency advantage for the high dimensional *** proposed algorithm can find a better locally optimal solution in comparison to other tested K-means improved algorithms in less run time.
Optimal control and planning with safety considerations constitute a fundamental challenge in model predictive control (MPC) applications, which has recently been addressed by integrating Control Barrier Functions (CB...
详细信息
Meteorological disasters, especially extreme precipitation, cause significant socioeconomic damage, highlighting the need for effective quantitative precipitation nowcasting. Existing methods, often data-driven and re...
详细信息
In a crowd density estimation dataset,the annotation of crowd locations is an extremely laborious task,and they are not taken into the evaluation *** this paper,we aim to reduce the annotation cost of crowd datasets,a...
详细信息
In a crowd density estimation dataset,the annotation of crowd locations is an extremely laborious task,and they are not taken into the evaluation *** this paper,we aim to reduce the annotation cost of crowd datasets,and propose a crowd density estimation method based on weakly-supervised learning,in the absence of crowd position supervision information,which directly reduces the number of crowds by using the number of pedestrians in the image as the supervised *** this purpose,we design a new training method,which exploits the correlation between global and local image features by incremental learning to train the ***,we design a parent-child network(PC-Net)focusing on the global and local image respectively,and propose a linear feature calibration structure to train the PC-Net simultaneously,and the child network learns feature transfer factors and feature bias weights,and uses the transfer factors and bias weights to linearly feature calibrate the features extracted from the Parent network,to improve the convergence of the network by using local features hidden in the crowd *** addition,we use the pyramid vision transformer as the backbone of the PC-Net to extract crowd features at different levels,and design a global-local feature loss function(L2).We combine it with a crowd counting loss(LC)to enhance the sensitivity of the network to crowd features during the training process,which effectively improves the accuracy of crowd density *** experimental results show that the PC-Net significantly reduces the gap between fullysupervised and weakly-supervised crowd density estimation,and outperforms the comparison methods on five datasets of Shanghai Tech Part A,ShanghaiTech Part B,UCF_CC_50,UCF_QNRF and JHU-CROWD++.
暂无评论