Next Article in Journal
Geometry Aware Evaluation of Handcrafted Superpixel-Based Features and Convolutional Neural Networks for Land Cover Mapping Using Satellite Imagery
Next Article in Special Issue
Lossy Compression of Multispectral Satellite Images with Application to Crop Thematic Mapping: A HEVC Comparative Study
Previous Article in Journal
Quantifying Long-Term Land Surface and Root Zone Soil Moisture over Tibetan Plateau
Previous Article in Special Issue
Using Predictive and Differential Methods with K2-Raster Compact Data Structure for Hyperspectral Image Lossless Compression
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Spectral Imagery Tensor Decomposition for Semantic Segmentation of Remote Sensing Data through Fully Convolutional Networks

1
Center for Research and Advanced Studies of the National Polytechnic Institute, Telecommunications Group, Av del Bosque 1145, Zapopan 45017, Mexico
2
University of Guadalajara, Center of Exact Sciences and Engineering, Blvd. Gral. Marcelino García Barragán 1421, Guadalajara 44430, Mexico
3
University of Natural Resources and Life Science, Institute of Geomatics, Peter Jordan 82, Vienna 1180, Austria
*
Author to whom correspondence should be addressed.
Remote Sens. 2020, 12(3), 517; https://doi.org/10.3390/rs12030517
Submission received: 22 November 2019 / Revised: 8 January 2020 / Accepted: 11 January 2020 / Published: 5 February 2020
(This article belongs to the Special Issue Remote Sensing Data Compression)

Abstract

:
This work aims at addressing two issues simultaneously: data compression at input space and semantic segmentation. Semantic segmentation of remotely sensed multi- or hyperspectral images through deep learning (DL) artificial neural networks (ANN) delivers as output the corresponding matrix of pixels classified elementwise, achieving competitive performance metrics. With technological progress, current remote sensing (RS) sensors have more spectral bands and higher spatial resolution than before, which means a greater number of pixels in the same area. Nevertheless, the more spectral bands and the greater number of pixels, the higher the computational complexity and the longer the processing times. Therefore, without dimensionality reduction, the classification task is challenging, particularly if large areas have to be processed. To solve this problem, our approach maps an RS-image or third-order tensor into a core tensor, representative of our input image, with the same spatial domain but with a lower number of new tensor bands using a Tucker decomposition (TKD). Then, a new input space with reduced dimensionality is built. To find the core tensor, the higher-order orthogonal iteration (HOOI) algorithm is used. A fully convolutional network (FCN) is employed afterwards to classify at the pixel domain, each core tensor. The whole framework, called here HOOI-FCN, achieves high performance metrics competitive with some RS-multispectral images (MSI) semantic segmentation state-of-the-art methods, while significantly reducing computational complexity, and thereby, processing time. We used a Sentinel-2 image data set from Central Europe as a case study, for which our framework outperformed other methods (included the FCN itself) with average pixel accuracy (PA) of 90% (computational time ∼90s) and nine spectral bands, achieving a higher average PA of 91.97% (computational time ∼36.5s), and average PA of 91.56% (computational time ∼9.5s) for seven and five new tensor bands, respectively.

1. Introduction

Remote sensing RS images are of great use in many earth observation applications, such as agriculture, forest monitoring, disaster prevention, security affairs, and others [1]. The recent and upcoming availability of multispectral and hyperspectral satellites alleviates specific tasks, such as detection, classification, and semantic segmentation. In semantic segmentation, also called pixel-wise classification, each pixel in an RS image is assigned to one class [1]. This classification becomes easier when higher dimensional spectral information is acquired [1]. Spectral systems split, by physical filters, the incoming radiance, and provide a vector with spectral reflectance values called spectral signatures. The remotely sensed spectral signatures enable a precise interpretation and recognition of different elements of interest covering the earth surface [2].
Supervised and unsupervised classification of RS images is a very active research area in spectral analysis [3]. To reduce the data dimensionality, and to concentrate the information into a fewer number of features, a once widely used approach was to define various indices to facilitate the classification of diverse land cover [4]. For instance, normalized difference vegetation index (NDVI) [5] and normalized difference water index (NDWI) [6] use a combination of visible to near infrared (NIR) spectral reflectance respectively, to assess land cover, vegetation vitality, and water status [4]. Additionally, supervised machine learning techniques such as random forest [7], support vector machine (SVM) [8,9], decision trees [10], and ANN [11] have been used for RS spectral image classification and have achieved very high accuracy rates [12]. More recently, CNN has been used for semantic segmentation of multispectral images (MSI), promising to be an alternative for solving semantic segmentation issues [13].
The high spectral redundancy of spectral images produces a huge unnecessary number of computations in classification/segmentation algorithms. It is therefore advisable to implement these algorithms together with a dimensionality reduction preprocessing [14]. Spectral data are stored as three-dimensional arrays, so it seems possible to use tensor decomposition (TD) methods [15] for preprocessing, to reduce high redundancy while avoiding information loss [14]. Different to matrix-based decomposition algorithms, such as principal components analysis (PCA) [16] and SVD, TD approach allows to treat spectral data as third-order tensor preserving the spatial information, which sustains the pixel-wise classification task.
In this work we aim addressing two main issues: data compression at input space, and semantic segmentation; i.e., pixel-wise classification of RS imagery. We introduce a spectral data preprocessing that preserves tensor structure and reduces information loss through tensor algebra [17], with the ultimate aim of reducing processing time while keeping high accuracy in further semantic segmentation CNNs. This will produce MSI compression, preserving the spatial domain while reducing the spectral domain, decomposing the original tensor into a core tensor with same order but much lower dimensionality multiplied by a matrix in each mode in the context of tensor algebra [17]. The core tensor, with lower rank than the original data, is used as the input data to the semantic segmentation ANN instead of the MSIs, decreasing the number of computations and in turn the execution time. Previous experimental results demonstrate high performance in semantic segmentation with circa 10× speed up in execution time [18].
The proposed framework can be applied to multispectral, hyperspectral, and even multitemporal datasets. As a particular case, in this study we performed experiments using RS multispectral dataset from the european space agency (ESA) program Sentinel-2 [19] with five classes (soil, water, vegetation, cloud, and shadow).

1.1. Related Work

In recent years, spectral data for earth surface classification has been a very active research area. Methods proposed by Kemker et al. [11,20], Hamida et al. [21], and López et al. [18] use CNNs for RS-CNNMSI pixel-wise classification. Nevertheless, processing raw spectral data with deep learning (DL) algorithms is computationally very expensive. Wang et al. [22] introduced a salient band selection method for HSIs by manifold ranking, and Li et al. [23] proposed a band selection method from the perspective of spectral shape similarity analysis of RS-HSIs to obtain less computational complexity. However, some surface materials differentiate from each other in specific bands, so cutting off spectral bands negatively affected further classification tasks.
More recently, the use of tensor approach for spectral images compression has been introduced; see Zhang et al. [24]. Many authors adopted dimensionality reduction algorithms, such as PCA [16] and singular value decomposition (SVD), for spectral image compression. Other authors have made efforts to reduce the computational cost in CNNs for image classification by using TD algorithms [25,26]. Astrid et al. in [25] proposed a CNN compression method based on CPD and the tensor power method where they achieved significant reduction in memory and computational cost. Chien et al. in [26] presents a tensor-factorized ANN, which integrates TD and ANNs for multi-way feature extraction and classification. Nevertheless, although the idea is to compress data in order to reduce computational cost and processing time, these works compress or decompose the data of the hyper-parameters within the network, which causes the training of the semantic segmentation or classification network to be slower due to the change of the weights in the tensor decomposition.
Recently, three works close to our research [27,28,29] were published. In [27] An et al. proposed an unsupervised tensor-based multiscale low rank decomposition (T-MLRD) method for hyperspectral image dimensionality reduction, and Li et al. in [28] proposed a low-complexity compression approach for multispectral images based on convolution neural networks CNNs with nonnegative Tucker decomposition (NTD). Nevertheless, these methods reduce the tensor in every dimension, which is self-defeating for a segmentation CNN. Besides, the non-negative decomposed tensor proposed in [28] causes slower convergence in DL algorithms. In [29] An et al. proposed a tensor discriminant analysis (TDA) model via compact feature representation, wherein the traditional linear discriminant analysis was extended to tensor space to make the resulting feature representation more discriminant. However, this approach still leads to a degradation of the spatial resolution, which disturbed the CNN performance. See Table 1 for a summary of the related works.

