We study the problem of how to build a deep learning representation for 3D shape. Deep learning has shown to be very effective in variety of visual applications, such as image classification and object detection. Howe...
详细信息
We study the problem of how to build a deep learning representation for 3D shape. Deep learning has shown to be very effective in variety of visual applications, such as image classification and object detection. However, it has not been successfully applied to 3D shape recognition. This is because 3D shape has complex structure in 3D space and there are limited number of 3D shapes for feature learning. To address these problems, we project 3D shapes into 2D space and use autoencoder for feature learning on the 2D images. High accuracy 3D shape retrieval performance is obtained by aggregating the features learned on 2D images. In addition, we show the proposed deep learning feature is complementary to conventional local image descriptors. By combing the global deep learning representation and the local descriptor representation, our method can obtain the state-of-the-art performance on 3D shape retrieval benchmarks. (C) 2016 Published by Elsevier B.V.
Macular edema is a retinal complication that occurs due to the presence of excess fluid between the retinal layers. This might lead to swelling in the retina and cause severe vision impairment if not detected in its e...
详细信息
Macular edema is a retinal complication that occurs due to the presence of excess fluid between the retinal layers. This might lead to swelling in the retina and cause severe vision impairment if not detected in its early stages. This paper presents a robust Edge Attention network (EANet) for segmenting the different retinal fluids like Intraretinal Fluid (IRF), Subretinal Fluid (SRF), and Pigment Epithelial Detachment (PED) from the Spectral Domain - Optical Coherence Tomography (SD-OCT) images. The proposed method employs a novel image enhancement technique by filtering OCT images using a BM3D (Block Matching and 3D Filtering) filter followed by Contrast Limited Adaptive Histogram Equalization (CLAHE) and a linear filter based on multivariate Taylor series to acquire the edge maps of the OCT images. A novel autoencoder based multiscale attention mechanism is incorporated with EANet that feeds on both the OCT image and edge-enhanced OCT image at every level of the encoder. The proposed network, EANet, has been trained and tested for the segmentation of all three types of fluids on the RETOUCH challenge dataset, and the segmentation of the IRF on the OPTIMA challenge and DUKE DME datasets. The average dice coefficient of IRF, SRF, and PED for the RETOUCH dataset is 0.683, 0.873, and 0.756, respectively, whereas it is 0.805, 0.77, and 0.756 for Cirrus, Spectralis, and Topcon vendors, respectively. The proposed method outperformed all the teams that participated in the OPTIMA challenge on all types of vendor images in terms of dice coefficient. The average dice coefficients of IRF on the OPTIMA and DUKE DME datasets are 0.84 and 0.72, respectively.
Sparse coding has been widely applied to learning-based single image super-resolution (SR) and has obtained promising performance by jointly learning effective representations for low-resolution (LR) and high-resoluti...
详细信息
Sparse coding has been widely applied to learning-based single image super-resolution (SR) and has obtained promising performance by jointly learning effective representations for low-resolution (LR) and high-resolution (HR) image patch pairs. However, the resulting HR images often suffer from ringing, jaggy, and blurring artifacts due to the strong yet ad hoc assumptions that the LR image patch representation is equal to, is linear with, lies on a manifold similar to, or has the same support set as the corresponding HR image patch representation. Motivated by the success of deep learning, we develop a data-driven model coupled deep autoencoder (CDA) for single image SR. CDA is based on a new deep architecture and has high representational capability. CDA simultaneously learns the intrinsic representations of LR and HR image patches and a big-data-driven function that precisely maps these LR representations to their corresponding HR representations. Extensive experimentation demonstrates the superior effectiveness and efficiency of CDA for single image SR compared to other state-of-the-art methods on Set5 and Set14 datasets.
This paper proposes a novel approach to the portfolio management using an autoencoder. In particular, features learned by an autoencoder with ReLU are directly exploited to portfolio constructions. Since the AutoEncod...
详细信息
This paper proposes a novel approach to the portfolio management using an autoencoder. In particular, features learned by an autoencoder with ReLU are directly exploited to portfolio constructions. Since the autoencoder extracts characteristics of data through a non-linear activation function ReLU, its realization is generally difficult due to the non-linear transformation procedure. In the current paper, we solve this problem by taking full advantage of the similarity of ReLU and an option payoff. Especially, this paper shows that the features are successfully replicated by applying so-called dynamic delta hedging strategy. An out of sample simulation with crypto currency dataset shows the effectiveness of our proposed strategy. (C) 2020 Elsevier Ltd. All rights reserved.
We propose a model for a system with middle temporal neurons and medial superior temporal (MST) neurons by using a three-layered autoencoder. Noise effect is taken into account by using the framework of statistical ph...
详细信息
We propose a model for a system with middle temporal neurons and medial superior temporal (MST) neurons by using a three-layered autoencoder. Noise effect is taken into account by using the framework of statistical physics. We define a cost function of the autoencoder, from which a learning rule is derived by a gradient descent method, within a mean-field approximation. We find a pair of values of two noise levels at which a minimum value of the cost function is attained. We investigate response properties of the MST neurons to optical flows for various types of motion at the pair of optimal values of two noise levels. We obtain that the response properties of the MST neurons are similar to those obtained from neurophysiological experiments. (C) 2002 Elsevier Science B.V. All rights reserved.
In technical systems the analysis of similar situations is a promising technique to gain information about the system's state, its health or wearing. Very often, situations cannot be defined but need to be discove...
详细信息
In technical systems the analysis of similar situations is a promising technique to gain information about the system's state, its health or wearing. Very often, situations cannot be defined but need to be discovered as recurrent patterns within time series data of the system under consideration. This paper addresses the assessment of different approaches to discover frequent variable-length patterns in time series. Because of the success of artificial neural networks (NN) in various research fields, a special issue of this work is the applicability of NNs to the problem of pattern discovery in time series. Therefore we applied and adapted a Convolutional autoencoder and compared it to classical nonlearning approaches based on Dynamic Time Warping, based on time series discretization as well as based on the Matrix Profile. These nonlearning approaches have also been adapted, to fulfill our requirements like the discovery of potentially time scaled patterns from noisy time series. We showed the performance (quality, computing time, effort of parametrization) of those approaches in an extensive test with synthetic data sets. Additionally the transferability to other data sets is tested by using real life vehicle data. We demonstrated the ability of Convolutional autoencoders to discover patterns in an unsupervised way. Furthermore the tests showed, that the autoencoder is able to discover patterns with a similar quality like classical nonlearning approaches.
In the past decades, personalized recommendation systems have attracted a vast amount of attention and researches from multiple disciplines. Recently, for the powerful ability of feature representation learning, deep ...
详细信息
In the past decades, personalized recommendation systems have attracted a vast amount of attention and researches from multiple disciplines. Recently, for the powerful ability of feature representation learning, deep neural networks have achieved sound performance in the recommendation. However, most of the existing deep recommendation approaches require a large number of labeled data, which is often expensive and labor-some in applications. Meanwhile, the side information of users and items that can extend the feature space effectively is usually scarce. To address these problems, we propose a Personalized Recommendation method, which extends items' feature representations with Knowledge Graph via dual-autoencoder (short for PRKG). More specifically, we first extract items' side information from open knowledge graph like DBpedia as items' feature extension. Secondly, we learn the low-dimensional representations of additional features collected from DBpedia via the autoencoder module and then integrate the processed features into the original feature space. Finally, the reconstructed features is incorporated into the semi-autoencoder for personalized recommendations. Extensive experiments conducted on several real-world datasets validate the effectiveness of our proposed methods compared to several state-of-the-art models.
Achieving carbon neutrality in the pulp and paper industry necessitates effectively recycling pulp and papermaking wastewater, where continuous monitoring of effluent quality indices is crucial. This study suggests a ...
详细信息
Achieving carbon neutrality in the pulp and paper industry necessitates effectively recycling pulp and papermaking wastewater, where continuous monitoring of effluent quality indices is crucial. This study suggests a novel machine learning-based model named LSTMAE-XGBOOST that integrates the feature extraction capabilities of autoencoder, the sequential feature learning capabilities of LSTM, and the high prediction accuracy of XGBOOST. This model is capable of extracting the complex relationships, non-Gaussian characteristics, and time series features from the papermaking wastewater data, and it demonstrates superior predictive performance. Compared to traditional machine learning models, the proposed model exhibits higher prediction accuracy. Specifically, when contrasted with partial least squares regression, LSTMAE-XGBOOST achieves a 40% increase in R-2 and a 35% reduction in RMSE. Further comparative assessments against other machine learning-based hybrid models with similar structures confirm the superiority of integrating LSTM and XGBOOST within the hybrid model approach. This study contributes a compelling methodology for modeling effluent quality indices, offering significant implications for environmental management in the pulp and paper industry.
High Performance Computing (HPC) systems are complex machines with heterogeneous components that can break or malfunction. Automated anomaly detection in these systems is a challenging and critical task, as HPC system...
详细信息
High Performance Computing (HPC) systems are complex machines with heterogeneous components that can break or malfunction. Automated anomaly detection in these systems is a challenging and critical task, as HPC systems are expected to work 24/7. The majority of the current state-of-the-art methods dealing with this problem are Machine Learning techniques or statistical models that rely on a supervised approach, namely the detection mechanism is trained to recognize a fixed number of different states (i.e. normal and anomalous conditions). In this paper a novel semi-supervised approach for anomaly detection in supercomputers is proposed, based on a type of neural network called autoencoder. The approach learns the normal state of the supercomputer nodes and after the training phase can be used to discern anomalous conditions from normal behavior;in doing so it relies only on the availability of data characterizing only the normal state of the system. This is different from supervised methods that require data sets with many examples of anomalous states, which are in general very rare and/or hard to obtain. The approach was tested on a real-life High Performance Computing system equipped with a monitoring infrastructure capable to generate large amount of data describing the system state. The proposed approach definitely outperforms the best current techniques for semi-supervised anomaly detection, with an increase in accuracy detection of around 12%. Two different implementations are discussed: one where each supercomputer node has a specific model and one with a single, generalized model for all nodes, in order to explore the trade-off between accuracy and ease of deployment.
This paper presents a local descriptor coding scheme for multicamera surveillance and 3D reconstruction embedding an autoencoder into a traditional distributed source coding strategy. The proposed solution permits shi...
详细信息
This paper presents a local descriptor coding scheme for multicamera surveillance and 3D reconstruction embedding an autoencoder into a traditional distributed source coding strategy. The proposed solution permits shifting most of the computational complexity at the decoder/receiver and exploiting the correlation among descriptors of different cameras (thus reducing the coded bit rate) without increasing the inter-device communication load. Experimental results show that the proposed scheme permits obtaining a satisfying accuracy with respect to the most recent solutions while generating a limited bit rate. (c) 2021 Elsevier B.V. All rights reserved.
暂无评论