For the analysis of spinal and disc diseases,automated tissue segmentation of the lumbar spine is vital.Due to the continuous and concentrated location of the target,the abundance of edge features,and individual diffe...For the analysis of spinal and disc diseases,automated tissue segmentation of the lumbar spine is vital.Due to the continuous and concentrated location of the target,the abundance of edge features,and individual differences,conventional automatic segmentation methods perform poorly.Since the success of deep learning in the segmentation of medical images has been shown in the past few years,it has been applied to this task in a number of ways.The multi-scale and multi-modal features of lumbar tissues,however,are rarely explored by methodologies of deep learning.Because of the inadequacies in medical images availability,it is crucial to effectively fuse various modes of data collection for model training to alleviate the problem of insufficient samples.In this paper,we propose a novel multi-modality hierarchical fusion network(MHFN)for improving lumbar spine segmentation by learning robust feature representations from multi-modality magnetic resonance images.An adaptive group fusion module(AGFM)is introduced in this paper to fuse features from various modes to extract cross-modality features that could be valuable.Furthermore,to combine features from low to high levels of cross-modality,we design a hierarchical fusion structure based on AGFM.Compared to the other feature fusion methods,AGFM is more effective based on experimental results on multi-modality MR images of the lumbar spine.To further enhance segmentation accuracy,we compare our network with baseline fusion structures.Compared to the baseline fusion structures(input-level:76.27%,layer-level:78.10%,decision-level:79.14%),our network was able to segment fractured vertebrae more accurately(85.05%).展开更多
The use of AI technologies in remote sensing(RS)tasks has been the focus of many individuals in both the professional and academic domains.Having more accessible interfaces and tools that allow people of little or no ...The use of AI technologies in remote sensing(RS)tasks has been the focus of many individuals in both the professional and academic domains.Having more accessible interfaces and tools that allow people of little or no experience to intuitively interact with RS data of multiple formats is a potential provided by this integration.However,the use of AI and AI agents to help automate RS-related tasks is still in its infancy stage,with some frameworks and interfaces built on top of well-known vision language models(VLM)such as GPT-4,segment anything model(SAM),and grounding DINO.These tools do promise and draw guidelines on the potentials and limitations of existing solutions concerning the use of said models.In this work,the state of the art AI foundation models(FM)are reviewed and used in a multi-modal manner to ingest RS imagery input and perform zero-shot object detection using natural language.The natural language input is then used to define the classes or labels the model should look for,then,both inputs are fed to the pipeline.The pipeline presented in this work makes up for the shortcomings of the general knowledge FMs by stacking pre-processing and post-processing applications on top of the FMs;these applications include tiling to produce uniform patches of the original image for faster detection,outlier rejection of redundant bounding boxes using statistical and machine learning methods.The pipeline was tested with UAV,aerial and satellite images taken over multiple areas.The accuracy for the semantic segmentation showed improvement from the original 64%to approximately 80%-99%by utilizing the pipeline and techniques proposed in this work.GitHub Repository:MohanadDiab/LangRS.展开更多
Heart rate variability(HRV),as a key indicator for evaluating autonomic nervous system function,has significant value in areas such as cardiovascular disease screening and emotion monitoring.Although traditional conta...Heart rate variability(HRV),as a key indicator for evaluating autonomic nervous system function,has significant value in areas such as cardiovascular disease screening and emotion monitoring.Although traditional contact-based measurement methods offer high precision,they suffer from issues such as poor comfort and low user compliance.This paper proposes a non-contact HRV monitoring method using frequency modulated continuous wave(FMCW)radar,highlighting adaptive cycle segmentation and peak extraction as core innovations.Key advantages of this method include:1)effective suppression of motion artifacts and respiratory harmonics by leveraging cardiac energy concentration;2)precise heartbeat cycle identification across physiological states via adaptive segmentation,addressing time-varying differences;3)adaptive threshold adjustment using discrete energy signals and a support vector machine(SVM)model based on morphological-temporal-spectral characteristics,reducing complexity while maintaining precision.Previous approaches predominantly process radar signals holistically through algorithms to uniformly extract inter-beat intervals(IBIs),which may result in high computational complexity and inadequate dynamic adaptability.In contrast,our method achieved higher precision than conventional holistic processing approaches,while maintaining comparable precision with lower computational complexity than previous optimization algorithms.Experimental results demonstrate that the system achieves an average IBI error of 8.28 ms(RMSE of 15.3 ms),which is reduced by about 66%compared with the traditional holistically peak seeking method.The average errors of SDNN and RMSSD are 2.65 ms and 4.33 ms,respectively.More than 92%of the IBI errors are controlled within 20 ms.The distance adaptability test showed that although the accuracy of long-distance measurement decreased slightly(<6 ms),the overall detection performance remained robust at different distances.This study provided a novel estimation algorithm for non-contact HRV detection,offering new perspectives for future health monitoring.展开更多
The fatigue resistance of casting polyurethane(CPU)is crucial in various sectors,such as construction,healthcare,and the automotive industry.Despite its importance,no studies have reported on the fatigue threshold of ...The fatigue resistance of casting polyurethane(CPU)is crucial in various sectors,such as construction,healthcare,and the automotive industry.Despite its importance,no studies have reported on the fatigue threshold of CPU.This study employed an advanced Intrinsic Strength Analyzer(ISA)to evaluate the fatigue threshold of CPUs,systematically exploring the effects of three types of isocyanates(PPDI,NDI,TDI)that contribute to hard segment structures based on the cutting method.Employing multiple advanced characterization techniques(XRD,TEM,DSC,AFM),the results indicate that PPDI-based polyurethane exhibits the highest fatigue threshold(182.89 J/m^(2))due to a highest phase separation and a densely packed spherulitic structure,although the hydrogen bonding degree is the lowest(48.3%).Conversely,NDI-based polyurethane,despite having the high hydrogen bonding degree(53.6%),exhibits moderate fatigue performance(122.52 J/m^(2)),likely due to a more scattered microstructure.TDI-based polyurethane,with the highest hydrogen bonding degree(59.1%)but absence of spherulitic structure,shows the lowest fatigue threshold(46.43 J/m^(2)).Compared to common rubbers(NR,NBR,EPDM,BR),the superior fatigue performance of CPU is attributed to its well-organized microstructure,polyurethane possesses a higher fatigue threshold due to its high phase separation degree and orderly and dense spherulitic structure which enhances energy dissipation and reduces crack propagation.展开更多
To enhance the diversity and distribution uniformity of initial population,as well as to avoid local extrema in the Chimp Optimization Algorithm(CHOA),this paper improves the CHOA based on chaos initialization and Cau...To enhance the diversity and distribution uniformity of initial population,as well as to avoid local extrema in the Chimp Optimization Algorithm(CHOA),this paper improves the CHOA based on chaos initialization and Cauchy mutation.First,Sin chaos is introduced to improve the random population initialization scheme of the CHOA,which not only guarantees the diversity of the population,but also enhances the distribution uniformity of the initial population.Next,Cauchy mutation is added to optimize the global search ability of the CHOA in the process of position(threshold)updating to avoid the CHOA falling into local optima.Finally,an improved CHOA was formed through the combination of chaos initialization and Cauchy mutation(CICMCHOA),then taking fuzzy Kapur as the objective function,this paper applied CICMCHOA to natural and medical image segmentation,and compared it with four algorithms,including the improved Satin Bowerbird optimizer(ISBO),Cuckoo Search(ICS),etc.The experimental results deriving from visual and specific indicators demonstrate that CICMCHOA delivers superior segmentation effects in image segmentation.展开更多
Deep learning based methods have been successfully applied to semantic segmentation of optical remote sensing images.However,as more and more remote sensing data is available,it is a new challenge to comprehensively u...Deep learning based methods have been successfully applied to semantic segmentation of optical remote sensing images.However,as more and more remote sensing data is available,it is a new challenge to comprehensively utilize multi-modal remote sensing data to break through the performance bottleneck of single-modal interpretation.In addition,semantic segmentation and height estimation in remote sensing data are two tasks with strong correlation,but existing methods usually study individual tasks separately,which leads to high computational resource overhead.To this end,we propose a Multi-Task learning framework for Multi-Modal remote sensing images(MM_MT).Specifically,we design a Cross-Modal Feature Fusion(CMFF)method,which aggregates complementary information of different modalities to improve the accuracy of semantic segmentation and height estimation.Besides,a dual-stream multi-task learning method is introduced for Joint Semantic Segmentation and Height Estimation(JSSHE),extracting common features in a shared network to save time and resources,and then learning task-specific features in two task branches.Experimental results on the public multi-modal remote sensing image dataset Potsdam show that compared to training two tasks independently,multi-task learning saves 20%of training time and achieves competitive performance with mIoU of 83.02%for semantic segmentation and accuracy of 95.26%for height estimation.展开更多
Real-time hand gesture recognition technology significantly improves the user's experience for virtual reality/augmented reality(VR/AR) applications, which relies on the identification of the orientation of the ha...Real-time hand gesture recognition technology significantly improves the user's experience for virtual reality/augmented reality(VR/AR) applications, which relies on the identification of the orientation of the hand in captured images or videos. A new three-stage pipeline approach for fast and accurate hand segmentation for the hand from a single depth image is proposed. Firstly, a depth frame is segmented into several regions by histogrambased threshold selection algorithm and by tracing the exterior boundaries of objects after thresholding. Secondly, each segmentation proposal is evaluated by a three-layers shallow convolutional neural network(CNN) to determine whether or not the boundary is associated with the hand. Finally, all hand components are merged as the hand segmentation result. Compared with algorithms based on random decision forest(RDF), the experimental results demonstrate that the approach achieves better performance with high-accuracy(88.34% mean intersection over union, mIoU) and a shorter processing time(≤8 ms).展开更多
The segmentation of head and neck(H&N)tumors in dual Positron Emission Tomography/Computed Tomogra-phy(PET/CT)imaging is a critical task in medical imaging,providing essential information for diagnosis,treatment p...The segmentation of head and neck(H&N)tumors in dual Positron Emission Tomography/Computed Tomogra-phy(PET/CT)imaging is a critical task in medical imaging,providing essential information for diagnosis,treatment planning,and outcome prediction.Motivated by the need for more accurate and robust segmentation methods,this study addresses key research gaps in the application of deep learning techniques to multimodal medical images.Specifically,it investigates the limitations of existing 2D and 3D models in capturing complex tumor structures and proposes an innovative 2.5D UNet Transformer model as a solution.The primary research questions guiding this study are:(1)How can the integration of convolutional neural networks(CNNs)and transformer networks enhance segmentation accuracy in dual PET/CT imaging?(2)What are the comparative advantages of 2D,2.5D,and 3D model configurations in this context?To answer these questions,we aimed to develop and evaluate advanced deep-learning models that leverage the strengths of both CNNs and transformers.Our proposed methodology involved a comprehensive preprocessing pipeline,including normalization,contrast enhancement,and resampling,followed by segmentation using 2D,2.5D,and 3D UNet Transformer models.The models were trained and tested on three diverse datasets:HeckTor2022,AutoPET2023,and SegRap2023.Performance was assessed using metrics such as Dice Similarity Coefficient,Jaccard Index,Average Surface Distance(ASD),and Relative Absolute Volume Difference(RAVD).The findings demonstrate that the 2.5D UNet Transformer model consistently outperformed the 2D and 3D models across most metrics,achieving the highest Dice and Jaccard values,indicating superior segmentation accuracy.For instance,on the HeckTor2022 dataset,the 2.5D model achieved a Dice score of 81.777 and a Jaccard index of 0.705,surpassing other model configurations.The 3D model showed strong boundary delineation performance but exhibited variability across datasets,while the 2D model,although effective,generally underperformed compared to its 2.5D and 3D counterparts.Compared to related literature,our study confirms the advantages of incorporating additional spatial context,as seen in the improved performance of the 2.5D model.This research fills a significant gap by providing a detailed comparative analysis of different model dimensions and their impact on H&N segmentation accuracy in dual PET/CT imaging.展开更多
A method of segmenting vessels by morphological filters and dynamic thresholding for digital subtraction angiography (DSA) images is presented. The first step is to reduce the noise and enhance the details of image ...A method of segmenting vessels by morphological filters and dynamic thresholding for digital subtraction angiography (DSA) images is presented. The first step is to reduce the noise and enhance the details of image by using morpholngical operators. The second is to segment vessels by dynamic thresholding combined with global thresholding based on the properties of DSA images. Artificial images and actual images have been tested. Experiment results show that the proposed method is efficient and is of great potential for the segmentation of vessels in medical images.展开更多
As a kind of special material in geotechnical engineering, the mudded weak interlayer plays a crucial part in slope stability. In this paper, we presented a method to determine the threshold value of section micrograp...As a kind of special material in geotechnical engineering, the mudded weak interlayer plays a crucial part in slope stability. In this paper, we presented a method to determine the threshold value of section micrographs of the mudded weak interlayer in slope during its meso-structure qualification process. Some soil tests, scanning electron microscopy(SEM) and image segmentation technology were performed to fulfill our purpose. Specifically, the relation between 3 D-porosity and the threshold was obtained by least square fitting of the threshold-porosity curves and a simplified pore equivalent model. Using this relation and the 3 D-porosity determined by soil experiments, we can figure out the polynomial equation of the threshold value. The threshold values obtained by the other existing methods in literature were employed to validate our present results.展开更多
Thresholding is a popular image segmentation method that converts gray-level image into binary image. The selection of optimum thresholds has remained a challenge over decades. In order to determine thresholds, most m...Thresholding is a popular image segmentation method that converts gray-level image into binary image. The selection of optimum thresholds has remained a challenge over decades. In order to determine thresholds, most methods analyze the histogram of the image. The optimal thresholds are often found by either minimizing or maximizing an objective function with respect to the values of the thresholds. In this paper, a new intelligence algorithm, particle swarm opti-mization (PSO), is presented for multilevel thresholding in image segmentation. This algorithm is used to maximize the Kapur’s and Otsu’s objective functions. The performance of the PSO has been tested on ten sample images and it is found to be superior as compared with genetic algorithm (GA).展开更多
Accurate segmentation is an important and challenging task in any computer vision system. It also plays a vital role in computerized analysis of skin lesion images. This paper presents a new segmentation method that c...Accurate segmentation is an important and challenging task in any computer vision system. It also plays a vital role in computerized analysis of skin lesion images. This paper presents a new segmentation method that combines the advan-tages of fuzzy C mean algorithm, thresholding and level set method. 3-class Fuzzy C mean thresholding is applied to initialize level set automatically and also for estimating controlling parameters for level set evolution. Parameters for performance evaluation are presented and segmentation results are compared with some other state-of-the-art segmentation methods. Increased true detection rate and reduced false positive and false negative errors confirm the effectiveness of proposed method for skin cancer detection.展开更多
Coronavirus Disease 2019(COVID-19)is the most severe epidemic that is prevalent all over the world.How quickly and accurately identifying COVID-19 is of great significance to controlling the spread speed of the epidem...Coronavirus Disease 2019(COVID-19)is the most severe epidemic that is prevalent all over the world.How quickly and accurately identifying COVID-19 is of great significance to controlling the spread speed of the epidemic.Moreover,it is essential to accurately and rapidly identify COVID-19 lesions by analyzing Chest X-ray images.As we all know,image segmentation is a critical stage in image processing and analysis.To achieve better image segmentation results,this paper proposes to improve the multi-verse optimizer algorithm using the Rosenbrock method and diffusion mechanism named RDMVO.Then utilizes RDMVO to calculate the maximum Kapur’s entropy for multilevel threshold image segmentation.This image segmentation scheme is called RDMVO-MIS.We ran two sets of experiments to test the performance of RDMVO and RDMVO-MIS.First,RDMVO was compared with other excellent peers on IEEE CEC2017 to test the performance of RDMVO on benchmark functions.Second,the image segmentation experiment was carried out using RDMVO-MIS,and some meta-heuristic algorithms were selected as comparisons.The test image dataset includes Berkeley images and COVID-19 Chest X-ray images.The experimental results verify that RDMVO is highly competitive in benchmark functions and image segmentation experiments compared with other meta-heuristic algorithms.展开更多
Enormousmethods have been proposed for the detection and segmentation of blur and non-blur regions of the images.Due to the limited available information about blur type,scenario and the level of blurriness,detection ...Enormousmethods have been proposed for the detection and segmentation of blur and non-blur regions of the images.Due to the limited available information about blur type,scenario and the level of blurriness,detection and segmentation is a challenging task.Hence,the performance of the blur measure operator is an essential factor and needs improvement to attain perfection.In this paper,we propose an effective blur measure based on local binary pattern(LBP)with adaptive threshold for blur detection.The sharpness metric developed based on LBP used a fixed threshold irrespective of the type and level of blur,that may not be suitable for images with variations in imaging conditions,blur amount and type.Contrarily,the proposed measure uses an adaptive threshold for each input image based on the image and blur properties to generate improved sharpness metric.The adaptive threshold is computed based on the model learned through support vector machine(SVM).The performance of the proposed method is evaluated using two different datasets and is compared with five state-of-the-art methods.Comparative analysis reveals that the proposed method performs significantly better qualitatively and quantitatively against all of the compared methods.展开更多
The aeroengine casing ring forgings have complex cross-section shapes,when the conventional ultrasonic or phased array is applied to detect such curved surfaces,the inspection images always have low resolution and eve...The aeroengine casing ring forgings have complex cross-section shapes,when the conventional ultrasonic or phased array is applied to detect such curved surfaces,the inspection images always have low resolution and even artifacts due to the distortion of the wave beam.In this article,taking a type of aeroengine casing ring forging as an example,the Total Focusing Method(TFM)algorithms for curved surfaces are investigated.First,the Acoustic Field Threshold Segmentation(AFTS)algorithm is proposed to reduce background noise and data calculation.Furthermore,the Vector Coherence Factor(VCF)is adopted to improve the lateral resolution of the TFM imaging.Finally,a series of 0.8 mm diameter Side-Drilled Holes(SDHs)are machined below convex and concave surfaces of the specimen.The quantitative comparison of the detection images using the conventional TFM,AFTS-TFM,VCF-TFM,and AFTS-VCF-TFM is implemented in terms of data volume,imaging Signal-to-Noise Ratio(SNR),and defect echo width.The results show that compared with conventional TFM,the data volume of AFTS-VCF-TFM algorithm for convex and concave is decreased by 32.39%and 73.40%,respectively.Moreover,the average SNR of the AFTS-VCF-TFM is gained up to 40.0 dB,while the average 6 dB-drop echo width of defects is reduced to 0.74 mm.展开更多
Biomedical image processing acts as an essential part of severalmedical applications in supporting computer aided disease diagnosis. MagneticResonance Image (MRI) is a commonly utilized imaging tool used tosave glioma...Biomedical image processing acts as an essential part of severalmedical applications in supporting computer aided disease diagnosis. MagneticResonance Image (MRI) is a commonly utilized imaging tool used tosave glioma for clinical examination. Biomedical image segmentation plays avital role in healthcare decision making process which also helps to identifythe affected regions in the MRI. Though numerous segmentation models areavailable in the literature, it is still needed to develop effective segmentationmodels for BT. This study develops a salp swarm algorithm with multi-levelthresholding based brain tumor segmentation (SSAMLT-BTS) model. Thepresented SSAMLT-BTS model initially employs bilateral filtering based onnoise removal and skull stripping as a pre-processing phase. In addition,Otsu thresholding approach is applied to segment the biomedical imagesand the optimum threshold values are chosen by the use of SSA. Finally,active contour (AC) technique is used to identify the suspicious regions in themedical image. A comprehensive experimental analysis of the SSAMLT-BTSmodel is performed using benchmark dataset and the outcomes are inspectedin many aspects. The simulation outcomes reported the improved outcomesof the SSAMLT-BTS model over recent approaches with maximum accuracyof 95.95%.展开更多
We propose a new quantum watermarking scheme based on threshold selection using informational entropy of quantum image.The core idea of this scheme is to embed information into object and background of cover image in ...We propose a new quantum watermarking scheme based on threshold selection using informational entropy of quantum image.The core idea of this scheme is to embed information into object and background of cover image in different ways.First,a threshold method adopting the quantum informational entropy is employed to determine a threshold value.The threshold value can then be further used for segmenting the cover image to a binary image,which is an authentication key for embedding and extraction information.By a careful analysis of the quantum circuits of the scheme,that is,translating into the basic gate sequences which show the low complexity of the scheme.One of the simulation-based experimental results is entropy difference which measures the similarity of two images by calculating the difference in quantum image informational entropy between watermarked image and cover image.Furthermore,the analyses of peak signal-to-noise ratio,histogram and capacity of the scheme are also provided.展开更多
A novel flotation froth image segmentation based on threshold level set method is put forward in view of the problem of over-segmentation and under-segmentation which occurs when the existing method segmented the flot...A novel flotation froth image segmentation based on threshold level set method is put forward in view of the problem of over-segmentation and under-segmentation which occurs when the existing method segmented the flotation froth images. Firstly, the proposed method adopts histogram equalization to improve the contrast of the image, and then chooses the upper threshold and lower threshold from grey value of histogram of the image equalization, and complete image segmentation using the level set method. In this paper, the model which integrates edge with region level set model is utilized, and the speed energy term is introduced to segment the target. Experimental results show that the proposed method has better segmentation results and higher segmentation efficiency on the images with under-segmentation and incorrect segmentation, and it is meaningful for ore dressing industrial.展开更多
In this work, we propose an original approach of semi-vectorial hybrid morphological segmentation for multicomponent images or multidimensional data by analyzing compact multidimensional histograms based on different ...In this work, we propose an original approach of semi-vectorial hybrid morphological segmentation for multicomponent images or multidimensional data by analyzing compact multidimensional histograms based on different orders. Its principle consists first of segment marginally each component of the multicomponent image into different numbers of classes fixed at K. The segmentation of each component of the image uses a scalar segmentation strategy by histogram analysis;we mainly count the methods by searching for peaks or modes of the histogram and those based on a multi-thresholding of the histogram. It is the latter that we have used in this paper, it relies particularly on the multi-thresholding method of OTSU. Then, in the case where i) each component of the image admits exactly K classes, K vector thresholds are constructed by an optimal pairing of which each component of the vector thresholds are those resulting from the marginal segmentations. In addition, the multidimensional compact histogram of the multicomponent image is computed and the attribute tuples or ‘colors’ of the histogram are ordered relative to the threshold vectors to produce (K + 1) intervals in the partial order giving rise to a segmentation of the multidimensional histogram into K classes. The remaining colors of the histogram are assigned to the closest class relative to their center of gravity. ii) In the contrary case, a vectorial spatial matching between the classes of the scalar components of the image is produced to obtain an over-segmentation, then an interclass fusion is performed to obtain a maximum of K classes. Indeed, the relevance of our segmentation method has been highlighted in relation to other methods, such as K-means, using unsupervised and supervised quantitative segmentation evaluation criteria. So the robustness of our method relatively to noise has been tested.展开更多
基金supported in part by the Technology Innovation 2030 under Grant 2022ZD0211700.
文摘For the analysis of spinal and disc diseases,automated tissue segmentation of the lumbar spine is vital.Due to the continuous and concentrated location of the target,the abundance of edge features,and individual differences,conventional automatic segmentation methods perform poorly.Since the success of deep learning in the segmentation of medical images has been shown in the past few years,it has been applied to this task in a number of ways.The multi-scale and multi-modal features of lumbar tissues,however,are rarely explored by methodologies of deep learning.Because of the inadequacies in medical images availability,it is crucial to effectively fuse various modes of data collection for model training to alleviate the problem of insufficient samples.In this paper,we propose a novel multi-modality hierarchical fusion network(MHFN)for improving lumbar spine segmentation by learning robust feature representations from multi-modality magnetic resonance images.An adaptive group fusion module(AGFM)is introduced in this paper to fuse features from various modes to extract cross-modality features that could be valuable.Furthermore,to combine features from low to high levels of cross-modality,we design a hierarchical fusion structure based on AGFM.Compared to the other feature fusion methods,AGFM is more effective based on experimental results on multi-modality MR images of the lumbar spine.To further enhance segmentation accuracy,we compare our network with baseline fusion structures.Compared to the baseline fusion structures(input-level:76.27%,layer-level:78.10%,decision-level:79.14%),our network was able to segment fractured vertebrae more accurately(85.05%).
文摘The use of AI technologies in remote sensing(RS)tasks has been the focus of many individuals in both the professional and academic domains.Having more accessible interfaces and tools that allow people of little or no experience to intuitively interact with RS data of multiple formats is a potential provided by this integration.However,the use of AI and AI agents to help automate RS-related tasks is still in its infancy stage,with some frameworks and interfaces built on top of well-known vision language models(VLM)such as GPT-4,segment anything model(SAM),and grounding DINO.These tools do promise and draw guidelines on the potentials and limitations of existing solutions concerning the use of said models.In this work,the state of the art AI foundation models(FM)are reviewed and used in a multi-modal manner to ingest RS imagery input and perform zero-shot object detection using natural language.The natural language input is then used to define the classes or labels the model should look for,then,both inputs are fed to the pipeline.The pipeline presented in this work makes up for the shortcomings of the general knowledge FMs by stacking pre-processing and post-processing applications on top of the FMs;these applications include tiling to produce uniform patches of the original image for faster detection,outlier rejection of redundant bounding boxes using statistical and machine learning methods.The pipeline was tested with UAV,aerial and satellite images taken over multiple areas.The accuracy for the semantic segmentation showed improvement from the original 64%to approximately 80%-99%by utilizing the pipeline and techniques proposed in this work.GitHub Repository:MohanadDiab/LangRS.
基金supported by National Natural Science Foundation of China(Nos.62320106002,U22A2014)National Key Research and Development Program of China(No.2021YFA1401103)+2 种基金2022 Wuxi Taihu Talent Program:Innovative Leading Talent Team(No.1096010241230120)Fundamental Research Funds for Central Universities(No.1322050205250910)Wuxi Municipal Basic Research Project(No.K20241026).
文摘Heart rate variability(HRV),as a key indicator for evaluating autonomic nervous system function,has significant value in areas such as cardiovascular disease screening and emotion monitoring.Although traditional contact-based measurement methods offer high precision,they suffer from issues such as poor comfort and low user compliance.This paper proposes a non-contact HRV monitoring method using frequency modulated continuous wave(FMCW)radar,highlighting adaptive cycle segmentation and peak extraction as core innovations.Key advantages of this method include:1)effective suppression of motion artifacts and respiratory harmonics by leveraging cardiac energy concentration;2)precise heartbeat cycle identification across physiological states via adaptive segmentation,addressing time-varying differences;3)adaptive threshold adjustment using discrete energy signals and a support vector machine(SVM)model based on morphological-temporal-spectral characteristics,reducing complexity while maintaining precision.Previous approaches predominantly process radar signals holistically through algorithms to uniformly extract inter-beat intervals(IBIs),which may result in high computational complexity and inadequate dynamic adaptability.In contrast,our method achieved higher precision than conventional holistic processing approaches,while maintaining comparable precision with lower computational complexity than previous optimization algorithms.Experimental results demonstrate that the system achieves an average IBI error of 8.28 ms(RMSE of 15.3 ms),which is reduced by about 66%compared with the traditional holistically peak seeking method.The average errors of SDNN and RMSSD are 2.65 ms and 4.33 ms,respectively.More than 92%of the IBI errors are controlled within 20 ms.The distance adaptability test showed that although the accuracy of long-distance measurement decreased slightly(<6 ms),the overall detection performance remained robust at different distances.This study provided a novel estimation algorithm for non-contact HRV detection,offering new perspectives for future health monitoring.
基金financially supported by the National Natural Science Foundation of China(No.52473228).
文摘The fatigue resistance of casting polyurethane(CPU)is crucial in various sectors,such as construction,healthcare,and the automotive industry.Despite its importance,no studies have reported on the fatigue threshold of CPU.This study employed an advanced Intrinsic Strength Analyzer(ISA)to evaluate the fatigue threshold of CPUs,systematically exploring the effects of three types of isocyanates(PPDI,NDI,TDI)that contribute to hard segment structures based on the cutting method.Employing multiple advanced characterization techniques(XRD,TEM,DSC,AFM),the results indicate that PPDI-based polyurethane exhibits the highest fatigue threshold(182.89 J/m^(2))due to a highest phase separation and a densely packed spherulitic structure,although the hydrogen bonding degree is the lowest(48.3%).Conversely,NDI-based polyurethane,despite having the high hydrogen bonding degree(53.6%),exhibits moderate fatigue performance(122.52 J/m^(2)),likely due to a more scattered microstructure.TDI-based polyurethane,with the highest hydrogen bonding degree(59.1%)but absence of spherulitic structure,shows the lowest fatigue threshold(46.43 J/m^(2)).Compared to common rubbers(NR,NBR,EPDM,BR),the superior fatigue performance of CPU is attributed to its well-organized microstructure,polyurethane possesses a higher fatigue threshold due to its high phase separation degree and orderly and dense spherulitic structure which enhances energy dissipation and reduces crack propagation.
基金This work is supported by Natural Science Foundation of Anhui under Grant 1908085MF207,KJ2020A1215,KJ2021A1251 and 2023AH052856the Excellent Youth Talent Support Foundation of Anhui underGrant gxyqZD2021142the Quality Engineering Project of Anhui under Grant 2021jyxm1117,2021kcszsfkc307,2022xsxx158 and 2022jcbs043.
文摘To enhance the diversity and distribution uniformity of initial population,as well as to avoid local extrema in the Chimp Optimization Algorithm(CHOA),this paper improves the CHOA based on chaos initialization and Cauchy mutation.First,Sin chaos is introduced to improve the random population initialization scheme of the CHOA,which not only guarantees the diversity of the population,but also enhances the distribution uniformity of the initial population.Next,Cauchy mutation is added to optimize the global search ability of the CHOA in the process of position(threshold)updating to avoid the CHOA falling into local optima.Finally,an improved CHOA was formed through the combination of chaos initialization and Cauchy mutation(CICMCHOA),then taking fuzzy Kapur as the objective function,this paper applied CICMCHOA to natural and medical image segmentation,and compared it with four algorithms,including the improved Satin Bowerbird optimizer(ISBO),Cuckoo Search(ICS),etc.The experimental results deriving from visual and specific indicators demonstrate that CICMCHOA delivers superior segmentation effects in image segmentation.
基金National Key R&D Program of China(No.2022ZD0118401).
文摘Deep learning based methods have been successfully applied to semantic segmentation of optical remote sensing images.However,as more and more remote sensing data is available,it is a new challenge to comprehensively utilize multi-modal remote sensing data to break through the performance bottleneck of single-modal interpretation.In addition,semantic segmentation and height estimation in remote sensing data are two tasks with strong correlation,but existing methods usually study individual tasks separately,which leads to high computational resource overhead.To this end,we propose a Multi-Task learning framework for Multi-Modal remote sensing images(MM_MT).Specifically,we design a Cross-Modal Feature Fusion(CMFF)method,which aggregates complementary information of different modalities to improve the accuracy of semantic segmentation and height estimation.Besides,a dual-stream multi-task learning method is introduced for Joint Semantic Segmentation and Height Estimation(JSSHE),extracting common features in a shared network to save time and resources,and then learning task-specific features in two task branches.Experimental results on the public multi-modal remote sensing image dataset Potsdam show that compared to training two tasks independently,multi-task learning saves 20%of training time and achieves competitive performance with mIoU of 83.02%for semantic segmentation and accuracy of 95.26%for height estimation.
文摘Real-time hand gesture recognition technology significantly improves the user's experience for virtual reality/augmented reality(VR/AR) applications, which relies on the identification of the orientation of the hand in captured images or videos. A new three-stage pipeline approach for fast and accurate hand segmentation for the hand from a single depth image is proposed. Firstly, a depth frame is segmented into several regions by histogrambased threshold selection algorithm and by tracing the exterior boundaries of objects after thresholding. Secondly, each segmentation proposal is evaluated by a three-layers shallow convolutional neural network(CNN) to determine whether or not the boundary is associated with the hand. Finally, all hand components are merged as the hand segmentation result. Compared with algorithms based on random decision forest(RDF), the experimental results demonstrate that the approach achieves better performance with high-accuracy(88.34% mean intersection over union, mIoU) and a shorter processing time(≤8 ms).
基金supported by Scientific Research Deanship at University of Ha’il,Saudi Arabia through project number RG-23137.
文摘The segmentation of head and neck(H&N)tumors in dual Positron Emission Tomography/Computed Tomogra-phy(PET/CT)imaging is a critical task in medical imaging,providing essential information for diagnosis,treatment planning,and outcome prediction.Motivated by the need for more accurate and robust segmentation methods,this study addresses key research gaps in the application of deep learning techniques to multimodal medical images.Specifically,it investigates the limitations of existing 2D and 3D models in capturing complex tumor structures and proposes an innovative 2.5D UNet Transformer model as a solution.The primary research questions guiding this study are:(1)How can the integration of convolutional neural networks(CNNs)and transformer networks enhance segmentation accuracy in dual PET/CT imaging?(2)What are the comparative advantages of 2D,2.5D,and 3D model configurations in this context?To answer these questions,we aimed to develop and evaluate advanced deep-learning models that leverage the strengths of both CNNs and transformers.Our proposed methodology involved a comprehensive preprocessing pipeline,including normalization,contrast enhancement,and resampling,followed by segmentation using 2D,2.5D,and 3D UNet Transformer models.The models were trained and tested on three diverse datasets:HeckTor2022,AutoPET2023,and SegRap2023.Performance was assessed using metrics such as Dice Similarity Coefficient,Jaccard Index,Average Surface Distance(ASD),and Relative Absolute Volume Difference(RAVD).The findings demonstrate that the 2.5D UNet Transformer model consistently outperformed the 2D and 3D models across most metrics,achieving the highest Dice and Jaccard values,indicating superior segmentation accuracy.For instance,on the HeckTor2022 dataset,the 2.5D model achieved a Dice score of 81.777 and a Jaccard index of 0.705,surpassing other model configurations.The 3D model showed strong boundary delineation performance but exhibited variability across datasets,while the 2D model,although effective,generally underperformed compared to its 2.5D and 3D counterparts.Compared to related literature,our study confirms the advantages of incorporating additional spatial context,as seen in the improved performance of the 2.5D model.This research fills a significant gap by providing a detailed comparative analysis of different model dimensions and their impact on H&N segmentation accuracy in dual PET/CT imaging.
文摘A method of segmenting vessels by morphological filters and dynamic thresholding for digital subtraction angiography (DSA) images is presented. The first step is to reduce the noise and enhance the details of image by using morpholngical operators. The second is to segment vessels by dynamic thresholding combined with global thresholding based on the properties of DSA images. Artificial images and actual images have been tested. Experiment results show that the proposed method is efficient and is of great potential for the segmentation of vessels in medical images.
基金Funded by the National Natural Science Foundation of China(No.51574201)the State Key Laboratory of Geohazard Prevention and Geoenvironment Protection Foundation(Chengdu University of Technology)(No.SKLGP2015K006)the Scientific&Technical Youth Innovation Group(Southwest Petroleum University)(No.2015CXTD05)
文摘As a kind of special material in geotechnical engineering, the mudded weak interlayer plays a crucial part in slope stability. In this paper, we presented a method to determine the threshold value of section micrographs of the mudded weak interlayer in slope during its meso-structure qualification process. Some soil tests, scanning electron microscopy(SEM) and image segmentation technology were performed to fulfill our purpose. Specifically, the relation between 3 D-porosity and the threshold was obtained by least square fitting of the threshold-porosity curves and a simplified pore equivalent model. Using this relation and the 3 D-porosity determined by soil experiments, we can figure out the polynomial equation of the threshold value. The threshold values obtained by the other existing methods in literature were employed to validate our present results.
文摘Thresholding is a popular image segmentation method that converts gray-level image into binary image. The selection of optimum thresholds has remained a challenge over decades. In order to determine thresholds, most methods analyze the histogram of the image. The optimal thresholds are often found by either minimizing or maximizing an objective function with respect to the values of the thresholds. In this paper, a new intelligence algorithm, particle swarm opti-mization (PSO), is presented for multilevel thresholding in image segmentation. This algorithm is used to maximize the Kapur’s and Otsu’s objective functions. The performance of the PSO has been tested on ten sample images and it is found to be superior as compared with genetic algorithm (GA).
文摘Accurate segmentation is an important and challenging task in any computer vision system. It also plays a vital role in computerized analysis of skin lesion images. This paper presents a new segmentation method that combines the advan-tages of fuzzy C mean algorithm, thresholding and level set method. 3-class Fuzzy C mean thresholding is applied to initialize level set automatically and also for estimating controlling parameters for level set evolution. Parameters for performance evaluation are presented and segmentation results are compared with some other state-of-the-art segmentation methods. Increased true detection rate and reduced false positive and false negative errors confirm the effectiveness of proposed method for skin cancer detection.
基金supported by the Natural Science Foundation of Zhejiang Province(LY21F020001,LZ22F020005)National Natural Science Foundation of China(62076185,U1809209)+1 种基金Science and Technology Plan Project of Wenzhou,China(ZG2020026)We also acknowledge the respected editor and reviewers'efforts to enhance the quality of this research.
文摘Coronavirus Disease 2019(COVID-19)is the most severe epidemic that is prevalent all over the world.How quickly and accurately identifying COVID-19 is of great significance to controlling the spread speed of the epidemic.Moreover,it is essential to accurately and rapidly identify COVID-19 lesions by analyzing Chest X-ray images.As we all know,image segmentation is a critical stage in image processing and analysis.To achieve better image segmentation results,this paper proposes to improve the multi-verse optimizer algorithm using the Rosenbrock method and diffusion mechanism named RDMVO.Then utilizes RDMVO to calculate the maximum Kapur’s entropy for multilevel threshold image segmentation.This image segmentation scheme is called RDMVO-MIS.We ran two sets of experiments to test the performance of RDMVO and RDMVO-MIS.First,RDMVO was compared with other excellent peers on IEEE CEC2017 to test the performance of RDMVO on benchmark functions.Second,the image segmentation experiment was carried out using RDMVO-MIS,and some meta-heuristic algorithms were selected as comparisons.The test image dataset includes Berkeley images and COVID-19 Chest X-ray images.The experimental results verify that RDMVO is highly competitive in benchmark functions and image segmentation experiments compared with other meta-heuristic algorithms.
基金This work is supported by the BK-21 FOUR program and by the Creative Challenge Research Program(2021R1I1A1A01052521)through National Research Foundation of Korea(NRF)under Ministry of Education,Korea.
文摘Enormousmethods have been proposed for the detection and segmentation of blur and non-blur regions of the images.Due to the limited available information about blur type,scenario and the level of blurriness,detection and segmentation is a challenging task.Hence,the performance of the blur measure operator is an essential factor and needs improvement to attain perfection.In this paper,we propose an effective blur measure based on local binary pattern(LBP)with adaptive threshold for blur detection.The sharpness metric developed based on LBP used a fixed threshold irrespective of the type and level of blur,that may not be suitable for images with variations in imaging conditions,blur amount and type.Contrarily,the proposed measure uses an adaptive threshold for each input image based on the image and blur properties to generate improved sharpness metric.The adaptive threshold is computed based on the model learned through support vector machine(SVM).The performance of the proposed method is evaluated using two different datasets and is compared with five state-of-the-art methods.Comparative analysis reveals that the proposed method performs significantly better qualitatively and quantitatively against all of the compared methods.
基金supported by the National Key Research and Development Program of China(No.2019YFB1704500)the National Natural Science Foundation of China(No.51875428)+3 种基金the Key Research and Development Program of Hubei Province,China(No.2020BAB144)the Excellent Youth Foundation of Hubei Province,China(No.2019CFA041)the Innovative Research Team Development Program of Ministry of Education of China(No.IRT_17R83)the 111 Project of China(No.B17034)。
文摘The aeroengine casing ring forgings have complex cross-section shapes,when the conventional ultrasonic or phased array is applied to detect such curved surfaces,the inspection images always have low resolution and even artifacts due to the distortion of the wave beam.In this article,taking a type of aeroengine casing ring forging as an example,the Total Focusing Method(TFM)algorithms for curved surfaces are investigated.First,the Acoustic Field Threshold Segmentation(AFTS)algorithm is proposed to reduce background noise and data calculation.Furthermore,the Vector Coherence Factor(VCF)is adopted to improve the lateral resolution of the TFM imaging.Finally,a series of 0.8 mm diameter Side-Drilled Holes(SDHs)are machined below convex and concave surfaces of the specimen.The quantitative comparison of the detection images using the conventional TFM,AFTS-TFM,VCF-TFM,and AFTS-VCF-TFM is implemented in terms of data volume,imaging Signal-to-Noise Ratio(SNR),and defect echo width.The results show that compared with conventional TFM,the data volume of AFTS-VCF-TFM algorithm for convex and concave is decreased by 32.39%and 73.40%,respectively.Moreover,the average SNR of the AFTS-VCF-TFM is gained up to 40.0 dB,while the average 6 dB-drop echo width of defects is reduced to 0.74 mm.
基金The author would like to express their gratitude to the Ministry of Education and the Deanship of Scientific Research-Najran University-Kingdom of Saudi Arabia for their financial and technical support under code number:NU/NRP/SERC/11/3.
文摘Biomedical image processing acts as an essential part of severalmedical applications in supporting computer aided disease diagnosis. MagneticResonance Image (MRI) is a commonly utilized imaging tool used tosave glioma for clinical examination. Biomedical image segmentation plays avital role in healthcare decision making process which also helps to identifythe affected regions in the MRI. Though numerous segmentation models areavailable in the literature, it is still needed to develop effective segmentationmodels for BT. This study develops a salp swarm algorithm with multi-levelthresholding based brain tumor segmentation (SSAMLT-BTS) model. Thepresented SSAMLT-BTS model initially employs bilateral filtering based onnoise removal and skull stripping as a pre-processing phase. In addition,Otsu thresholding approach is applied to segment the biomedical imagesand the optimum threshold values are chosen by the use of SSA. Finally,active contour (AC) technique is used to identify the suspicious regions in themedical image. A comprehensive experimental analysis of the SSAMLT-BTSmodel is performed using benchmark dataset and the outcomes are inspectedin many aspects. The simulation outcomes reported the improved outcomesof the SSAMLT-BTS model over recent approaches with maximum accuracyof 95.95%.
基金supported by the National Natural Science Foundation of China(Grant No.6217070290)the Shanghai Science and Technology Project(Grant Nos.21JC1402800 and 20040501500)+2 种基金the Scientific Research Fund of Hunan Provincial Education Department(Grant No.21A0470)the Hunan Provincial Natural Science Foundation of China(Grant No.2020JJ4557)Top-Notch Innovative Talent Program for Postgraduate Students of Shanghai Maritime University(Grant No.2021YBR009)。
文摘We propose a new quantum watermarking scheme based on threshold selection using informational entropy of quantum image.The core idea of this scheme is to embed information into object and background of cover image in different ways.First,a threshold method adopting the quantum informational entropy is employed to determine a threshold value.The threshold value can then be further used for segmenting the cover image to a binary image,which is an authentication key for embedding and extraction information.By a careful analysis of the quantum circuits of the scheme,that is,translating into the basic gate sequences which show the low complexity of the scheme.One of the simulation-based experimental results is entropy difference which measures the similarity of two images by calculating the difference in quantum image informational entropy between watermarked image and cover image.Furthermore,the analyses of peak signal-to-noise ratio,histogram and capacity of the scheme are also provided.
文摘A novel flotation froth image segmentation based on threshold level set method is put forward in view of the problem of over-segmentation and under-segmentation which occurs when the existing method segmented the flotation froth images. Firstly, the proposed method adopts histogram equalization to improve the contrast of the image, and then chooses the upper threshold and lower threshold from grey value of histogram of the image equalization, and complete image segmentation using the level set method. In this paper, the model which integrates edge with region level set model is utilized, and the speed energy term is introduced to segment the target. Experimental results show that the proposed method has better segmentation results and higher segmentation efficiency on the images with under-segmentation and incorrect segmentation, and it is meaningful for ore dressing industrial.
文摘In this work, we propose an original approach of semi-vectorial hybrid morphological segmentation for multicomponent images or multidimensional data by analyzing compact multidimensional histograms based on different orders. Its principle consists first of segment marginally each component of the multicomponent image into different numbers of classes fixed at K. The segmentation of each component of the image uses a scalar segmentation strategy by histogram analysis;we mainly count the methods by searching for peaks or modes of the histogram and those based on a multi-thresholding of the histogram. It is the latter that we have used in this paper, it relies particularly on the multi-thresholding method of OTSU. Then, in the case where i) each component of the image admits exactly K classes, K vector thresholds are constructed by an optimal pairing of which each component of the vector thresholds are those resulting from the marginal segmentations. In addition, the multidimensional compact histogram of the multicomponent image is computed and the attribute tuples or ‘colors’ of the histogram are ordered relative to the threshold vectors to produce (K + 1) intervals in the partial order giving rise to a segmentation of the multidimensional histogram into K classes. The remaining colors of the histogram are assigned to the closest class relative to their center of gravity. ii) In the contrary case, a vectorial spatial matching between the classes of the scalar components of the image is produced to obtain an over-segmentation, then an interclass fusion is performed to obtain a maximum of K classes. Indeed, the relevance of our segmentation method has been highlighted in relation to other methods, such as K-means, using unsupervised and supervised quantitative segmentation evaluation criteria. So the robustness of our method relatively to noise has been tested.