1.2. Contribution

The contribution of this work is summarized into three main points:
  • RS-CNNMSI or -HSI, or third order tensors are compressed in the spectral domain through TKD preprocessing, preserving the pixel spatial structure and obtaining a core tensor representative of the original. These core tensors, with less new tensor bands, which belong to subspaces of the original space, build the new input space for any supervised classifier at pixel level, which delivers the corresponding prediction matrix of pixels classified element-wise. This approach achieves high or competitive performance metrics but with less computational complexity, and consequently, lower computational time.
  • This approach outperforms other methods in normalized difference indexes, PCA, particularly the same FCN with original data. Each core tensor is calculated using the HOOI algorithm, which achieves high orthogonality degree for the core tensor (all-orthogonality) and for its factor matrices (column-wise orthogonal); besides, it converges faster than others, such as TUCKALS3 [17].
  • The efficiency of this approach can be measured by one or more performance metrics, e.g., pixel accuracy (PA), as a function of the number of new tensor bands, orthogonality degree of the factor matrices and the core tensor, reconstruction error of the original tensor, and execution time. These results are shown in Section 6: Experimental Results.
The remainder of this work is organized as follows. Section 2 introduces tensor algebra notation and basic concepts to familiarize the reader with the symbology used in this paper. Section 3 presents the problem statement of this work and the mathematical definition. In Section 4, CNN theory is described for classification and semantic segmentation. Section 5 presents the framework proposed for compression and semantic segmentation of spectral images. Experimental results are presented in Section 6. Finally, Section 7 and Section 8 present a discussion and conclusions based on the results obtained in the experiments.

2. Tensor Algebra Basic Concepts

For this work we used the conventional tensor algebra notation [15]. Hence, scalars or zero order tensors are represented by italic lowercase letters; e.g., a. Vectors or first order tensor are denoted by boldface lowercase letters; e.g., a . Matrices or tensor of order two are denoted by boldface capital letters, e.g., A , and three or higher order tensors by boldface Euler script letters, e.g., A . In a N-order tensor A R I 1 × × I N , where R represents the set of real numbers, I n indicates the size of the tensor in each mode n = { 1 , , N } . An element of A is denoted with indices in lowercase letters, e.g., a i 1 i N where i n denotes the n-mode of A [17]. A fiber is a vector, the result of fixing every index of a tensor but one, and it is denoted by a : i 2 i 3 , a i 1 : i 3 , and a i 1 i 2 —for column, row, and tube fibers respectively for a third order tensor instance. A slice is a matrix, the result of fixing every index of a tensor but two, and it is denoted by A i 1 : : , A : i 2 : , and A : : i 3 , or more compactly, A i 1 , A i 2 , and A i 3 for horizontal, lateral, and frontal slices respectively for a third order tensor instance. Finally, A ( n ) denotes a matrix element from a sequence of matrices [17].
It is also necessary to introduce some tensor algebra operations and basic concepts used in later explanations. These notations were taken textually from [17].

2.1. Matricization

The mode-n matricization is the process of reordering the elements of a tensor into a matrix along axis n and it is denoted as A n R I n × m n I m .

2.2. Outer Product

The outer product of N vectors X = a ( 1 ) a ( N ) produces a tensor X R I 1 × × I N where ∘ denotes the outer product and a ( n ) denotes a vector in a sequence of N vectors and each element of the tensor is the product of the corresponding vector elements; i.e., x i 1 i 2 i N = a i 1 ( 1 ) a i N ( N ) .

2.3. Inner Product

The inner product of two tensors A , B R I 1 × × I N is the sum of the products of their entries; i.e., A , B = i 1 = 1 I 1 i N = 1 I N a i 1 i N b i 1 i N .

2.4. N-Mode Product

It means the multiplication of a tensor A R I 1 × × I N by a matrix U R J × I n or vector u R I n in mode n; i.e., along axis n. It is represented by B = A × n U , where B R I 1 × × I n 1 × J × I n + 1 × × I N [17].

2.5. Rank-One Tensor

A tensor X R I 1 × × I N is rank one if it can be written as the outer product of N vectors; i.e., X = a ( 1 ) a ( N ) .

2.6. Rank-R Tensor

The rank of a tensor rank ( X ) is the smallest number of components in a CPD; i.e., the smallest number of rank-one tensors that generate X as their sum [17].

2.7. N-Rank

The n-rank of a tensor X R I 1 × × I N denoted rank n ( X ) , is the column rank of X ( n ) ; i.e., the dimension of the vector space spanned by the mode-n fibers. Hence, if R n rank n ( X ) for n = 1 , , N , we can say that X has a rank ( R 1 , , R N ) tensor.
All the tensor algebra notation presented until this point is summarized in Table 2 for simpler regarding.

2.8. Tucker Decomposition (Tkd)

The TKD can be seen as a form of higher-order PCA [17]. This method decomposes a tensor X R I 1 × × I N into a core tensor G R J 1 × × J N multiplied by a matrix along each mode n = 1 , , N as
X G × 1 U ( 1 ) × N U ( N )
where the core tensor preserves the level of interaction for each factor or projection matrix U ( n ) R I n × J n . These matrices are usually, but not necessarily, orthogonal, and can be thought of as the principal components in each mode [17] (see Figure 1). J n represents the number of components in the decomposition; i.e., the rank ( R 1 , , R N ) . We compute rank ( R 1 , , R N ) , where rank n ( X ) = R n for every n-mode, which generally does not exactly reproduce X . Starting from (1), the reconstruction of an approximated tensor can be given by where X ^ is the reconstructed tensor. Then, we can acquire the core tensor G by the multilinear projection
G = X × 1 U ( 1 ) T × N U ( N ) T ,
where U ( n ) T denotes the transpose matrix of U ( n ) for n = 1 , , N . The reconstruction error ξ can be computed as
ξ ( X ^ ) = | | X X ^ | | F 2 ,
where | | · | | F represents the Frobenius norm. To effectively compress data, the reconstructed lower-rank tensor X ^ should be close to the original tensor X ; this can be reached by an algorithm as HOOI, which is iterative, and it is described in Section 5.1.
X ^ = G × 1 U ( 1 ) × N U ( N ) ,

3. Problem Statement and Mathematical Definition

Spectral images are third-order arrays, which provide not only spatial, but also spectral features from RS scenes of interest. These properties aid CNNs to easily find features to characterize the behaviors of different materials over the earth’s surface. However, the large amount of spectral data causes huge computational load, and therefore, large processing time using machine learning algorithms.
It is important to preserve the three-dimensional array structure of the RS spectral input image, in order to effectively classify each pixel of the image. In RS multi- or hyperspectral images, the spectral bands are highly correlated, and contain lot of redundancy. Therefore, we propose a TKD-based method as a preprocessing step to provide a better suited input for the semantic segmentation based on CNN. This will also considerably reduce high number of parameters, and in turn, processing time during training and testing. Our problem statement for RS spectral images can be described as follows.

3.1. Problem Statement

Given a pair ( X , Y ) , where tensor X R I 1 × I 2 × I 3 denotes a CNNMSI or HSI, and Y R I 1 × I 2 its corresponding ground truth matrix for a specific number of classes C, find another pair ( G , Y ^ ) , where the tensor G R J 1 × J 2 × J 3 , used for classification, is representative of X , and Y ^ is its associated matrix of predicted classes; preserving the spatial-domain J 1 = I 1 , J 2 = I 2 but with fewer new tensor bands, i.e., J 3 < I 3 , achieving higher or competitive performance metrics for pixel-wise classification, reducing the dimensionality, and therefore, decreasing computational complexity in the classification task.

