期刊文献+
共找到14篇文章
< 1 >
每页显示 20 50 100
Condition Monitoring of Roller Bearing by K-star Classifier andK-nearest Neighborhood Classifier Using Sound Signal
1
作者 Rahul Kumar Sharma V.Sugumaran +1 位作者 Hemantha Kumar M.Amarnath 《Structural Durability & Health Monitoring》 EI 2017年第1期1-17,共17页
Most of the machineries in small or large-scale industry have rotating elementsupported by bearings for rigid support and accurate movement. For proper functioning ofmachinery, condition monitoring of the bearing is v... Most of the machineries in small or large-scale industry have rotating elementsupported by bearings for rigid support and accurate movement. For proper functioning ofmachinery, condition monitoring of the bearing is very important. In present study soundsignal is used to continuously monitor bearing health as sound signals of rotatingmachineries carry dynamic information of components. There are numerous studies inliterature that are reporting superiority of vibration signal of bearing fault diagnosis.However, there are very few studies done using sound signal. The cost associated withcondition monitoring using sound signal (Microphone) is less than the cost of transducerused to acquire vibration signal (Accelerometer). This paper employs sound signal forcondition monitoring of roller bearing by K-star classifier and k-nearest neighborhoodclassifier. The statistical feature extraction is performed from acquired sound signals. Thentwo-layer feature selection is done using J48 decision tree algorithm and random treealgorithm. These selected features were classified using K-star classifier and k-nearestneighborhood classifier and parametric optimization is performed to achieve the maximumclassification accuracy. The classification results for both K-star classifier and k-nearestneighborhood classifier for condition monitoring of roller bearing using sound signals werecompared. 展开更多
关键词 K-star k-nearest neighborhood k-nn machine learning approach conditionmonitoring fault diagnosis roller bearing decision tree algorithm J-48 random treealgorithm decision making two-layer feature selection sound signal statistical features
下载PDF
Effective and Efficient Video Compression by the Deep Learning Techniques
2
作者 Karthick Panneerselvam K.Mahesh +1 位作者 V.L.Helen Josephine A.Ranjith Kumar 《Computer Systems Science & Engineering》 SCIE EI 2023年第5期1047-1061,共15页
Deep learning has reached many successes in Video Processing.Video has become a growing important part of our daily digital interactions.The advancement of better resolution content and the large volume offers serious... Deep learning has reached many successes in Video Processing.Video has become a growing important part of our daily digital interactions.The advancement of better resolution content and the large volume offers serious challenges to the goal of receiving,distributing,compressing and revealing highquality video content.In this paper we propose a novel Effective and Efficient video compression by the Deep Learning framework based on the flask,which creatively combines the Deep Learning Techniques on Convolutional Neural Networks(CNN)and Generative Adversarial Networks(GAN).The video compression method involves the layers are divided into different groups for data processing,using CNN to remove the duplicate frames,repeating the single image instead of the duplicate images by recognizing and detecting minute changes using GAN and recorded with Long Short-Term Memory(LSTM).Instead of the complete image,the small changes generated using GAN are substituted,which helps with frame-level compression.Pixel wise comparison is performed using K-nearest Neighbours(KNN)over the frame,clustered with K-means and Singular Value Decomposition(SVD)is applied for every frame in the video for all three colour channels[Red,Green,Blue]to decrease the dimension of the utility matrix[R,G,B]by extracting its latent factors.Video frames are packed with parameters with the aid of a codec and converted to video format and the results are compared with the original video.Repeated experiments on several videos with different sizes,duration,Frames per second(FPS),and quality results demonstrated a significant resampling rate.On normal,the outcome delivered had around a 10%deviation in quality and over half in size when contrasted,and the original video. 展开更多
关键词 Convolutional neural networks(CNN) generative adversarial network(GAN) singular value decomposition(SVD) k-nearest neighbours(KNN) stochastic gradient descent(SGD) long short-term memory(LSTM)
下载PDF
Optimal integration of solar home systems and appliance scheduling for residential homes under severe national load shedding
3
作者 Sakhile Twala Xianming Ye +1 位作者 Xiaohua Xia Lijun Zhang 《Journal of Automation and Intelligence》 2023年第4期227-238,共12页
In developing countries like South Africa,users experienced more than 1030 hours of load shedding outages in just the first half of 2023 due to inadequate power supply from the national grid.Residential homes that can... In developing countries like South Africa,users experienced more than 1030 hours of load shedding outages in just the first half of 2023 due to inadequate power supply from the national grid.Residential homes that cannot afford to take actions to mitigate the challenges of load shedding are severely inconvenienced as they have to reschedule their demand involuntarily.This study presents optimal strategies to guide households in determining suitable scheduling and sizing solutions for solar home systems to mitigate the inconvenience experienced by residents due to load shedding.To start with,we predict the load shedding stages that are used as input for the optimal strategies by using the K-Nearest Neighbour(KNN)algorithm.Based on an accurate forecast of the future load shedding patterns,we formulate the residents’inconvenience and the loss of power supply probability during load shedding as the objective function.When solving the multi-objective optimisation problem,four different strategies to fight against load shedding are identified,namely(1)optimal home appliance scheduling(HAS)under load shedding;(2)optimal HAS supported by solar panels;(3)optimal HAS supported by batteries,and(4)optimal HAS supported by the solar home system with both solar panels and batteries.Among these strategies,appliance scheduling with an optimally sized 9.6 kWh battery and a 2.74 kWp panel array of five 550 Wp panels,eliminates the loss of power supply probability and reduces the inconvenience by 92%when tested under the South African load shedding cases in 2023. 展开更多
关键词 Load shedding Inconvenience Optimal scheduling and sizing strategies k-nearest neighbour(KNN) Multi-objective mixed integer nonlinear optimisation
下载PDF
基于K-means的精确人脸对齐算法 被引量:3
4
作者 李云红 刘旭东 +1 位作者 陈锦妮 苏雪平 《传感器与微系统》 CSCD 北大核心 2021年第3期120-122,126,共4页
针对传统人脸对齐算法效率较低,在人脸表情、头部姿势、光照差异较大的情况下鲁棒性差等问题,提出一种基于K-means的精确人脸对齐算法。首先,针对训练图像,采用K-means实现聚类,将训练图像分为k类,使距离相近的人脸图像聚为一类。其次,... 针对传统人脸对齐算法效率较低,在人脸表情、头部姿势、光照差异较大的情况下鲁棒性差等问题,提出一种基于K-means的精确人脸对齐算法。首先,针对训练图像,采用K-means实现聚类,将训练图像分为k类,使距离相近的人脸图像聚为一类。其次,针对输入图像,找到与其相似的类,通过K最近邻(K-NN)算法,选取k张与输入人脸图像最相似的训练图像,建立输入图像的形状和外观模型。然后,将非线性脸部模型转换为一系列的线性组合实现快速拟合。最后,通过300—W基准数据集测试,测试结果表明,与SDM和ESR人脸对齐方法相比,K-means的人脸对齐算法精度提高了2%~4%。 展开更多
关键词 人脸对齐 K均值 K最近邻 稀疏表示
下载PDF
Improving Decision Tree Performance by Exception Handling 被引量:1
5
作者 Appavu Alias Balamurugan Subramanian S.Pramala +1 位作者 B.Rajalakshmi Ramasamy Rajaram 《International Journal of Automation and computing》 EI 2010年第3期372-380,共9页
This paper focuses on improving decision tree induction algorithms when a kind of tie appears during the rule generation procedure for specific training datasets. The tie occurs when there are equal proportions of the... This paper focuses on improving decision tree induction algorithms when a kind of tie appears during the rule generation procedure for specific training datasets. The tie occurs when there are equal proportions of the target class outcome in the leaf node's records that leads to a situation where majority voting cannot be applied. To solve the above mentioned exception, we propose to base the prediction of the result on the naive Bayes (NB) estimate, k-nearest neighbour (k-NN) and association rule mining (ARM). The other features used for splitting the parent nodes are also taken into consideration. 展开更多
关键词 Data mining classification decision tree majority voting naive Bayes (NB) k nearest neighbour (k NN) association rule mining (ARM)
下载PDF
Application of Feature Extraction through Convolution Neural Networks and SVM Classifier for Robust Grading of Apples 被引量:8
6
作者 Yuan CAI Clarence W.DE SILVA +2 位作者 Bing LI Liqun WANG Ziwen WANG 《Instrumentation》 2019年第4期59-71,共13页
This paper proposes a novel grading method of apples,in an automated grading device that uses convolutional neural networks to extract the size,color,texture,and roundness of an apple.The developed machine learning me... This paper proposes a novel grading method of apples,in an automated grading device that uses convolutional neural networks to extract the size,color,texture,and roundness of an apple.The developed machine learning method uses the ability of learning representative features by means of a convolutional neural network(CNN),to determine suitable features of apples for the grading process.This information is fed into a one-to-one classifier that uses a support vector machine(SVM),instead of the softmax output layer of the CNN.In this manner,Yantai apples with similar shapes and low discrimination are graded using four different approaches.The fusion model using both CNN and SVM classifiers is much more accurate than the simple k-nearest neighbor(KNN),SVM,and CNN model when used separately for grading,and the learning ability and the generalization ability of the model is correspondingly increased by the combined method.Grading tests are carried out using the automated grading device that is developed in the present work.It is verified that the actual effect of apple grading using the combined CNN-SVM model is fast and accurate,which greatly reduces the manpower and labor costs of manual grading,and has important commercial prospects. 展开更多
关键词 Apple Grading k-nearest neighbour Method Convolutional Neural Network Support Vector Machine Machine Learning
下载PDF
Modified Differential Box Counting in Breast Masses for Bioinformatics Applications
7
作者 S.Sathiya Devi S.Vidivelli 《Computers, Materials & Continua》 SCIE EI 2022年第2期3049-3066,共18页
Breast cancer is one of the common invasive cancers and stands at second position for death after lung cancer.The present research work is useful in image processing for characterizing shape and gray-scale complexity.... Breast cancer is one of the common invasive cancers and stands at second position for death after lung cancer.The present research work is useful in image processing for characterizing shape and gray-scale complexity.The proposed Modified Differential Box Counting(MDBC)extract Fractal features such as Fractal Dimension(FD),Lacunarity,and Succolarity for shape characterization.In traditional DBC method,the unreasonable results obtained when FD is computed for tumour regions with the same roughness of intensity surface but different gray-levels.The problem is overcome by the proposedMDBCmethod that uses box over counting and under counting that covers the whole image with required scale.In MDBC method,the suitable box size selection and Under Counting Shifting rule computation handles over counting problem.An advantage of the model is that the proposed MDBC work with recently developed methods showed that our method outperforms automatic detection and classification.The extracted features are fed to K-Nearest Neighbour(KNN)and Support Vector Machine(SVM)categorizes the mammograms into normal,benign,and malignant.The method is tested on mini MIAS datasets yields good results with improved accuracy of 93%,whereas the existing FD,GLCM,Texture and Shape feature method has 91%accuracy. 展开更多
关键词 Breast cancer computer-aided diagnosis k-nearest neighbour MAMMOGRAMS modified differential box counting support vector machine
下载PDF
Discriminant Analysis for Human Arm Motion Prediction and Classifying
8
作者 Mohammed Z. Al-Faiz Sarmad H. Ahmed 《Intelligent Control and Automation》 2013年第1期26-31,共6页
The EMG signal which is generated by the muscles activity diffuses to the skin surface of human body. This paper presents a pattern recognition system based on Linear Discriminant Analysis (LDA) algorithm for the clas... The EMG signal which is generated by the muscles activity diffuses to the skin surface of human body. This paper presents a pattern recognition system based on Linear Discriminant Analysis (LDA) algorithm for the classification of upper arm motions;where this algorithm was mainly used in face recognition and voice recognition. Also a comparison between the Linear Discriminant Analysis (LDA) and k-Nearest Neighbor (k-NN) algorithm is made for the classification of upper arm motions. The obtained results demonstrate superior performance of LDA to k-NN. The classification results give very accurate classification with very small classification errors. This paper is organized as follows: Muscle Anatomy, Data Classification Methods, Theory of Linear Discriminant Analysis, k-Nearest Neighbor (kNN) Algorithm, Modeling of EMG Pattern Recognition, EMG Data Generator, Electromyography Feature Extraction, Implemented System Results and Discussions, and finally, Conclusions. The proposed structure is simulated using MATLAB. 展开更多
关键词 Linear DISCRIMINANT Analysis (LDA) k-nearest NEIGHBOR (k-nn)
下载PDF
Evaluation of the k-nearest neighbor method for forecasting the influent characteristics of wastewater treatment plant 被引量:4
9
作者 Minsoo KIM Yejin KIM +2 位作者 Hyosoo KIM Wenhua PIAO Changwon KIM 《Frontiers of Environmental Science & Engineering》 SCIE EI CAS CSCD 2016年第2期299-310,共12页
The k-nearest neighbor (k-NN) method was evaluated to predict the influent flow rate and four water qualities, namely chemical oxygen demand (COD), suspended solid (SS), total nitrogen (T-N) and total phosphor... The k-nearest neighbor (k-NN) method was evaluated to predict the influent flow rate and four water qualities, namely chemical oxygen demand (COD), suspended solid (SS), total nitrogen (T-N) and total phosphorus (T-P) at a wastewater treatment plant (WWTP). The search range and approach for determining the number of nearest neighbors (NNs) under dry and wet weather conditions were initially optimized based on the root mean square error (RMSE). The optimum search range for considering data size was one year. The square root-based (SR) approach was superior to the distance factor-based (DF) approach in determining the appropriate number of NNs. However, the results for both approaches varied slightly depending on the water quality and the weather conditions. The influent flow rate was accurately predicted within one standard deviation of measured values. Influent water qualities were well predicted with the mean absolute percentage error (MAPE) under both wet and dry weather conditions. For the seven-day prediction, the difference in predictive accuracy was less than 5% in dry weather conditions and slightly worse in wet weather conditions. Overall, the k-NN method was verified to be useful for predicting WWTP influent characteristics. 展开更多
关键词 influent wastewater prediction data-drivenmodel k-nearest neighbor method k-nn
原文传递
Multi-color space threshold segmentation and self-learning k-NN algorithm for surge test EUT status identification
10
作者 Jian HUANG Gui-xiong LIU 《Frontiers of Mechanical Engineering》 SCIE CSCD 2016年第3期311-315,共5页
The identification of targets varies in different surge tests. A multi-color space threshold segmentation and self-learning k-nearest neighbor algorithm (k-NN) for equipment under test status identification was prop... The identification of targets varies in different surge tests. A multi-color space threshold segmentation and self-learning k-nearest neighbor algorithm (k-NN) for equipment under test status identification was proposed after using feature matching to identify equipment status had to train new patterns every time before testing. First, color space (L*a*b*, hue saturation lightness (HSL), hue saturation value (HSV)) to segment was selected according to the high luminance points ratio and white luminance points ratio of the image. Second, the unknown class sample Sr was classified by the k-NN algorithm with training set T~ according to the feature vector, which was formed from number ofpixels, eccentricity ratio, compact- ness ratio, and Euler's numbers. Last, while the classification confidence coefficient equaled k, made Sr as one sample ofpre-training set Tz'. The training set Tz increased to Tz+1 by Tz' if Tz' was saturated. In nine series of illuminant, indicator light, screen, and disturbances samples (a total of 21600 frames), the algorithm had a 98.65% identification accuracy, also selected five groups of samples to enlarge the training set from To to T5 by itself. Keywords multi-color space, k-nearest neighbor algorithm (k-NN), self-learning, surge test 展开更多
关键词 multi-color space k-nearest neighbor algorithm (k-nn) SELF-LEARNING surge test
原文传递
A systematic approach in load disaggregation utilizing a multi-stage classification algorithm for consumer electrical appliances classification 被引量:5
11
作者 Chuan Choong YANG Chit Siang SOH Vooi Voon YAP 《Frontiers in Energy》 SCIE CSCD 2019年第2期386-398,共13页
The potential to save energy in existing consumer electrical appliances is very high. One of the ways to achieve energy saving and improve energy use awareness is to recognize the energy consumption of individual elec... The potential to save energy in existing consumer electrical appliances is very high. One of the ways to achieve energy saving and improve energy use awareness is to recognize the energy consumption of individual electrical appliances. To recognize the energy consumption of consumer electrical appliances, the load disaggregation methodology is utilized. Non-intrusive appliance load monitoring (NIALM) is a load disaggrega-tion methodology that disaggregates the sum of power consumption in a single point into the power consumption of individual electrical appliances. In this study, load disaggregation is performed through voltage and current waveform, known as the V-I trajectory. The classification algorithm performs cropping and image pyramid reduction of the V-I trajectory plot template images before utilizing the principal component analysis (PCA) and the k-nearest neighbor (k-NN) algorithm. The novelty of this paper is to establish a systematic approach of load disaggregation through V-I trajectory-based load signature images by utilizing a multi-stage classification algorithm methodol-ogy. The contribution of this paper is in utilizing the “k- value,” the number of closest data points to the nearest neighbor, in the k-NN algorithm to be effective in classification of electrical appliances. The results of the multi-stage classification algorithm implementation have been discussed and the idea on future work has also been proposed. 展开更多
关键词 LOAD DISAGGREGATION voltage-current (V-I) trajectory MULTI-STAGE CLASSIFICATION algorithm principal component analysis (PCA) k-nearest NEIGHBOR (k-nn)
原文传递
Rapid identification of two-dimensional materials via machine learning assisted optic microscopy 被引量:2
12
作者 Yuhao Li Yangyang Kong +6 位作者 Jinlin Peng Chuanbin Yu Zhi Li Penghui Li Yunya Liu Cun-Fa Gao Rong Wu 《Journal of Materiomics》 SCIE EI 2019年第3期413-421,共9页
A combination of Fresnel law and machine learning method is proposed to identify the layer counts of 2D materials.Three indexes,which are optical contrast,red-green-blue,total color difference,are presented to illustr... A combination of Fresnel law and machine learning method is proposed to identify the layer counts of 2D materials.Three indexes,which are optical contrast,red-green-blue,total color difference,are presented to illustrate and simulate the visibility of 2D materials on Si/SiO_(2) substrate,and the machine learning algorithms,which are k-mean clustering and k-nearest neighbors,are employed to obtain thickness database of 2D material and test the optical images of 2D materials via red-green-blue index.The results show that this method can provide fast,accurate and large-area property of 2D material.With the combination of artificial intelligence and nanoscience,this machine learning assisted method eases the workload and promotes fundamental research of 2D materials. 展开更多
关键词 Two-dimensional materials Optical contrast Total color difference Red-green-blue K-means clustering k-nearest neighbors(k-nn)
原文传递
Actual TDoA-based augmentation system for enhancing cybersecurity in ADS-B
13
作者 Ahmed AbdelWahab ELMARADY Kamel RAHOUMA 《Chinese Journal of Aeronautics》 SCIE EI CAS CSCD 2021年第2期217-228,共12页
Currently, cybersecurity and cyber resilience are emerging and urgent issues in nextgeneration air traffic surveillance systems, which depend primarily on Automatic Dependent Surveillance-Broadcast(ADS-B) owing to its... Currently, cybersecurity and cyber resilience are emerging and urgent issues in nextgeneration air traffic surveillance systems, which depend primarily on Automatic Dependent Surveillance-Broadcast(ADS-B) owing to its low cost and high accuracy. Unfortunately, ADS-B is prone to cyber-attacks. To verify the ADS-B positioning data of aircraft, multilateration(MLAT)techniques that use Time Differences of Arrivals(TDoAs) have been proposed. MLAT exhibits low accuracy in determining aircraft positions. Recently, a novel technique using a theoretically calculated TDoA fingerprint map has been proposed. This technique is less dependent on the geometry of sensor deployment and achieves better accuracy than MLAT. However, the accuracy of the existing technique is not sufficiently precise for determining aircraft positions and requires a long computation time. In contrast, this paper presents a reliable surveillance framework using an Actual TDoA-Based Augmentation System(ATBAS). It uses historically recorded real-data from the OpenSky network to train our TDoA fingerprint grid network. Our results show that the accuracy of the proposed ATBAS framework in determining the aircraft positions is significantly better than those of the MLAT and expected TDoA techniques by 56.93% and 48.86%, respectively. Additionally, the proposed framework reduced the computation time by 77% compared with the expected TDoA technique. 展开更多
关键词 ADS-B CYBERSECURITY Cyber resilience k-nearest Neighbors(k-nn)classifier Machine learning Multilateration
原文传递
Logistic Weighted Profile-Based Bi-Random Walk for Exploring MiRNA-Disease Associations
14
作者 Ling-Yun Dai Jin-Xing Liu +2 位作者 Rong Zhu Juan Wang Sha-Sha Yuan 《Journal of Computer Science & Technology》 SCIE EI CSCD 2021年第2期276-287,共12页
MicroRNAs(miRNAs)exert an enormous influence on cell differentiation,biological development and the onset of diseases.Because predicting potential miRNA-disease associations(MDAs)by biological experiments usually requ... MicroRNAs(miRNAs)exert an enormous influence on cell differentiation,biological development and the onset of diseases.Because predicting potential miRNA-disease associations(MDAs)by biological experiments usually requires considerable time and money,a growing number of researchers are working on developing computational methods to predict MDAs.High accuracy is critical for prediction.To date,many algorithms have been proposed to infer novel MDAs.However,they may still have some drawbacks.In this paper,a logistic weighted profile-based bi-random walk method(LWBRW)is designed to infer potential MDAs based on known MDAs.In this method,three networks(i.e.,a miRNA functional similarity network,a disease semantic similarity network and a known MDA network)are constructed first.In the process of building the miRNA network and the disease network,Gaussian interaction profile(GIP)kernel is computed to increase the kernel similarities,and the logistic function is used to extract valuable information and protect known MDAs.Next,the known MDA matrix is preprocessed by the weighted K-nearest known neighbours(WKNKN)method to reduce the number of false negatives.Then,the LWBRW method is applied to infer novel MDAs by bi-randomly walking on the miRNA network and the disease network.Finally,the predictive ability of the LWBRW method is confirmed by the average AUC of 0.9393(0.0061)in 5-fold cross-validation(CV)and the AUC value of 0.9763 in leave-one-out cross-validation(LOOCV).In addition,case studies also show the outstanding ability of the LWBRW method to explore potential MDAs. 展开更多
关键词 miRNA-disease association logistic function Gaussian interaction profile weighted k-nearest known neighbour bi-random walk
原文传递
上一页 1 下一页 到第
使用帮助 返回顶部