The era of the Internet of things(IoT)has marked a continued exploration of applications and services that can make people’s lives more convenient than ever ***,the exploration of IoT services also means that people ...
详细信息
The era of the Internet of things(IoT)has marked a continued exploration of applications and services that can make people’s lives more convenient than ever ***,the exploration of IoT services also means that people face unprecedented difficulties in spontaneously selecting the most appropriate ***,there is a paramount need for a recommendation system that can help improve the experience of the users of IoT services to ensure the best quality of *** of the existing techniques—including collaborative filtering(CF),which is most widely adopted when building recommendation systems—suffer from rating sparsity and cold-start problems,preventing them from providing high quality *** by the great success of deep learning in a wide range of fields,this work introduces a deep-learning-enabled autoencoder architecture to overcome the setbacks of CF *** proposed deep learning model is designed as a hybrid architecture with three key networks,namely autoencoder(AE),multilayered perceptron(MLP),and generalized matrix factorization(GMF).The model employs two AE networks to learn deep latent feature representations of users and items respectively and in ***,MLP and GMF networks are employed to model the linear and non-linear user-item interactions respectively with the extracted latent user and item ***,the rating prediction is performed based on the idea of ensemble learning by fusing the output of the GMF and MLP *** conducted extensive experiments on two benchmark datasets,MoiveLens100K and MovieLens1M,using four standard evaluation *** experiments were conducted to confirm the validity of the proposed model and the contribution of each of its components in achieving better recommendation *** analyses were also carried out to demonstrate the potential of the proposed model in gaining better accuracy than the existing CF methods with resistance to rat
autoencoder-based rating prediction methods with external attributes have received wide attention due to their ability to accurately capture users'***,existing methods still have two significant limitations:i)Exte...
详细信息
autoencoder-based rating prediction methods with external attributes have received wide attention due to their ability to accurately capture users'***,existing methods still have two significant limitations:i)External attributes are often unavailable in the real world due to privacy issues,leading to low quality of representations;and ii)existing methods lack considering complex associations in users'rating behaviors during the encoding *** meet these challenges,this paper innovatively proposes an inherent-attribute-aware dual-graph autoencoder,named IADGAE,for rating *** address the low quality of representations due to the unavailability of external attributes,we propose an inherent attribute perception module that mines inductive user active patterns and item popularity patterns from users'rating behaviors to strengthen user and item *** exploit the complex associations hidden in users’rating behaviors,we design an encoder on the item-item co-occurrence graph to capture the co-occurrence frequency features among ***,we propose a dual-graph feature encoder framework to simultaneously encode and fuse the high-order representations learned from the user-item rating graph and item-item co-occurrence *** experiments on three real datasets demonstrate that IADGAE is effective and outperforms existing rating prediction methods,which achieves a significant improvement of 4.51%~41.63%in the RMSE metric.
Due to the high complexity and dynamics of the semiconductor manufacturing process, various process abnormality could result in wafer map defects in many work stations. Thus, wafer map pattern recognition (WMPR) in th...
详细信息
Due to the high complexity and dynamics of the semiconductor manufacturing process, various process abnormality could result in wafer map defects in many work stations. Thus, wafer map pattern recognition (WMPR) in the semiconductor manufacturing process can help operators to troubleshoot root causes of the out-of-control process and then accelerate the process adjustment. This article proposes a novel deep neural network (DNN), two-dimensional principal component analysis-based convolutional autoencoder (PCACAE) for wafer map defect recognition. First, a new convolution kernel based on conditional two-dimensional principal component analysis is developed to construct the first convolutional block of PCACAE. Second, a convolutional autoencoder is cascaded by considering the nonlinearity of data representation. The second convolutional block of PCACAE is constructed based on the encoding part. Finally, the pretrained PCACAE is fine-tuned to obtain the final classifier. PCACAE is successfully applied for feature learning and recognition of wafer map defects. The experimental results on a real-world case demonstrate that PCACAE is superior to other well-known convolutional neural networks (e.g., GoogLeNet, PCANet) on WMPR.
Monochromatic images are used mainly in cases where the intensity of the received signal is examined. The identification of the observed objects as well as the estimation of intensity emitted by them depends largely o...
详细信息
Monochromatic images are used mainly in cases where the intensity of the received signal is examined. The identification of the observed objects as well as the estimation of intensity emitted by them depends largely on the precision of light measurement in image pixels. Unfortunately, this type of imaging is often affected by noise, which significantly degrades the quality of the results. In order to reduce it, numerous deterministic algorithms are used, with Non-Local-Means and Block-Matching-3D being the most widespread and treated as the reference point of the current state-of-the-art. Our article focuses on the utilization of machine learning (ML) for the denoising of monochromatic images in multiple data availability scenarios, including those with no access to noise-free data. For this purpose, a simple autoencoder architecture was chosen and checked for various training approaches on two large and widely used image datasets: MNIST and CIFAR-10. The results show that the method of training as well as architecture and the similarity of images within the image dataset significantly affect the ML-based denoising. However, even without access to any clear data, the performance of such algorithms is frequently well above the current state-of-the-art;therefore, they should be considered for monochromatic image denoising.
This paper presents a trainable hybrid approach involving a shallow autoencoder (AE) and a conventional classifier for epileptic seizure detection. The signal segments of a channel of electroencephalogram (EEG) (EEG e...
详细信息
This paper presents a trainable hybrid approach involving a shallow autoencoder (AE) and a conventional classifier for epileptic seizure detection. The signal segments of a channel of electroencephalogram (EEG) (EEG epochs) are classified as epileptic and non-epileptic by employing its encoded AE representation as a feature vector. Analysis on a single channel-basis and the low computational complexity of the algorithm allow its use in body sensor networks and wearable devices using one or few EEG channels for wearing comfort. This enables the extended diagnosis and monitoring of epileptic patients at home. The encoded representation of EEG signal segments is obtained based on training the shallow AE to minimize the signal reconstruction error. Extensive experimentation with classifiers has led us to propose two versions of our hybrid method: (a) one yielding the best classification performance compared to the reported methods using the k-nearest neighbor (kNN) classifier and (b) the second with a hardware-friendly architecture and yet with the best classification performance compared to other reported methods in this category using a support-vector machine (SVM) classifier. The algorithm is evaluated on the Children's Hospital Boston, Massachusetts Institute of Technology (CHB-MIT), and University of Bonn EEG datasets. The proposed method achieves 98.85% accuracy, 99.29% sensitivity, and 98.86% specificity on the CHB-MIT dataset using the kNN classifier. The best figures using the SVM classifier for accuracy, sensitivity, and specificity are 99.19%, 96.10%, and 99.19%, respectively. Our experiments establish the superiority of using an AE approach with a shallow architecture to generate a low-dimensionality yet effective EEG signal representation capable of high-performance abnormal seizure activity detection at a single-channel EEG level and with a fine granularity of 1 s EEG epochs.
Along with the popularization of cloud computing and the increase in responsibilities of mobile devices, there is a need for intrusion detection systems available for working in these two new areas. At the same time, ...
详细信息
ISBN:
(纸本)9781728195865
Along with the popularization of cloud computing and the increase in responsibilities of mobile devices, there is a need for intrusion detection systems available for working in these two new areas. At the same time, the increase in computational power of mobile devices gives us the possibility to use them to do a part of data preprocessing. Similarly, more complex operations can be executed in the cloud - this concept is known as mobile cloud computing. In this paper, we propose an autoencoder-based intrusion detection system applicable to cloud and mobile environments. The system provides multiple data gathering points, allowing to monitor either fully controlled networks, like virtual networks in the cloud, or mobile devices scattered in different networks. The monitoring process uses both mobile devices and cloud computational power. Gathered network traffic records are sent to a proper intrusion detection node, which executes the detection process. In case of suspicious behavior, an alert of a possible intrusion can be sent to the device owner. The detection process is based on an autoencoder neural network, which brings significant advantages: an anomaly-based approach, training only on benign samples, and a good performance. To improve detection results, we created time-window-based features, and there is also a possibility to share computed statistics between intrusion detection nodes. In the experiments, we construct three models using pure network flows data and time-window-based features. The results show that the autoencoder-based approach can detect with a high performance attacks not known during the training process. We also prove that created derived features have a significant impact on detection results.
Process signals show the characteristics of large scale, high dimension, and strong correlation in modern industrial processes, which brings a big challenge for process fault detection and diagnosis. Due to the powerf...
详细信息
Process signals show the characteristics of large scale, high dimension, and strong correlation in modern industrial processes, which brings a big challenge for process fault detection and diagnosis. Due to the powerful feature learning ability, deep learning has been widely used in image and visual processing. This article proposes a new deep neural network (DNN), convolutional long short-term memory autoencoder (CLSTM-AE) for feature learning from process signals. The convolutional LSTM (ConvLSTM) is proposed to describe the distribution of the process data and learn effective features on time series data for fault detection. A selective residual block is embedded in the deep network to improve the training accuracy and perform feature selection from process signals. Two statistics, the T-2 and the squared prediction error (SPE), are generated in the feature space and residual space of CLSTM-AE, respectively. Finally, the feasibility and advantages of CLSTM-AE are shown on a simulated process, the Tennessee-Eastman process (TEP), and the continuous stirred tank reactor (CSTR). CLSTM-AE has good fault detection performance in these cases, which shows that it is capable of learning effective features from complex process signals. The hybrid learning technique with convolutional LSTM and autoencoder provides a new way for feature learning and fault detection for complex industrial processes.
An autoencoder is trained to generate the background from the surveillance image by setting the training label as the shuffled input, instead of the input itself in a traditional autoencoder. Then the multi-scale feat...
详细信息
An autoencoder is trained to generate the background from the surveillance image by setting the training label as the shuffled input, instead of the input itself in a traditional autoencoder. Then the multi-scale features are extracted by a sparse autoencoder from the surveillance image and the corresponding background to detect foreground.
Remaining Useful Life (RUL) prediction is one of the most common activities to ensure the reliability of a degradation system. In previous RUL prediction schemes based on RNN autoencoder, the multi-dimensional sensor ...
详细信息
Remaining Useful Life (RUL) prediction is one of the most common activities to ensure the reliability of a degradation system. In previous RUL prediction schemes based on RNN autoencoder, the multi-dimensional sensor data for each timestep made an equal contribution to the generation of the embedding vector during the encoding process. Besides, the single embedding vector carries the burden of decoding the entire multi-timestep information. To overcome the above shortcomings, two improvements are proposed: (1) For the embedding vectors to highlight critical timestep information, weights are assigned to each timestep information through an attention mechanism. (2) To reduce the decoding burden on a single embedding vector, a skip connection is introduced at each step of the decoding process to improve BiGRU decoding capabilities. The prognostic performance of the proposed method BiGRU-AS is evaluated on two publicly available datasets: the C-MAPSS dataset (simulation dataset) and the milling dataset (experimental dataset). Compared to the latest prediction methods, the experimental results show that the proposed method is competitive in RUL prediction for mechanical systems.
3D face reconstruction from single face image has received much attention in the past decade, as it has been used widely in many applications in the field of computer vision. Despite more accurate solutions by 3D scan...
详细信息
3D face reconstruction from single face image has received much attention in the past decade, as it has been used widely in many applications in the field of computer vision. Despite more accurate solutions by 3D scanners and several commercial systems, they have drawbacks such as the need for manual initialization, time and economy constraints. In this paper, a novel framework for 3D face reconstruction is presented. Firstly, landmarks are localized on the database faces with the proposed landmark-mapping strategy employing a model template. Then, an autoencoder assisted by the proposed energy function to simultaneously learn the facial patch subspace and the keypoints positions is employed to predict the landmarks. Finally, an unique 3D reconstruction is obtained with the proposed predicted landmark based deformation. Meta-parameters are incorporated into the energy function during the training phase to enhance the performance of the autoencoder network in reconstructing the face model. The experiments are carried out on two databases namely the USF Human ID 3-D Database and the Bosphorus 3D face database. The experimental results show that the autoencoder based Face REconstruction with Simultaneous patch Learning and Landmark Estimation method (SL2E-AFRE) is efficient and the performance of the same is significantly upgraded in each iteration.
暂无评论