3.2. Mathematical Definition

We can describe the problem stated in previous subsection mathematically as the following optimization problem
min G , U ( 1 ) , U ( 2 ) , U ( 3 ) | | X G × 1 U ( 1 ) × 2 U ( 2 ) × 3 U ( 3 ) | | F 2 subject to U ( n ) S t I n × J n and S t I n × J n { U ( n ) R I n × J n U ( n ) T U ( n ) = I ( n ) } , J 1 = I 1 , J 2 = I 2 preserving the pixel domain , J 3 < I 3 reducing spectral dimensionality ξ ( X ^ ) ψ mesaure of how representative of X ^ G is
where ψ denotes an error threshold defined depending on the accuracy or performance metrics required for each application and S t I n × J n represents the Stiefel manifold [30]. Embedding G into the objective function, as Lathhauwer proved in [31] Theorems 3.1, 4.1, and 4.2, (5), can be written by the equivalent under the same constraints as (5).
max U ( 1 ) , U ( 2 ) , U ( 3 ) | | X × 1 U ( 1 ) T × 2 U ( 2 ) T × 3 U ( 3 ) T | | F 2
where G = X × 1 U ( 1 ) T × 2 U ( 2 ) T × 3 U ( 3 ) T
The subtensors G i n of the core tensor G satisfy the all-orthogonality property [32], which establishes that two subtensors G i n = α and G i n = β are all-orthogonal
G i n = α , G i n = β = 0
for all possible values of n, α , and β subject to α β , and the ordering property:
G i n = 1 F G i n = 2 F G i n = I N F .
Our optimization problem can be solved by several algorithms. In this work, the HOOI algorithm was selected (described in Section 5.1), due to its convergence and orthogonality performance. Once a tensor G is obtained, a classifier f that belongs to the hypothesis space H maps input data G into output data Y ^ ; that is
Y ^ = f ( G )
where f is a pixel-wise classifier. In this paper, a FCN for semantic segmentation was used as classifier due to the need of classify each pixel of the input image and to its performance in pixel accuracy. The FCN used in this work is described in Section 4.

4. Convolutional Neural Networks (CNNs)

CNNs are supervised feed-forward DL-ANNs for computer vision. The idea of applying a sort of convolution of the synaptic weights of a neural network through the input data yields to a preservation of spatial features, which alleviates the hard task of classification and in turn semantic segmentation. This type of ANN works under the same linear regression model as every machine learning (ML) algorithm. Since images are three dimensional arrays, we can use tensor algebra notation to describe the input of CNNs as a tensor A R I 1 × I 2 × I 3 , where I 1 , I 2 , and I 3 represent height, width, and depth of the third order array respectively; i.e., the spatial and spectral domain of an image. We can write generally the linear regression model used for ANNs as
y ^ = σ Wg + b
where y ^ represents the output prediction of the network; σ denotes an activation function; g is the input dataset; W and b are the matrix of synaptic weights and the bias vector, respectively. These parameters are adjustable; i.e., their values are modified every iteration looking for convergence to minimize the loss in the prediction through optimization algorithms [33]. For simplicity, the bias vector can be ignored, assuming that matrix W will update until convergence independently of another parameter [33]. Considering that the input dataset to a CNN is a multidimensional array, we can represent (9) and (10) using tensor algebra notation as
Y ^ = σ W G
where Y ^ represents the prediction output tensor of the ANN (in our case, a second order tensor or matrix Y ^ ), G is the input dataset, and W is a K 1 × K 2 × F 1 tensor called filter or kernel with the adaptable synaptic weights. Different to conventional ANN, in CNNs, W is a shiftable square tensor is much smaller in height and width than the input data, i.e., K 1 = K 2 and K s < < I s for s = 1 , 2 ; F 1 denotes the number of input channels; i.e., F 1 = I 3 . For hidden layers, instead of the prediction tensor Y ^ , the output is a matrix called activation map M R I 1 × I 2 , which preserves features from the original data in each domain. Actually, it is necessary to use much kernels W ( f 2 ) as activation maps, with different initialization values to preserve diverse features of the image. Hence, we can also define activation maps as a tensor M R I 1 × I 2 × F 2 where F 2 denotes the number of activation maps produced by each filter (see Figure 2). Kernels are displaced through the whole input image as a discrete convolution operation. Then, each element of the output activation map m i 1 i 2 f 2 is computed by the summary of the Hadamard product of kernel W ( f 2 ) and a subtensor from the input tensor G centered in position ( i , j ) and with same dimensions of W , as follows
m i 1 i 2 f 2 = σ k 1 = 1 K 1 k 2 = 1 K 2 f 1 = 1 F 1 w k 1 , k 2 , f 1 g i 1 + k 1 o 1 , i 2 + k 2 o 2 , f 1
where m i 1 i 2 f 2 denotes the value of the output activation map f 2 at position i 1 , i 2 ; σ represents the activation function; and o 1 and o 2 are offsets in spatial dimensions which depend on the kernel size, and equal K 1 + 1 2 and K 2 + 1 2 respectively (see Figure 2).
An ANN is trained by using iterative gradient-based optimizers, such as Stochastic gradient descent, Momentum, RMSprop, and Adam [33]. This drive the cost function L ( W ) to a very low value by updating the synaptic weights W . We can compute the cost function by any function that measures the difference between the training data and the prediction, such as Euclidean distance or cross-entropy [10]. Besides, the same function is used to measure the performance of the model during testing and validation. In order to avoid overfitting [33], the total cost function used to train an ANN combines one of the cost functions mentioned before, plus a regularization term.
J ( W ) = L ( W ) + R ( W ) ,
where J ( W ) denotes the total cost function and R ( W ) represents a regularization function. Then, we can decrease J ( W ) by updating the synaptic weights in the direction of the negative gradient. This is known as the method of steepest descent or gradient descent.
W = W α W J ( W ) ,
where W represents the synaptic weights tensor in next iteration during training, α denotes the learning rate parameter, and W J ( W ) the cost function gradient. Gradient descent converges when every element of the gradient is zero, or in practice, very close to zero [10].
CNNs has been successfully used in many image classification frameworks. This variation in architecture from other typical ANN models yields the network to learn spatial and spectral features, which are highly profitable for image classification. Besides, FCNs, constructed with only convolutional layers are able to classify each element of the input image; i.e., they yield pixel-wise classification, or in other words, semantic segmentation.

5. Hooi-Fcn Framework

In this work we propose a TKD-CNN-based framework called HOOI-FCN, which maps the original high-correlated spectral image into a low-rank core tensor, preserving enough statistical information to alleviate image pixel-wise classification. The aim is to improve performance while reducing processing time in semantic segmentation ANNs by compressing CNNMSI third-order tensors. Applying TD methods, relevant information is preserved, mainly acquired from the spectral domain, convenient for the classification FCN. This novel framework is in summary, a two step structure composed by an HOOI TD and a FCN for semantic segmentation described below (see Figure 3).

5.1. Higher Order Orthogonal Iteration (HOOI) for Spectral Image Compression

