期刊文献+
共找到175篇文章
< 1 2 9 >
每页显示 20 50 100
Harmonization of Heart Disease Dataset for Accurate Diagnosis:A Machine Learning Approach Enhanced by Feature Engineering
1
作者 Ruhul Amin Md.Jamil Khan +2 位作者 Tonway Deb Nath Md.Shamim Reza Jungpil Shin 《Computers, Materials & Continua》 2025年第3期3907-3919,共13页
Heart disease includes a multiplicity of medical conditions that affect the structure,blood vessels,and general operation of the heart.Numerous researchers have made progress in correcting and predicting early heart d... Heart disease includes a multiplicity of medical conditions that affect the structure,blood vessels,and general operation of the heart.Numerous researchers have made progress in correcting and predicting early heart disease,but more remains to be accomplished.The diagnostic accuracy of many current studies is inadequate due to the attempt to predict patients with heart disease using traditional approaches.By using data fusion from several regions of the country,we intend to increase the accuracy of heart disease prediction.A statistical approach that promotes insights triggered by feature interactions to reveal the intricate pattern in the data,which cannot be adequately captured by a single feature.We processed the data using techniques including feature scaling,outlier detection and replacement,null and missing value imputation,and more to improve the data quality.Furthermore,the proposed feature engineering method uses the correlation test for numerical features and the chi-square test for categorical features to interact with the feature.To reduce the dimensionality,we subsequently used PCA with 95%variation.To identify patients with heart disease,hyperparameter-based machine learning algorithms like RF,XGBoost,Gradient Boosting,LightGBM,CatBoost,SVM,and MLP are utilized,along with ensemble models.The model’s overall prediction performance ranges from 88%to 92%.In order to attain cutting-edge results,we then used a 1D CNN model,which significantly enhanced the prediction with an accuracy score of 96.36%,precision of 96.45%,recall of 96.36%,specificity score of 99.51%and F1 score of 96.34%.The RF model produces the best results among all the classifiers in the evaluation matrix without feature interaction,with accuracy of 90.21%,precision of 90.40%,recall of 90.86%,specificity of 90.91%,and F1 score of 90.63%.Our proposed 1D CNN model is 7%superior to the one without feature engineering when compared to the suggested approach.This illustrates how interaction-focused feature analysis can produce precise and useful insights for heart disease diagnosis. 展开更多
关键词 Heart disease HARMONIZATION feature interaction PCA model hyper tuning machine learning
在线阅读 下载PDF
Computer Forensic Using Lazy Local Bagging Predictors
2
作者 邱卫东 鲍诚毅 朱兴全 《Journal of Shanghai Jiaotong university(Science)》 EI 2009年第1期94-97,共4页
In this paper, we study the problem of employ ensemble learning for computer forensic. We propose a Lazy Local Learning based bagging (L3B) approach, where base learners are trained from a small instance subset surr... In this paper, we study the problem of employ ensemble learning for computer forensic. We propose a Lazy Local Learning based bagging (L3B) approach, where base learners are trained from a small instance subset surrounding each test instance. More specifically, given a test instance x, L3B first discovers x's k nearest neighbours, and then applies progressive sampling to the selected neighbours to train a set of base classifiers, by using a given very weak (VW) learner. At the last stage, x is labeled as the most frequently voted class of all base classifiers. Finally, we apply the proposed L3B to computer forensic. 展开更多
关键词 computer forensic data mining CLASSIFICATION lazy learning BAGGING ensemble learning
原文传递
Reverse Engineering Tool Based on Unified Mapping Method (RETUM): Class Diagram Visualizations
3
作者 Rashmi Yadav Ravindra Patel Abhay Kothari 《Journal of Computer and Communications》 2014年第12期39-49,共11页
In this research paper, we evaluate an assortment of tools and intend to investigate multifarious characteristic of Imagix-4D Reverse Engineering Tool and on the basis of investigation find out inadequacy of Imagix-4D... In this research paper, we evaluate an assortment of tools and intend to investigate multifarious characteristic of Imagix-4D Reverse Engineering Tool and on the basis of investigation find out inadequacy of Imagix-4D Reverse Engineering Tool (illustrate only abstract Class Diagram, and it has no support to illustrate ER-Diagram and Sequence Diagram) and propose a Reverse Engineering Tool based on Unified Mapping Method (RETUM) for prominence of Class Diagram Visualizations which surmount the limitation (class diagram which is intricate in visualization) of Imagix-4D Reverse Engineering Tool. 展开更多
关键词 REVERSE ENGINEERING Imagix-4D REVERSE ENGINEERING TOOL Class DIAGRAM
在线阅读 下载PDF
Aspects of Replayability and Software Engineering: Towards a Methodology of Developing Games
4
作者 Joseph Krall Tim Menzies 《Journal of Software Engineering and Applications》 2012年第7期459-466,共8页
One application of software engineering is the vast and widely popular video game entertainment industry. Success of a video game product depends on how well the player base receives it. Of research towards understand... One application of software engineering is the vast and widely popular video game entertainment industry. Success of a video game product depends on how well the player base receives it. Of research towards understanding factors of success behind releasing a video game, we are interested in studying a factor known as Replayability. Towards a software engineering oriented game design methodology, we collect player opinions on Replayability via surveys and provide methods to analyze the data. We believe these results can help game designers to more successfully produce entertaining games with longer lasting appeal by utilizing our software engineering techniques. 展开更多
关键词 GAMES ENTERTAINMENT Design Software Engineering Replayability
暂未订购
Design and Implementation of Hand Gesture Detection System Using HM Model for Sign Language Recognition Development 被引量:1
5
作者 Sharmin Akter Milu Azmath Fathima +2 位作者 Tanmay Talukder Inzamamul Islam Md. Ismail Siddiqi Emon 《Journal of Data Analysis and Information Processing》 2024年第2期139-150,共12页
Gesture detection is the primary and most significant step for sign language detection and sign language is the communication medium for people with speaking and hearing disabilities. This paper presents a novel metho... Gesture detection is the primary and most significant step for sign language detection and sign language is the communication medium for people with speaking and hearing disabilities. This paper presents a novel method for dynamic hand gesture detection using Hidden Markov Models (HMMs) where we detect different English alphabet letters by tracing hand movements. The process involves skin color-based segmentation for hand isolation in video frames, followed by morphological operations to enhance image trajectories. Our system employs hand tracking and trajectory smoothing techniques, such as the Kalman filter, to monitor hand movements and refine gesture paths. Quantized sequences are then analyzed using the Baum-Welch Re-estimation Algorithm, an HMM-based approach. A maximum likelihood classifier is used to identify the most probable letter from the test sequences. Our method demonstrates significant improvements over traditional recognition techniques in real-time, automatic hand gesture recognition, particularly in its ability to distinguish complex gestures. The experimental results confirm the effectiveness of our approach in enhancing gesture-based sign language detection to alleviate the barrier between the deaf and hard-of-hearing community and general people. 展开更多
关键词 Hand Gesture Recognition System
在线阅读 下载PDF
Optimal Features Selection for Human Activity Recognition (HAR) System Using Deep Learning Architectures
6
作者 Subrata Kumer Paul Rakhi Rani Paul +2 位作者 Md. Atikur Rahman Md. Momenul Haque Md. Ekramul Hamid 《Journal of Computer and Communications》 2024年第12期16-33,共18页
One exciting area within computer vision is classifying human activities, which has diverse applications like medical informatics, human-computer interaction, surveillance, and task monitoring systems. In the healthca... One exciting area within computer vision is classifying human activities, which has diverse applications like medical informatics, human-computer interaction, surveillance, and task monitoring systems. In the healthcare field, understanding and classifying patients’ activities is crucial for providing doctors with essential information for medication reactions and diagnosis. While some research methods already exist, utilizing machine learning and soft computational algorithms to recognize human activity from videos and images, there’s ongoing exploration of more advanced computer vision techniques. This paper introduces a straightforward and effective automated approach that involves five key steps: preprocessing, feature extraction technique, feature selection, feature fusion, and finally classification. To evaluate the proposed approach, two commonly used benchmark datasets KTH and Weizmann are employed for training, validation, and testing of ML classifiers. The study’s findings show that the first and second datasets had remarkable accuracy rates of 99.94% and 99.80%, respectively. When compared to existing methods, our approach stands out in terms of sensitivity, accuracy, precision, and specificity evaluation metrics. In essence, this paper demonstrates a practical method for automatically classifying human activities using an optimal feature fusion and deep learning approach, promising a great result that could benefit various fields, particularly in healthcare. 展开更多
关键词 SURVEILLANCE Optimal Feature SVM Complex Tree Human Activity Recognition Feature Fusion
在线阅读 下载PDF
Legendre-Weighted Residual Methods for System of Fractional Order Differential Equations
7
作者 Umme Ruman Md. Shafiqul Islam 《Journal of Applied Mathematics and Physics》 2024年第9期3163-3184,共22页
The numerical approach for finding the solution of fractional order systems of boundary value problems (BPVs) is derived in this paper. The implementation of the weighted residuals such as Galerkin, Least Square, and ... The numerical approach for finding the solution of fractional order systems of boundary value problems (BPVs) is derived in this paper. The implementation of the weighted residuals such as Galerkin, Least Square, and Collocation methods are included for solving fractional order differential equations, which is broadened to acquire the approximate solutions of fractional order systems with differentiable polynomials, namely Legendre polynomials, as basis functions. The algorithm of the residual formulations of matrix form can be coded efficiently. The interpretation of Caputo fractional derivatives is employed here. We have demonstrated these methods numerically through a few examples of linear and nonlinear BVPs. The results in absolute errors show that the present method efficiently finds the numerical solutions of fractional order systems of differential equations. 展开更多
关键词 Fractional Differential Equations System of Fractional Order BVPs Weighted Residual Methods Modified Legendre Polynomials
在线阅读 下载PDF
概率构造算法与遗传算法融合的可重构计算系统硬件任务划分 被引量:4
8
作者 陈伟男 周博 彭澄廉 《计算机辅助设计与图形学学报》 EI CSCD 北大核心 2007年第8期960-965,共6页
提出一种概率构造算法与遗传算法融合的算法,通过引入表示划分结果多样性的度量方法,利用概率构造算法产生具有多样性的较优的初始群体,并在此基础上利用遗传算法寻求最优解.实验结果表明,该算法能够获得比已有的基于列表的划分算法更... 提出一种概率构造算法与遗传算法融合的算法,通过引入表示划分结果多样性的度量方法,利用概率构造算法产生具有多样性的较优的初始群体,并在此基础上利用遗传算法寻求最优解.实验结果表明,该算法能够获得比已有的基于列表的划分算法更优的划分结果,比采用完全随机初始群体的遗传算法缩短了运行时间. 展开更多
关键词 可重构计算系统 有向无环图 图划分 任务簇
在线阅读 下载PDF
基于几何和图像的混合式图形实时绘制算法 被引量:3
9
作者 郑文庭 鲍虎军 +1 位作者 彭群生 Hanqiu Sun 《自然科学进展(国家重点实验室通讯)》 2000年第4期366-371,T001,共7页
将基于几何和图像的图形绘制算法有机地结合起来,通过逆向Warping技术来实现两预测图像间的光滑过渡。引入了深度值的非线性变换和二阶差分运算,从而实现了由深度图像到三维局部场景的快速层次重建。利用所得到的三维几何模型及纹理映... 将基于几何和图像的图形绘制算法有机地结合起来,通过逆向Warping技术来实现两预测图像间的光滑过渡。引入了深度值的非线性变换和二阶差分运算,从而实现了由深度图像到三维局部场景的快速层次重建。利用所得到的三维几何模型及纹理映射技术,实现了中间过渡画面的实时生成。实验结果表明,算法对场景复杂性的依赖程度较低,能在中低档图形工作站上实现复杂场景的实时绘制。 展开更多
关键词 几何 图像 图形绘制 混合式 消隐 实时绘制 算法
在线阅读 下载PDF
基于混合式绘制技术的分布式虚拟环境系统 被引量:1
10
作者 郑文庭 鲍虎军 +1 位作者 彭群生 Hanqiu Sun 《自然科学进展(国家重点实验室通讯)》 2000年第5期456-462,共7页
给出了一个基于分布式计算技术的虚拟环境原型系统。系统根据当前摄像机的运动趋势,首先利用预测技术实时地确定下帧图象摄像机的方位,然后分布式地采用基于几何的快速绘制算法来生成预测图象,最后采用图象walping算法来实时生成前后预... 给出了一个基于分布式计算技术的虚拟环境原型系统。系统根据当前摄像机的运动趋势,首先利用预测技术实时地确定下帧图象摄像机的方位,然后分布式地采用基于几何的快速绘制算法来生成预测图象,最后采用图象walping算法来实时生成前后预测图象间的画面过渡。由于引入了几何信息,因而本系统允许用户对虚拟景物进行直接交互操作,从而克服了传统基于图象的图形绘制技术只能处理静态场景的缺陷。实验结果表明,本系统对场景复杂性的依赖程度低,能在中等计算能力的工作站上实现复杂场景的实时交互。 展开更多
关键词 虚拟现实 分布式虚拟环境系统 混合式绘制技术
在线阅读 下载PDF
Secure and efficient elliptic curve cryptography resists side-channel attacks 被引量:8
11
作者 Zhang Tao Fan Mingyu Zheng Xiaoyu 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2009年第3期660-665,共6页
An embedded cryptosystem needs higher reconfiguration capability and security. After analyzing the newly emerging side-channel attacks on elliptic curve cryptosystem (ECC), an efficient fractional width-w NAF (FWNA... An embedded cryptosystem needs higher reconfiguration capability and security. After analyzing the newly emerging side-channel attacks on elliptic curve cryptosystem (ECC), an efficient fractional width-w NAF (FWNAF) algorithm is proposed to secure ECC scalar multiplication from these attacks. This algorithm adopts the fractional window method and probabilistic SPA scheme to reconfigure the pre-computed table, and it allows designers to make a dynamic configuration on pre-computed table. And then, it is enhanced to resist SPA, DPA, RPA and ZPA attacks by using the random masking method. Compared with the WBRIP and EBRIP methods, our proposals has the lowest total computation cost and reduce the shake phenomenon due to sharp fluctuation on computation performance. 展开更多
关键词 elliptic curve cryptography side channel attack simple power attack differential power attack refined power analysis zero-point power analysis.
在线阅读 下载PDF
Design of a Proportional-Integral-Derivative Controller for an Automatic Generation Control of Multi-area Power Thermal Systems Using Firefly Algorithm 被引量:8
12
作者 K.Jagatheesan B.Anand +3 位作者 Sourav Samanta Nilanjan Dey Amira S.Ashour Valentina E.Balas 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2019年第2期503-515,共13页
Essentially, it is significant to supply the consumer with reliable and sufficient power. Since, power quality is measured by the consistency in frequency and power flow between control areas. Thus, in a power system ... Essentially, it is significant to supply the consumer with reliable and sufficient power. Since, power quality is measured by the consistency in frequency and power flow between control areas. Thus, in a power system operation and control,automatic generation control(AGC) plays a crucial role. In this paper, multi-area(Five areas: area 1, area 2, area 3, area 4 and area 5) reheat thermal power systems are considered with proportional-integral-derivative(PID) controller as a supplementary controller. Each area in the investigated power system is equipped with appropriate governor unit, turbine with reheater unit, generator and speed regulator unit. The PID controller parameters are optimized by considering nature bio-inspired firefly algorithm(FFA). The experimental results demonstrated the comparison of the proposed system performance(FFA-PID)with optimized PID controller based genetic algorithm(GAPID) and particle swarm optimization(PSO) technique(PSOPID) for the same investigated power system. The results proved the efficiency of employing the integral time absolute error(ITAE) cost function with one percent step load perturbation(1 % SLP) in area 1. The proposed system based FFA achieved the least settling time compared to using the GA or the PSO algorithms, while, it attained good results with respect to the peak overshoot/undershoot. In addition, the FFA performance is improved with the increased number of iterations which outperformed the other optimization algorithms based controller. 展开更多
关键词 Automatic generation control(AGC) FIREFLY ALGORITHM GENETIC algorithm(GA) particle SWARM optimization(PSO) proportional-integral-derivative(PID) controller
在线阅读 下载PDF
Color Image Segmentation Using Feedforward Neural Networks with FCM 被引量:3
13
作者 S.Arumugadevi V.Seenivasagam 《International Journal of Automation and computing》 EI CSCD 2016年第5期491-500,共10页
This paper proposes a hybrid technique for color image segmentation. First an input image is converted to the image of CIE L*a*b* color space. The color features "a" and "b" of CIE L^*a^*b^* are then fed int... This paper proposes a hybrid technique for color image segmentation. First an input image is converted to the image of CIE L*a*b* color space. The color features "a" and "b" of CIE L^*a^*b^* are then fed into fuzzy C-means (FCM) clustering which is an unsupervised method. The labels obtained from the clustering method FCM are used as a target of the supervised feed forward neural network. The network is trained by the Levenberg-Marquardt back-propagation algorithm, and evaluates its performance using mean square error and regression analysis. The main issues of clustering methods are determining the number of clusters and cluster validity measures. This paper presents a method namely co-occurrence matrix based algorithm for finding the number of clusters and silhouette index values that are used for cluster validation. The proposed method is tested on various color images obtained from the Berkeley database. The segmentation results from the proposed method are validated and the classification accuracy is evaluated by the parameters sensitivity, specificity, and accuracy. 展开更多
关键词 Color image segmentation neural networks fuzzy C-means (FCM) soft computing CLUSTERING
原文传递
An Improved Image Denoising Method Based on Wavelet Thresholding 被引量:18
14
作者 Hari Om Mantosh Biswas 《Journal of Signal and Information Processing》 2012年第1期109-116,共8页
VisuShrink, ModineighShrink and NeighShrink are efficient image denoising algorithms based on the discrete wavelet transform (DWT). These methods have disadvantage of using a suboptimal universal threshold and identic... VisuShrink, ModineighShrink and NeighShrink are efficient image denoising algorithms based on the discrete wavelet transform (DWT). These methods have disadvantage of using a suboptimal universal threshold and identical neighbouring window size in all wavelet subbands. In this paper, an improved method is proposed, that determines a threshold as well as neighbouring window size for every subband using its lengths. Our experimental results illustrate that the proposed approach is better than the existing ones, i.e., NeighShrink, ModineighShrink and VisuShrink in terms of peak signal-to-noise ratio (PSNR) i.e. visual quality of the image. 展开更多
关键词 WAVELET Transforms Neighboring COEFFICIENTS WAVELET THRESHOLDING Image Denosing Neighbouring COEFFICIENTS PEAK SIGNAL-TO-NOISE RATIO
在线阅读 下载PDF
Probability-based Clustering and Its Application to WLAN Location Estimation 被引量:3
15
作者 张明华 张申生 曹健 《Journal of Shanghai Jiaotong university(Science)》 EI 2008年第5期547-552,共6页
Wireless local area networks (WLAN) localization based on received signal strength is becoming an important enabler of location based services. Limited efficiency and accuracy are disadvantages to the deterministic lo... Wireless local area networks (WLAN) localization based on received signal strength is becoming an important enabler of location based services. Limited efficiency and accuracy are disadvantages to the deterministic location estimation techniques. The probabilistic techniques show their good accuracy but cost more computation overhead. A Gaussian mixture model based on clustering technique was presented to improve location determination efficiency. The proposed clustering algorithm reduces the number of candidate locations from the whole area to a cluster. Within a cluster, an improved nearest neighbor algorithm was used to estimate user location using signal strength from more access points. Experiments show that the location estimation time is greatly decreased while high accuracy can still be achieved. 展开更多
关键词 probability-based clustering Gaussian mixture model wireless local area networks (WLAN) location estimation received signal strength
原文传递
Background Subtraction and Frame Difference Based Moving Object Detection for Real-Time Surveillance 被引量:5
16
作者 黄中文 戚飞虎 岑峰 《Journal of Donghua University(English Edition)》 EI CAS 2003年第1期15-19,共5页
A new real-time algorithm is proposed in this paperfor detecting moving object in color image sequencestaken from stationary cameras.This algorithm combines a temporal difference with an adaptive background subtractio... A new real-time algorithm is proposed in this paperfor detecting moving object in color image sequencestaken from stationary cameras.This algorithm combines a temporal difference with an adaptive background subtraction where the combination is novel.Ⅷ1en changes OCCUr.the background is automatically adapted to suit the new conditions.Forthe background model,a new model is proposed with each frame decomposed into regions and the model is based not only upon single pixel but also on the characteristic of a region.The hybrid presentationincludes a model for single pixel information and a model for the pixel’s neighboring area information.This new model of background can both improve the accuracy of segmentation due to that spatialinformation is taken into account and salientl5r speed up the processing procedure because porlion of neighboring pixel call be selected into modeling.The algorithm was successfully used in a video surveillance systern and the experiment result showsit call obtain a clearer foreground than the singleframe difference or background subtraction method. 展开更多
关键词 video surveillance background subtraction frame differencing
在线阅读 下载PDF
Feature selection for face recognition:a memetic algorithmic approach 被引量:2
17
作者 Dinesh KUMAR Shakti KUMAR C.S.RAI 《Journal of Zhejiang University-Science A(Applied Physics & Engineering)》 SCIE EI CAS CSCD 2009年第8期1140-1152,共13页
The eigenface method that uses principal component analysis(PCA) has been the standard and popular method used in face recognition.This paper presents a PCA-memetic algorithm(PCA-MA) approach for feature selection.PCA... The eigenface method that uses principal component analysis(PCA) has been the standard and popular method used in face recognition.This paper presents a PCA-memetic algorithm(PCA-MA) approach for feature selection.PCA has been extended by MAs where the former was used for feature extraction/dimensionality reduction and the latter exploited for feature selection.Simulations were performed over ORL and YaleB face databases using Euclidean norm as the classifier.It was found that as far as the recognition rate is concerned,PCA-MA completely outperforms the eigenface method.We compared the performance of PCA extended with genetic algorithm(PCA-GA) with our proposed PCA-MA method.The results also clearly established the supremacy of the PCA-MA method over the PCA-GA method.We further extended linear discriminant analysis(LDA) and kernel principal component analysis(KPCA) approaches with the MA and observed significant improvement in recognition rate with fewer features.This paper also compares the performance of PCA-MA,LDA-MA and KPCA-MA approaches. 展开更多
关键词 Face recognition Memetic algorithm (MA) Principal component analysis (PCA) Linear discriminant analysis (LDA) Kernel principal component analysis (KPCA) Feature selection
原文传递
Low-complexity PTS scheme based on phase factor sequences optimization 被引量:2
18
作者 JI Ce ZHANG Chao ZHU Wenjing 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2018年第4期707-713,共7页
In this paper, a new partial transmit sequence(PTS)scheme with low computational complexity is proposed for the problems of high computational complexity in the conventional PTS method. By analyzing the relationship... In this paper, a new partial transmit sequence(PTS)scheme with low computational complexity is proposed for the problems of high computational complexity in the conventional PTS method. By analyzing the relationship of candidate sequences in the PTS method under the interleaved partition method, it has been discovered that some candidate sequences generated by phase factor sequences have the same peak average power ratio(PAPR). Hence, phase factor sequences can be optimized to reduce their searching times. Then, the computational process of generating candidate sequences can be simplified by improving the utilization of data and minimizing the calculations of complex multiplication. The performance analysis shows that, compared with the conventional PTS scheme, the proposed approach significantly decreases the computational complexity and has no loss of PAPR performance. 展开更多
关键词 partial transmit sequence (PTS) peak average powerratio (PAPR) phase factor sequences optimization orthogonal frequency division multiplexing (OFDM) low computational com-plexity
在线阅读 下载PDF
Semantic Rule Based Image Visual Feature Ontology Creation 被引量:2
19
作者 R. I. Minu K. K. Thyagharajan 《International Journal of Automation and computing》 EI CSCD 2014年第5期489-499,共11页
Multimedia is one of the important communication channels for mankind. Due to the advancement in technology and enormous growth of mankind, a vast array of multimedia data is available today. This has resulted in the ... Multimedia is one of the important communication channels for mankind. Due to the advancement in technology and enormous growth of mankind, a vast array of multimedia data is available today. This has resulted in the obvious need for some techniques for retrieving these data. This paper will give an overview of ontology-based image retrieval system for asteroideae flower family domain. In order to reduce the semantic gap between the low-level visual features of an image and the high-level domain knowledge, we have incorporated a concept of multi-modal image ontology. So, the created asteroideae flower domain specific ontology would have the knowledge about the domain and the visual features. The visual features used to define the ontology are prevalent color,basic intrinsic pattern and contour gradient. In prevalent color extraction, the most dominant color from the images was identified and indexed. In order to determine the texture pattern for a particular flower, basic intrinsic patterns were used. The contour gradients provide the information on the image edges with respect to the image base. These feature values are embedded in the ontology at appropriate slots with respect to the domain knowledge. This paper also defines some of the query axioms which are used to retrieve appropriate information from the created ontology. This ontology can be used for image retrieval system in semantic web. 展开更多
关键词 Information and knowledge computer vision intelligent computing feature extraction ONTOLOGY
原文传递
An Information Hiding Algorithm Based on Bitmap Resource of Portable Executable File 被引量:2
20
作者 Jie Xu Li-Jun Feng Ya-Lan Ye Yue Wu 《Journal of Electronic Science and Technology》 CAS 2012年第2期181-184,共4页
An information hiding algorithm is proposed, which hides information by embedding secret data into the palette of bitmap resources of portable executable (PE) files. This algorithm has higher security than some trad... An information hiding algorithm is proposed, which hides information by embedding secret data into the palette of bitmap resources of portable executable (PE) files. This algorithm has higher security than some traditional ones because of integrating secret data and bitmap resources together. Through analyzing the principle of bitmap resources parsing in an operating system and the layer of resource data in PE files, a safe and useful solution is presented to solve two problems that bitmap resources are incorrectly analyzed and other resources data are confused in the process of data embedding. The feasibility and effectiveness of the proposed algorithm are confirmed through computer experiments. 展开更多
关键词 Bitmap resources data embedding information hiding portable executable file.
在线阅读 下载PDF
上一页 1 2 9 下一页 到第
使用帮助 返回顶部