Quoting Kolda, “The truncated higher order singular value decomposition (HOSVD) is not optimal in terms of giving the best fit as measured by the norm of the difference, but it is a good starting point for an iterative alternating least square algorithm” [17]. HOOI is an iterative algorithm to compute a rank- ( R 1 , , R N ) TKD. Let X R I 1 × × I N be an N-th order tensor and R 1 , , R N be a set of integers satisfying 1 R n I n , for n = 1 , , N ; the rank ( R 1 , , R N ) approximation problem is to find a set of I n × R n matrices U ( n ) column-wise orthogonal and a R 1 × × R N core tensor G by computing
min G , U ( 1 ) , , U ( N ) | | X G × 1 U ( 1 ) × N U ( N ) | | 2 ,
and from matrices U ( n ) , where U ( n ) T U ( n ) = I ( n ) , the core tensor G is found to satisfy (2) [34]. For a third-order tensor decomposition, we can rewrite (4) as
X ^ = G × 1 U ( 1 ) × 2 U ( 2 ) × 3 U ( 3 )
where X ^ denotes the reconstruction approximation of the input spectral image X , G is the J 1 × J 2 × J 3 core tensor, and U ( 1 ) R I 1 × J 1 , U ( 2 ) R I 2 × J 2 and U ( 3 ) R I 3 × J 3 are the projection matrices. Algorithm 1 shows HOOI for a third order tensor decomposition, but the extension to higher order tensors is straightforward. Thus, with Algorithm 1 we compute the tensor G with rank- ( J 1 , J 2 , J 3 ) for each spectral image as third-order tensor.
Algorithm 1: HOOI for MSI. ALS algorithm to compute the core tensor G .
Remotesensing 12 00517 i001

5.2. Fcn for Semantic Segmentation of Spectral Images

We use a FCN model for semantic segmentation based on the proposed by Badrinarayanan et al. in [35] called Segnet. Each core tensor G obtained after decomposition, is the input to the SegNet for training and testing the network. Hence, the feature activation maps M R I 1 × I 2 × F 2 for each hidden layer of the SegNet encoder-decoder FCN are computed by displacing the filters W through the whole input core tensor in strides S = 1 . It is worth noting that kernel W is a four-order tensor W R K 1 × K 2 × F 1 × F 2 , where K 1 and K 2 represent its spatial dimensions height and width; F 1 its depth, i.e., the spectral domain; and F 2 denotes the number of filters used to produce F 2 activation maps (Figure 2). We express this convolution operation as
M ( f 2 ) = σ W G ,
where M ( f 2 ) represents each activation map for f 2 = 1 , , F 2 , and each value m i 1 i 2 f 2 is computed as in (12). σ denotes the rectified linear unit (ReLU) [33] function; i.e., σ ( z ) = max 0 , z . Symbol ⊙ is used in this paper to represent the convolution; i.e., the whole operation applied in convolutional layers (see Figure 2). These activation maps are the input for the subsequent layer in the SegNet FCN.
The last layer is used the softmax activation function [33] to produce a distribution probability, and so, predict values relating each pixel to one of the C classes of interest. Hence, for the last layer we rewrite (17) as
Y ^ = δ W M ,
where Y ^ represents the output prediction, M is the feature activation maps at previous layer, δ the softmax activation function, and W the filter or kernel tensor with the adaptable synaptic weights.
The output of the FCN is a matrix Y ^ with the same spatial dimensions as the input, with a value of the most likely class for each pixels. Figure 4 shows the architecture of the SegNet model used in this work. Experiments present the behavior of this FCN with and without data compression in the spectral domain.

6. Experimental Results

6.1. Our Data

As case study, a CNNMSI dataset with 100 RS images was used for training and 10 for testing, all of them from central Europe with 128 × 128 pixels. These images are partitions of the original Sentinel-2 images without modification and all semi-manually labeled, and with abundant presence of the elements of interest. In Table 3 the 10 scenarios correspond to our 10 images for testing. We used only nine from the 13 available spectral bands from visible, NIR to SWIR wavelengths. Bands 2, 3, 4, and 8 have 10 m resolution, and bands 5, 6, 7, 11, and 12 have 20 m (oversampled to 10 m [18]). These bands provide decisive information for discrimination of different classes. Bands 1, 9, and 10 were dismissed because of their lower spatial resolution of 60 m. Band 8A, also with 20 m spatial resolution, was dismissed due to wavelength overlapping with band 8. It is worth mentioning that the framework proposed in this work can be applied to any kind of spectral image and multitemporal datasets [36].

6.1.1. The Training Space

For training, the input data ws a tensor X R 128 × 128 × 9 × 100 , where 128 × 128 is the spatial dimensions, 9 is the number of spectral bands, and 100 is the number of images used for training. Although the number of images seems low, taking into account that we work at pixel-domain, the real number of training points or vectors is high. Indeed, our FCN for semantic segmentation was trained with 128 × 128 × 100 = 1638400 samples or vectors. To test whether the size of the data for training was sufficiently high, a smaller subtensor of X , X p R 128 × 128 × 9 × 80 , equivalent to 1310720 points or vectors, was used for a second training obtaining, for the same test set, an average PA of 91.48 % ; i.e., only 0.08 % less than with 100 images, 91.56 % . We also tested these results by a third training with an extended dataset of 120 images, X q R 128 × 128 × 9 × 120 equivalent to 1966080 vectors, and we found only a slight variation of + 0.01 % in the PA ( 91.57 % ), while the execution time for the training increased significantly.

6.1.2. The Labels

Our labels were acquired using the scene classification algorithm developed by the ESA [19], and subsequently modified, semi-manually, misclassified pixels.

6.1.3. The Testing Space

For testing, our input data were a 128 × 128 × 9 × 10 tensor; i.e., 10 different scenarios for pixel-wise classification, whose results are shown in Table 3. That is, the framework classifies 128 × 128 × 10 = 163 , 840 pixels.

6.1.4. Downloading Data

Due to the big size of the data, format npy was used. Data are available in the link Dataset.
  • The training dataset is in the file S2_TrainingData.npy.
  • Labels of the training dataset are in the file S2_TrainingLabels.npy.
  • A true color representation of the training dataset can be found in S2_Trainingtruecolor.npy.
  • The testing dataset and the corresponding labels are in the file S2_TestData.npy.
  • Labels of the test dataset are in the file S2_TestLabels.npy.
  • Last, a true color representation of the test data can be found in S2_Testtruecolor.npy.
Code will be delivered by the corresponding author upon request for research purposes only.

6.2. Classes

The CNNMSI dataset has been semi-manually labeled for supervised semantic segmentation of C = 5 classes; vegetation, water, cloud, cloud shadow, and soil. These classes were selected according to their impact in RS research areas such as agriculture, forest monitoring, population growth analysis, and disaster prevention. It is worth mentioning that the detection of clouds and cloud shadows is an important prerequisite for almost all RS applications.

6.3. Metrics

6.3.1. Pixel Accuracy (PA)

We used the PA metric to compute a ratio between the amount of correctly classified pixels and the total number of pixels as
P A = c = 0 C p c c c = 0 C d = 0 D p c d
where we have a total of C classes and p i i is the amount of pixels of class c correctly assigned to class c (true positives), and p c d is the amount of pixels of class c inferred to belong to class d (false positives). We can see in Table 3 the PA values for our proposed framework in comparison with other state-of-the-art methods. From Table 3, we can see that:
  • Indexes NDI are important references for pixel-wise classification but they show one of the lowest PAs and the highest computational time.
  • Classic PCA with five components shows the lowest PA, although the computational time is similar to HOOI-FCN with five tensor bands.
  • Due to the poor results of NDI and classical PCA, FCN (with raw data and nine components) is a good reference in terms of performance and computational time, and HOOI-FCN with seven and five tensor bands achieves the highest PA and the lowest computational time.
The PA and the computational times for FCN and HOOI-FCN with different numbers of tensor bands are shown in Figure 5.

6.3.2. Relative Mean Square Error (rMSE)

In order to compute the reconstruction error of the tensor X for the implementation of HOOI, the rMSE was used:
r M S E X ^ = 1 Q q = 1 Q X ^ q X q F 2 X q F 2 ,
where X q represents the q-th CNNMSI from our dataset with Q MSIs and X ^ q its corresponding reconstruction computed by (4).
Figure 6a shows the behavior of the reconstruction rMSE for our 100 training images for J 3 = 1 , , I 3 . With this metric we can quantify how good the decomposition represents the input data. The rMSE is also one of the decisive parameters to set the value of the r a n k 3 ( X ) = J 3 . To preserve a high performance in the pixel-wise classification task, we set the threshold ψ to a value for which the rMSE error is less than or equal to 0.05 % , since deeper decomposition decrease the PA to less than 90 % , as we can see in Figure 5. For a rank decomposition ( 128 , 128 , 5 ) our rMSE is 0.04 % , which means that we reduce the dimensionality of our input data to almost half with a very low loss in performance. Besides, comparing this error with matrix based methods as PCA, we can see that our tensor-based decomposition produces lower rMSE for every value of J 3 except for the first one.

6.3.3. Orthogonality Degree of Factor Matrices and Tensor Bands

A way to analyze the algorithm HOOI efficiency is computing the orthogonality degree of the core tensor G and the projection matrices U ( n ) . As we mentioned in Section 3, we use the all-orthogonality property proposed in [32] and described in (7) and (8) to evaluate the orthogonality degree of our core tensors. Table 4 shows the results of the inner products between each tensor band with the others from one of our training images. We can see that these values are practically zero, which means that our bands are orthogonal. Furthermore, we can see in Figure 6b that (8) is fulfilled.
It is also important to know the orthogonality degree in our projection matrices. From Theorem 2 in [32] we start from the condition U ( n ) T U ( n ) = I ( n ) ; then, we create a vector o ^ where the components are the trace of each resulting matrix, i.e., tr ( I ( n ) ) , and compute the MSE with respect to a vector rank o = ( J 1 , J 2 , J 3 ) as
M S E ( o ^ ) = q = 1 3 o q o ^ q F 2 .
Using this orthogonality analysis, we obtain MSE values very close to zero, e.g., in order of 10 20 , which means that projection matrices present a high orthogonality degree.

6.4. Fcn Specifications

We used hyperparameter search [33] to set the learning rate to 1 × 10 3 . The model was run 100 epochs introducing 100 CNNMSI from our dataset. We used the Adam optimizer as our optimization algorithm. Xavier initialization was used for setting the initial values of the weights in the model. The Segnet FCN was used as the base model, since it achieves very high performance metrics in semantic segmentation [35].

6.5. Hardware/Software Specifications

Our framework was implemented using Python 3.7 with Tensorflow-GPU version 1.13. Experiments were run with a NVIDIA GeForce GTX 1050 Ti GPU. The processor used was an Intel core i7 with 8GB RAM, 128 GB SSD, and 1 TB HDD.

7. Discussion and Comparison with Other Methods

Original spectral bands (Figure 7a) were transformed or mapped into new tensor bands (Figure 7b,c) which preserved features of our classes of interest within the first tensor bands, avoiding the use of all the original spectral bands, thereby reducing computational load in further applications.
From Figure 7b,c, we can see that, for the classes of interest in this case study, the error margin selected ψ is indeed a good parameter to restrict the rank in the third mode, since the spectral information for differentiation of these five classes is a greater proportion than the first elements of the spectral domain. Nevertheless, if a smaller value for J 3 were used, there would be a trade off in the performance of the semantic segmentation.
Quantitative results in Figure 8, Figure 9, Figure 10, Figure 11 and Figure 12 and Table 3 present a comparison of the processing time and PA from our proposed framework with a model without any preprocessing data decomposition algorithm and with a normalized differentiation index based method in different scenarios. The accuracy values obtained by the proposed HOOI-FCN framework are better in overall than those obtained by the other methods under same conditions and scenarios, but with a quite significant decrease of the processing time, in the order of 10 times. It is worth noting that our HOOI-FCN framework with seven and five tensor bands outperforms in PA to the same FCN with the original nine bands. This means that the decomposition produces better features for the classification ANN.
In the confusion matrix presented in Figure 13, we can see the accuracy of the framework proposed HOOI-FCN for each class and the overall accuracy. Rows correspond to the output class or prediction and the columns to the truth class. Diagonal cells show the correctly classified pixels. Off-diagonal cells show where the errors come from. The rightmost column shows the accuracy for each predicted class, while the bottom row shows the accuracy for each true class. It is important to note that vegetation and cloud classes are close to 95 % accuracy, while for water and cloud shadows have less than 90 % accuracy. The latter can be caused by the lack of samples with a greater contribution of these elements in the training dataset as well as the similarity of these elements to others in the scenes.

8. Conclusions

Any RS-MSI or -HSI or third-order tensor image is mapped by the TKD to another tensor, called core tensor representative of the original, preserving its spatial structure, but with fewer tensor bands. In other words, a new subspace embedded in the original space was found and it was be used as the new input space for the task of pixel-level classification or semantic segmentation. Due to the success of DL for image processing, our approach employs an FCN network as the classifier, which delivers the corresponding prediction matrix of pixels classified element-wise.
The efficiency of the proposed higher order orthogonal iteration (HOOI)-FCN framework is measured by metrics such as pixel accuracy (PA) or recall as a function of the number of new tensor bands, which is defined by the reconstruction error computed by the rMSE. Another important parameter in the TKD is the orthogonality degree of each component, i.e., the core tensor and the factor matrices, computed by the inner products of each band with the others.
Our experimental results for a case study show that the proposed HOOI-FCN framework for CNNMSI semantic segmentation reduced the number of spectral bands from nine to seven or five tensor bands, for which PA values converge or are very close to the maximum.
State-of-the-art methods, such as normalized difference indexes, PCA with five principal components, and the same FCN network with nine original bands, with an average pixel accuracy 90% (computational time ∼90s), were outperformed by the HOOI-FCN framework, which achieved a higher average pixel accuracy of 91.97% (and computational time ∼36.5s), and average PA of 91.56% (computational time 9.5s) for seven and five new tensor bands respectively.
These results are very promising in RS, since the use of other algorithms for the calculation of core tensors and a deeper data analysis of weights and initialization of the convolutional neural network (CNN) can increase performance metrics of the segmentation for RS spectral data. Some limitations for a better validation of this approach are: denoising is not included; there is a need for new cases to enhance the input space; use of a greater number of classifiers is needed.
Finally, this research allows us to emphasize two main, relevant points. (1) RS images are characterized by a large number of bands, high correlation between neighbor bands, and high data redundancy; (2) besides, they are corrupted by several noises. Some issues related to our approach remain open.

Open Issues

  • Compression affects not only the input data, but also the CNN network to reduce overall complexity and/or create new ANN architectures for specific RS-CNNMSI or HSI image applications.
  • Instead of the HOOI algorithm, use greedy HOOI and other algorithms that determine the core tensor for a broad comparison.
  • For classification purposes, use other machine learning algorithms, such as a SVM or random forest.
  • Increase the input data with more scenarios and their corresponding ground truth to a deeper study of the behaviors of several classifiers, including those based on ANN, and the scope of the TD methods.
  • Denoise the original input data for an improvement of the new subspace of reduced dimensionality.

Author Contributions

Conceptualization, S.S.; formal analysis, C.A.; investigation, J.L.; methodology, J.L., D.T., and S.S.; resources, C.A.; software, J.L.; supervision, D.T. and C.A.; validation, S.S. and C.A.; writing—original draft, J.L. and D.T. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the National Council of Science and Technology CONACYT of Mexico under grants 280975 and 253955.

Acknowledgments

We would like to thank the student E. Padilla and his advisor A. Méndez for their help in producing the results for the PCA decomposition and facilitate the comparative analysis between TD and PCA; and F. Hermosillo for useful observations about this work, all of them being from CINVESTAV, Guadalajara. We also would like to dedicate this work to the memory of Y. Shkvarko, who was an important mentor for the realization of this research.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
ANNartificial neural network
CNNconvolutional neural network
CPDcanonical polyadic decomposition
ESAeuropean space agency
DLdeep learning
FCNfully convolutional network
GPUgraphics processing unit
HSIhyperspectral image
HOOIhigher order orthogonal iteration
HOSVDhigher order singular value decomposition
MSEmean square error
MLmachine learning
MSImultispectral image
NIRnear-infrared
NTDnonnegative Tucker decomposition
NDVInormalized difference vegetation index
NDWInormalized difference water index
PApixel accuracy
PCAprincipal components analysis
ReLUrectified linear unit
rMSErelative mean square error
RSremote sensing
SVDsingular value decomposition
SWIRshort wave infrared
SVMsupport vector machine
T-MLRDtensor-based multiscale low rank decomposition
TDtensor decomposition
TDAtensor discriminant analysis
TKDtucker decomposition

References

  1. Tempfli, K.; Huurneman, G.; Bakker, W.; Janssen, L.; Feringa, W.; Gieske, A.; Grabmaier, K.; Hecker, C.; Horn, J.; Kerle, N.; et al. Principles of Remote Sensing: An Introductory Textbook, 4th ed.; ITC: Geneva, Switzerland, 2009. [Google Scholar]
  2. He, Z.; Hu, J.; Wang, Y. Low-rank tensor learning for classification of hyperspectral image with limited labeled sample. IEEE Signal Process. 2017, 145, 12–25. [Google Scholar] [CrossRef]
  3. Richards, A.; Xiuping, J.J. Band selection in sentinel-2 satellite for agriculture applications. In Remote Sensing Digital Image Analysis, 4th ed.; Springer-Verlag: Berlin, Germany, 2006. [Google Scholar]
  4. Zhang, T.; Su, J.; Liu, C.; Chen, W.; Liu, H.; Liu, G. Band selection in sentinel-2 satellite for agriculture applications. In Proceedings of the 23rd International Conference on Automation & Computing, University of Huddersfield, Huddersfield, UK, 7–8 September 2017. [Google Scholar]
  5. Xie, Y.; Zhao, X.; Li, L.; Wang, H. Calculating NDVI for Landsat7-ETM data after atmospheric correction using 6S model: A case study in Zhangye city, China. In Proceedings of the 18th International Conference on Geoinformatics, Beijing, China, 18–20 June 2010. [Google Scholar]
  6. Gao, B. NDWI—A normalized difference water index for remote sensing of vegetation liquid water from space. Remote Sens. Environ. 1996, 58, 1–6. [Google Scholar] [CrossRef]
  7. Ham, J.; Chen, Y.; Crawford, M.; Ghosh, J. Investigation of the random forest framework for classification of hyperspectral data. IEEE Trans. Geosci. Remote Sens. 2005, 43, 492–501. [Google Scholar] [CrossRef] [Green Version]
  8. Hearst, M.A. Support Vector Machines. IEEE Intell. Syst. J. 1998, 13, 18–28. [Google Scholar] [CrossRef] [Green Version]
  9. Huang, X.; Zhang, L. An SVM Ensemble Approach Combining Spectral, Structural, and Semantic Features for the Classification of High-Resolution Remotely Sensed Imagery. IEEE Trans. Geosci. Remote Sens. 2013, 51, 257–272. [Google Scholar] [CrossRef]
  10. Delalieux, S.; Somers, B.; Haest, B.; Spanhove, T.; Vanden Borre, J.; Mucher, S. Heathland conservation status mapping through integration of hyperspectral mixture analysis and decision tree classifiers. Remote Sens. Environ. 2012, 126, 222–231. [Google Scholar] [CrossRef]
  11. Kemker, R.; Salvaggio, C.; Kanan, C. Algorithms for semantic segmentation of multispectral remote sensing imagery using deep learning. ISPRS J. Photogramm. Remote Sens. 2018, 145, 60–77. [Google Scholar] [CrossRef] [Green Version]
  12. Pirotti, F.; Sunar, F.; Piragnolo, M. Benchmark of machine learning methods for classification of a sentinel-2 image. In Proceedings of the XXIII ISPRS Congress, Prague, Czech Republic, 12–19 July 2016. [Google Scholar]
  13. Mateo-García, G.; Gómez-Chova, L.; Camps-Valls, G. Convolutional neural networks for multispectral image cloud masking. In Proceedings of the IGARSS, Fort Worth, TX, USA, 23–28 July 2017. [Google Scholar]
  14. Guo, X.; Huang, X.; Zhang, L.; Zhang, L.; Plaza, A.; Benediktsson, J.A. Support Tensor Machines for Classification of Hyperspectral Remote Sensing Imagery. IEEE Trans. Geosci. Remote Sens. 2016, 54, 3248–3264. [Google Scholar] [CrossRef]
  15. Cichocki, A.; Mandic, D.; De Lathauwer, L.; Zhou, G.; Zhao, Q.; Caiafa, C.; Phan, H. Tensor Decompositions for Signal Processing Applications: From two-way to multiway component analysis. IEEE Signal Process. Mag. 2015, 32, 145–163. [Google Scholar] [CrossRef] [Green Version]
  16. Jolliffe, I.T. Principal Component Analysis, 2nd ed.; Springer Verlag: New York, NY, USA, 2002. [Google Scholar]
  17. Kolda, T.; Bader, B. Tensor Decompositions and Applications. SIAM Rev. 2009, 51, 455–500. [Google Scholar] [CrossRef]
  18. Lopez, J.; Santos, S.; Torres, D.; Atzberger, C. Convolutional Neural Networks for Semantic Segmentation of Multispectral Remote Sensing Images. In Proceedings of the LATINCOM, Guadalajara, Mexico, 14–16 November 2018. [Google Scholar]
  19. European Space Agency. Available online: https://sentinel.esa.int/web/sentinel/missions/sentinel-2 (accessed on 15 July 2019).
  20. Kemker, R.; Kanan, C. Deep Neural Networks for Semantic Segmentation of Multispectral Remote Sensing Imagery. arXiv 2017, arXiv:abs/1703.06452. [Google Scholar]
  21. Hamida, A.; Benoît, A.; Lambert, P.; Klein, L.; Amar, C.; Audebert, N.; Lefèvre, S. Deep learning for semantic segmentation of remote sensing images with rich spectral content. In Proceedings of the IGARSS, Fort Worth, TX, USA, 23–28 July 2017. [Google Scholar]
  22. Wang, Q.; Lin, J.; Yuan, Y. Salient Band Selection for Hyperspectral Image Classification via Manifold Ranking. IEEE Trans. Neural Netw. Learn. Syst. 2016, 27, 1279–1289. [Google Scholar] [CrossRef]
  23. Li, S.; Qiu, J.; Yang, X.; Liu, H.; Wan, D.; Zhu, Y. A novel approach to hyperspectral band selection based on spectral shape similarity analysis and fast branch and bound search. Eng. Appl. Artif. Intell. 2014, 27, 241–250. [Google Scholar] [CrossRef] [Green Version]
  24. Zhang, L.; Zhang, L.; Tao, D.; Huang, X.; Du, B. Compression of hyperspectral remote sensing images by tensor approach. Neurocomputing 2015, 147, 358–363. [Google Scholar] [CrossRef]
  25. Astrid, M.; Lee, S.I. CP-decomposition with Tensor Power Method for Convolutional Neural Networks compression. In Proceedings of the BigComp, Jeju, Korea, 13–16 February 2017. [Google Scholar]
  26. Chien, J.; Bao, Y. Tensor-factorized neural networks. IEEE Trans. Neural Netw. Learn. Syst. 2018, 29, 1998–2011. [Google Scholar] [CrossRef] [PubMed]
  27. An, J.; Lei, J.; Song, Y.; Zhang, X.; Guo, J. Tensor Based Multiscale Low Rank Decomposition for Hyperspectral Images Dimensionality Reductio. Remote Sens. 2019, 11, 1485. [Google Scholar] [CrossRef] [Green Version]
  28. Li, J.; Liu, Z. Multispectral Transforms Using Convolution Neural Networks for Remote Sensing Multispectral Image Compression. Remote Sens. 2019, 11, 759. [Google Scholar] [CrossRef] [Green Version]
  29. An, J.; Song, Y.; Guo, Y.; Ma, X.; Zhang, X. Tensor Discriminant Analysis via Compact Feature Representation for Hyperspectral Images Dimensionality Reduction. Remote Sens. 2019, 11, 1822. [Google Scholar] [CrossRef] [Green Version]
  30. Absil, P.-A.; Mahony, R.; Sepulchre, R. Optimization Algorithms on Matrix Manifolds, 1st ed.; Princeton University Press: Princeton, NJ, USA, 2007. [Google Scholar]
  31. De Lathauwer, L.; De Moor, B.; Vandewalle, J. On the best rank-1 and rank-(R 1, R 2, ···, R N) approximation of higher-order tensors. SIAM J. Matrix Anal. Appl. 2000, 21, 1324–1342. [Google Scholar] [CrossRef]
  32. De Lathauwer, L.; De Moor, B.; Vandewalle, J. A Multilinear Singular Value Decomposition. SIAM J. Matrix Anal. Appl. 2000, 21, 1253–1278. [Google Scholar] [CrossRef] [Green Version]
  33. Goodfellow, I.; Bengio, Y.; Courville, A. Deep Learning, 1st ed.; MIT Press: Cambridge, MA, USA, 2016. [Google Scholar]
  34. Sheehan, B.N.; Saad, Y. Higher Order Orthogonal Iteration of Tensors (HOOI) and its Relation to PCA and GLRAM. In Proceedings of the 7th SIAM International Conference on Data Mining, Minneapolis, MN, USA, 26–28 April 2007. [Google Scholar]
  35. Badrinarayanan, V.; Kendall, A.; Cipolla, R. SegNet: A Deep Convolutional Encoder-Decoder Architecture for Image Segmentation. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 39, 2481–2495. [Google Scholar] [CrossRef] [PubMed]
  36. Rodes, I.; Inglada, J.; Hagolle, O.; Dejoux, J.; Dedieu, G. Sampling strategies for unsupervised classification of multitemporal high resolution optical images over very large areas. In Proceedings of the 2012 IEEE International Geoscience and Remote Sensing Symposium, Munich, Germany, 22–27 July 2012. [Google Scholar]
Figure 1. Tucker decomposition for a third-order tensor.
Figure 1. Tucker decomposition for a third-order tensor.
Remotesensing 12 00517 g001
Figure 2. Convolutional layer with a K 1 × K 2 × F 1 × F 2 kernel. Input channels F 1 must equal the spectral bands I 3 . To preserve original dimensions at the output, zero padding is needed [18]. Output dimensions also depend on stride S = 1 to consider every piece of pixel information and to preserve original dimensions.
Figure 2. Convolutional layer with a K 1 × K 2 × F 1 × F 2 kernel. Input channels F 1 must equal the spectral bands I 3 . To preserve original dimensions at the output, zero padding is needed [18]. Output dimensions also depend on stride S = 1 to consider every piece of pixel information and to preserve original dimensions.
Remotesensing 12 00517 g002
Figure 3. The big picture of the fast semantic segmentation framework proposed, with a fully convolutional network encoder-decoder architecture and a preprocessing HOOI tucker decomposition stage.
Figure 3. The big picture of the fast semantic segmentation framework proposed, with a fully convolutional network encoder-decoder architecture and a preprocessing HOOI tucker decomposition stage.
Remotesensing 12 00517 g003
Figure 4. SegNet FCN. Encoder-decoder architecture with convolutional, pooling, and upsampling layers with their corresponding activation functions and batch normalization [33].
Figure 4. SegNet FCN. Encoder-decoder architecture with convolutional, pooling, and upsampling layers with their corresponding activation functions and batch normalization [33].
Remotesensing 12 00517 g004
Figure 5. Box and whiskers plot of the pixel accuracy (PA) for the 10 testing scenarios shown in Table 3.
Figure 5. Box and whiskers plot of the pixel accuracy (PA) for the 10 testing scenarios shown in Table 3.
Remotesensing 12 00517 g005
Figure 6. TD metrics (a) Reconstruction error computed by the relative mean square error (rMSE) for J 3 = 1 , . . . , I 3 and (b) norm of each subtensor G i n , relative to the norm of the first tensor band G i 1 .
Figure 6. TD metrics (a) Reconstruction error computed by the relative mean square error (rMSE) for J 3 = 1 , . . . , I 3 and (b) norm of each subtensor G i n , relative to the norm of the first tensor band G i 1 .
Remotesensing 12 00517 g006
Figure 7. Box and whiskers plots of the behavior of five classes of interest: (a) in the original spectral domain, (b) the tensor band domain after decomposition for nine bands, and (c) the new tensor band domain for five bands.
Figure 7. Box and whiskers plots of the behavior of five classes of interest: (a) in the original spectral domain, (b) the tensor band domain after decomposition for nine bands, and (c) the new tensor band domain for five bands.
Remotesensing 12 00517 g007
Figure 8. Comparison of the PA and the computational time of FCN with the proposed HOOI-FCN (seven and five bands) for semantic segmentation. See Table 3.
Figure 8. Comparison of the PA and the computational time of FCN with the proposed HOOI-FCN (seven and five bands) for semantic segmentation. See Table 3.
Remotesensing 12 00517 g008
Figure 9. Qualitative results testing a scene of interest with abundant vegetation, and presence of shadows and clouds. (a) Original true color scenario of 128 × 128 pixels, in Central Europe: (b) five classes semi-manually labeled ground truth of the MSIs, (c) classification with an unsupervised normalized difference index (NDI) fusion algorithm, and (d) output prediction after 100 epochs in the FCN used for this work without data compression. (e) PCA-FCN framework output; (f) prediction of the whole framework HOOI-FCN proposed in this work; and (g) PA behavior of the HOOI-FCN versus number of tensor bands.
Figure 9. Qualitative results testing a scene of interest with abundant vegetation, and presence of shadows and clouds. (a) Original true color scenario of 128 × 128 pixels, in Central Europe: (b) five classes semi-manually labeled ground truth of the MSIs, (c) classification with an unsupervised normalized difference index (NDI) fusion algorithm, and (d) output prediction after 100 epochs in the FCN used for this work without data compression. (e) PCA-FCN framework output; (f) prediction of the whole framework HOOI-FCN proposed in this work; and (g) PA behavior of the HOOI-FCN versus number of tensor bands.
Remotesensing 12 00517 g009
Figure 10. Qualitative results testing a scene of interest with abundant vegetation, and presence of shadows and clouds. (a) Original true color scenario of 128 × 128 pixels, in Central Europe: (b) five classes semi-manually labeled ground truth of the MSIs, (c) classification with an unsupervised normalized difference index (NDI) fusion algorithm, and (d) output prediction after 100 epochs in the FCN used for this work without data compression. (e) PCA-FCN framework output; (f) prediction of the whole framework HOOI-FCN proposed in this work; and (g) PA behavior of the HOOI-FCN versus number of tensor bands.
Figure 10. Qualitative results testing a scene of interest with abundant vegetation, and presence of shadows and clouds. (a) Original true color scenario of 128 × 128 pixels, in Central Europe: (b) five classes semi-manually labeled ground truth of the MSIs, (c) classification with an unsupervised normalized difference index (NDI) fusion algorithm, and (d) output prediction after 100 epochs in the FCN used for this work without data compression. (e) PCA-FCN framework output; (f) prediction of the whole framework HOOI-FCN proposed in this work; and (g) PA behavior of the HOOI-FCN versus number of tensor bands.
Remotesensing 12 00517 g010
Figure 11. Qualitative results testing a scene of interest with abundant presence of soil. (a) Original true color scenario of 128 × 128 pixels, in Central Europe: (b) five classes semi-manually labeled ground truth of the MSIs, (c) classification with an unsupervised normalized difference index (NDI) fusion algorithm, and (d) output prediction after 100 epochs in the FCN used for this work without data compression. (e) PCA-FCN framework output; (f) prediction of the whole framework HOOI-FCN proposed in this work; and (g) PA behavior of the HOOI-FCN versus number of tensor bands.
Figure 11. Qualitative results testing a scene of interest with abundant presence of soil. (a) Original true color scenario of 128 × 128 pixels, in Central Europe: (b) five classes semi-manually labeled ground truth of the MSIs, (c) classification with an unsupervised normalized difference index (NDI) fusion algorithm, and (d) output prediction after 100 epochs in the FCN used for this work without data compression. (e) PCA-FCN framework output; (f) prediction of the whole framework HOOI-FCN proposed in this work; and (g) PA behavior of the HOOI-FCN versus number of tensor bands.
Remotesensing 12 00517 g011
Figure 12. Qualitative results testing a scene of interest with abundant presence of clouds. (a) Original true color scenario of 128 × 128 pixels, in Central Europe: (b) five classes semi-manually labeled ground truth of the MSIs, (c) classification with an unsupervised normalized difference index (NDI) fusion algorithm, and (d) output prediction after 100 epochs in the FCN used for this work without data compression. (e) PCA-FCN framework output; (f) prediction of the whole framework HOOI-FCN proposed in this work; and (g) PA behavior of the HOOI-FCN versus number of tensor bands.
Figure 12. Qualitative results testing a scene of interest with abundant presence of clouds. (a) Original true color scenario of 128 × 128 pixels, in Central Europe: (b) five classes semi-manually labeled ground truth of the MSIs, (c) classification with an unsupervised normalized difference index (NDI) fusion algorithm, and (d) output prediction after 100 epochs in the FCN used for this work without data compression. (e) PCA-FCN framework output; (f) prediction of the whole framework HOOI-FCN proposed in this work; and (g) PA behavior of the HOOI-FCN versus number of tensor bands.
Remotesensing 12 00517 g012
Figure 13. Confusion matrix of the proposed framework. The main diagonal indicates the pixel accuracy for each class in % for the ten selected scenarios.
Figure 13. Confusion matrix of the proposed framework. The main diagonal indicates the pixel accuracy for each class in % for the ten selected scenarios.
Remotesensing 12 00517 g013
Table 1. Related work in spectral imagery semantic segmentation.
Table 1. Related work in spectral imagery semantic segmentation.
ReferenceInputDecompositionReductionClassifier
Li, S. et al. [23] (2014)HSI-Band selectionSVM
Zhang, L. et al. [24] (2015)HSITKDSpatial-Spectral-
Wan, Q. et al. [22] (2016)HSI-Band selectionSVM/kNN/CART
Kemke, R. et al. [11] (2017)MSI--CNN
Hamida, A. et al. [21] (2017)MSI--CNN
Li, J. et al. [28] (2019)MSINTD-CNNSpatial-spectral-
An, J. et al. [27] (2019)HSIT-MLRDSpatial-spectralSVM/1NN
An, J. et al. [29] (2019)HSITDASpatial-spectralSVM/1NN
Our framework (2019)MSIHOOISpectralFCN
Table 2. Tensor algebra notation summary
Table 2. Tensor algebra notation summary
A , A, a, aTensor, matrix, vector and scalar respectively
A R I 1 × × I N N-order tensor of size I 1 × × I N .
a i 1 i N An element of a tensor
a : i 2 i 3 , a i 1 : i 3 , and a i 1 i 2 : Column, row and tube fibers of a third order tensor
A i 1 : : , A : i 2 : , A : : i 3 Horizontal, lateral and frontal slices for a third order tensor
A ( n ) , a ( n ) A matrix/vector element from a sequence of matrices/vectors
A n Mode-n matricization of a tensor. A n R I n × m n I m
X = a ( 1 ) a ( N ) Outer product of N vectors, where x i 1 i 2 i N = a i 1 ( 1 ) a i N ( N )
A , B Inner product of two tensors.
B = A × n U n-mode product of tensor A R I 1 × × I N by a matrix U R J × I n along axis n.
Table 3. Quantitative results for 10 test MSIs running in a NVIDIA GeForce GTX 1050 Ti graphics processing unit (GPU), Intel core i7 processor, 8 Gb RAM, SSD 128 Gb, and HDD 1 Tb. Values in blue and red represent the highest PA and the lowest time, respectively.
Table 3. Quantitative results for 10 test MSIs running in a NVIDIA GeForce GTX 1050 Ti graphics processing unit (GPU), Intel core i7 processor, 8 Gb RAM, SSD 128 Gb, and HDD 1 Tb. Values in blue and red represent the highest PA and the lowest time, respectively.
ScenariosNDIFCN9PCA-FCN5HOOI-FCN7HOOI-FCN5
PA (%)Time (s)PA (%)Time (s)PA (%)Time (s)PA (%)Time (s)PA (%)Time (s)
188.20363.0391.05101.2185.129.8591.1237.8490.639.13
284.75412.8992.2187.5484.609.8390.1236.5489.239.06
392.34307.5693.6793.4588.3210.0093.7536.0293.229.03
490.08382.3191.7298.9286.089.7392.8536.7992.188.93
587.14400.1289.91103.5786.369.1292.1335.8891.849.67
689.75312.1590.9595.2187.6510.1592.9537.2392.7110.09
785.73373.8489.92107.1388.479.6393.0635.5692.599.55
891.49308.0090.1795.4585.789.7690.2336.3490.129.14
989.38397.9290.7480.3387.9110.2692.5037.0992.1810.11
1090.01352.6688.52112.8584.329.8891.1735.5390.979.85
Average88.87361.0490.8897.5686.469.8291.9736.4891.569.45
Table 4. Inner products of each tensor band with the others from one image of our dataset decomposed by HOOI.
Table 4. Inner products of each tensor band with the others from one image of our dataset decomposed by HOOI.
Tensor Band123456789
1- 2.7 × 10 4 8.0 × 10 5 7.0 × 10 5 4.1 × 10 5 9.7 × 10 6 2.0 × 10 5 2.6 × 10 5 8.6 × 10 5
2-- 3.1 × 10 7 8.5 × 10 6 4.9 × 10 6 3.2 × 10 6 3.6 × 10 6 6.0 × 10 6 4.8 × 10 6
3--- 8.4 × 10 7 3.9 × 10 7 4.4 × 10 7 4.1 × 10 7 1.8 × 10 9 1.0 × 10 6
4---- 5.0 × 10 8 2.6 × 10 7 1.2 × 10 8 5.3 × 10 8 1.2 × 10 7
5----- 3.7 × 10 9 8.3 × 10 9 2.6 × 10 8 8.9 × 10 9
6------ 1.4 × 10 8 7.2 × 10 8 2.1 × 10 7
7------- 1.2 × 10 8 1.3 × 10 9
8-------- 1.6 × 10 7

Share and Cite

MDPI and ACS Style

López, J.; Torres, D.; Santos, S.; Atzberger, C. Spectral Imagery Tensor Decomposition for Semantic Segmentation of Remote Sensing Data through Fully Convolutional Networks. Remote Sens. 2020, 12, 517. https://doi.org/10.3390/rs12030517

AMA Style

López J, Torres D, Santos S, Atzberger C. Spectral Imagery Tensor Decomposition for Semantic Segmentation of Remote Sensing Data through Fully Convolutional Networks. Remote Sensing. 2020; 12(3):517. https://doi.org/10.3390/rs12030517

Chicago/Turabian Style

López, Josué, Deni Torres, Stewart Santos, and Clement Atzberger. 2020. "Spectral Imagery Tensor Decomposition for Semantic Segmentation of Remote Sensing Data through Fully Convolutional Networks" Remote Sensing 12, no. 3: 517. https://doi.org/10.3390/rs12030517

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop