KEMBAR78
DIC: Deep Image Clustering For Unsupervised Image Segmentation | PDF | Image Segmentation | Deep Learning
0% found this document useful (0 votes)
103 views11 pages

DIC: Deep Image Clustering For Unsupervised Image Segmentation

This document describes a deep learning method called Deep Image Clustering (DIC) for unsupervised image segmentation. DIC consists of two parts: 1) a feature transformation subnetwork that extracts features from image pixels, and 2) a deep clustering subnetwork that assigns pixels to clusters through iterative updates of cluster centers and associations. The method is trained using a superpixel-guided iterative refinement loss to optimize DIC parameters for each image. Experiments on a benchmark dataset show DIC achieves better segmentation performance than state-of-the-art unsupervised methods, with less sensitivity to parameter choices and lower computational costs.

Uploaded by

Unaixa Khan
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
103 views11 pages

DIC: Deep Image Clustering For Unsupervised Image Segmentation

This document describes a deep learning method called Deep Image Clustering (DIC) for unsupervised image segmentation. DIC consists of two parts: 1) a feature transformation subnetwork that extracts features from image pixels, and 2) a deep clustering subnetwork that assigns pixels to clusters through iterative updates of cluster centers and associations. The method is trained using a superpixel-guided iterative refinement loss to optimize DIC parameters for each image. Experiments on a benchmark dataset show DIC achieves better segmentation performance than state-of-the-art unsupervised methods, with less sensitivity to parameter choices and lower computational costs.

Uploaded by

Unaixa Khan
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 11

Received January 30, 2020, accepted February 13, 2020, date of publication February 17, 2020, date of current

version February 27, 2020.


Digital Object Identifier 10.1109/ACCESS.2020.2974496

DIC: Deep Image Clustering for Unsupervised


Image Segmentation
LEI ZHOU 1,2 AND YUFENG WEI 3
1 School of Medical Instrument and Food Engineering, University of Shanghai for Science and Technology, Shanghai 200093, China
2 Shanghai Engineering Research Center of Assistive Devices, University of Shanghai for Science and Technology, Shanghai 200093, China
3 School of Information Science and Engineering, Wuhan University of Science and Technology, Wuhan 430081, China

Corresponding author: Lei Zhou (zmbhou@163.com)


This work was supported by the National Natural Science Foundation of China under Grant 61906121.

ABSTRACT Unsupervised segmentation is an essential pre-processing technique in many computer vision


tasks. However, current unsupervised segmentation techniques are sensitive to the parameters such as
the segmentation numbers or of high training and inference complexity. Encouraged by neural networks’
flexibility and their ability for modelling intricate patterns, an unsupervised segmentation framework based
on a novel deep image clustering (DIC) model is proposed. The DIC consists of a feature transformation
subnetwork (FTS) and a trainable deep clustering subnetwork (DCS) for unsupervised image clustering.
FTS is built on a simple and capable network architecture. DCS can assign pixels with different cluster
numbers by updating cluster associations and cluster centers iteratively. Moreover, a superpixel guided
iterative refinement loss is designed to optimize the DIC parameters in an overfitting manner. Extensive
experiments have been conducted on the Berkley Segmentation Database. The experimental results show
that DCS is more effective in aggregating features during the clustering procedure. DIC has also proven to
be less sensitive to varying segmentation parameters and of lower computation costs, and DIC can achieve
significantly better segmentation performance compared to the state-of-the-art techniques. The source code
is available on https://github.com/zmbhou/DIC.

INDEX TERMS Unsupervised segmentation, deep image clustering, deep clustering subnetwork, iterative
refinement loss, overfitting training.

I. INTRODUCTION are mostly designed for detecting and extracting specific


Object segmentation is a challenging problem in the field semantic object categories in images and accurately labelled
of computer vision and it has been widely applied in areas training dataset is required. Currently, deep learning-based
such as object recognition and image classification. Gener- semantic segmentation solutions have also achieved signif-
ally speaking, object segmentation methods can be divided icant improvement and attracted a lot of attention [13]–[17].
into three categories, unsupervised, semi-supervised and fully In this paper, we focus on studying the research topic
supervised. The unsupervised methods, such as K-means [1], related to unsupervised image segmentation. A typical unsu-
EM [2], FH segmentation [3], Active contour [4], normalized pervised segmentation algorithm always contains two parts:
cut [5], meanshift clustering [6], MLSS [7] or SAS [8], feature extraction from images’ pixels and dividing an image
are implemented without prior knowledge about the images. into nonoverlapping regions by pixels clustering, such as
In the semi-supervised methods [9]–[12], users can label the details described in methods such as normalized cut [5],
pixels as foreground or background with interactive segmen- MLSS [7] and SAS [8]. For example, a segmentation frame-
tation approaches. User input can locate where the object is work based on bipartite graph partitioning is designed to
(location information), and colour and texture information aggregate multi-layer superpixels in SAS [8]. In MLSS [7],
contained in the scribbles provide prior knowledge about a semi-supervised learning strategy is applied to generate
what the object is. Fully supervised segmentation methods pairwise affinities based on the sparse graph constructed
on pixels and over-segmented regions. Then the pairwise
The associate editor coordinating the review of this manuscript and affinities are applied to the spectral segmentation algorithms.
approving it for publication was Mohammad Shorif Uddin . However, the performance of those methods may suffer from

This work is licensed under a Creative Commons Attribution 4.0 License. For more information, see http://creativecommons.org/licenses/by/4.0/
VOLUME 8, 2020 34481
L. Zhou, Y. Wei: DIC: DIC for Unsupervised Image Segmentation

FIGURE 1. The illustration of the proposed DIC framework for unsupervised image segmentation. DIC consists of a FTS and a DCS
and DIC is trained by an iterative refinement loss.

two principal drawbacks: being sensitive to the segmentation The remainder of the paper is organized as follows. The
parameters such as cluster numbers and the whole flowchart related work is introduced in section II, the proposed
is complex, which can not be optimized jointly. Neural net- framework is introduced in section III and the experimental
works have also been applied to solve the unsupervised results are presented in section IV.
segmentation problem. However, the existing framework
such as W-Net [18] involves techniques such as designing II. RELATED WORK
complex loss functions. Hence, the training procedure is A. UNSUPERVISED SEGMENTATION
sophisticated. Many unsupervised segmentation methods have been pro-
We argue that a practical unsupervised segmentation posed recently, such as mean-shift (MS), k-means [6], nor-
method should exhibit characteristics such as adaptivity for malized cuts (NCuts) [5], Felzenzwalb and Huttenlocher’s
incorporating additional cues and easiness for joint algorithm graph-based (FH) [3], SDTV [19], KM [20], UCM [21],
optimization. Encouraged by neural networks’ flexibility and CCP [22], MLSS [7] and SAS [8]. Mean-shift (MS) [6] builds
their ability for modelling complex patterns, a novel unsu- a non-parametric probability distribution in a feature space
pervised segmentation framework based on neural network is and applies mean shift filtering in this domain to yield a con-
proposed. Firstly, a deep image clustering (DIC) network is vergence point for each pixel. Normalized cuts (NCuts) [5]
designed. DIC contains a feature transformation subnetwork focuses on minimizing the similarity between groups while
and a trainable deep clustering subnetwork. An autoencoder maximizing the associations within groups. Other meth-
based network architecture is applied to transform the pixel ods can be divided into two categories: region-based and
information of images to high-dimensional features. Then contour-based methods. Region-based unsupervised seg-
a deep clustering subnetwork implemented by iteratively mentation methods focus on finding the similarity among
calculating the cluster centers and cluster associations iter- neighbouring pixels and merge them using features includ-
atively is proposed. Secondly, superpixels are taken as the ing color, texture, contour or luminance. Superpixels are
grouping cues and a superpixel guided iterative refinement always taken as important cues for aiding segmentation
loss is designed to train DIC effectively. Finally, DIC is and one of the typical works is MLSS [7], in which a
optimized via backpropagation in an overfitting manner on a multi-layer semi-supervised learning scheme is proposed to
single image’s basis. The main contributions of the paper are construct a dense affinity matrix over pixels and super-
summarized as follows and the flow chart of our approach is pixels for spectral clustering. Another highlighted work is
shown in Figure. 1. SAS [8], a novel segmentation framework based on bipartite
• We propose a deep image clustering (DIC) model graph partitioning to is designed to aggregate multi-layer
which consists of a feature transformation subnet- superpixels. Contour-based methods focus on generating
work (FTS) and a differentiable deep clustering subnet- segmentation masks via contour cues. In [21], the image
work (DCS) for dividing the image space into different segmentation problem is constructed as a contour detec-
clusters. tion problem. A contour detection using multiscale local
• We propose a simple and effective superpixel guided brightness, color, and texture is proposed firstly. Then an
iterative refinement loss for optimizing the DIC param- Ultrametric Contour Map (UCM) is constructed by generat-
eters in an end-to-end way. DIC can be optimized on a ing a hierarchical region tree from contours. In CCP [22],
single image’s basis in an overfitting manner. a contour-guided color palette (CCP) is designed firstly.
• We achieve highly competitive results on Berkley Then, it is further fine-tuned by post-processing techniques
Segmentation Databases with performance gains from such as leakage avoidance, fake boundary removal, and
0.8319 to 0.8407 in PRI, and from 0.1779 to 0.1390 small region mergence to generate robust segmentation
in GCE, and from 11.29 to 10.18 in BDE. masks.

34482 VOLUME 8, 2020


L. Zhou, Y. Wei: DIC: DIC for Unsupervised Image Segmentation

FIGURE 2. The flowchart of the feature transformation subnetwork. The convolution block (CB) consists of a 3 × 3 convolution, a batch-normalization and
a relu. The main task of the max-pooling(MP) with the factor 2 is to downsample the featrure by a factor of 2 and deconvolution(DC) is utilized for
upsampling features by 2 times. The simple convolution(SC) with kernel size 1 × 1 is the last layer which generates the output feature. The input
channel × output channel of each component is displayed as well.

B. DEEP LEARNING AND IMAGE SEGMENTATION III. THE PROPOSED METHOD


In recent years, we have witnessed great progress for deep In this section, the framework for unsupervised image seg-
convolutional neural networks [23], [24] based image seg- mentation is proposed. Firstly, we introduce the deep image
mentation and various methods have been proposed. Deep clustering model in subsection III-A, which consists of two
learning has been applied to solve the problems related to modules: a subnetwork for feature extraction and a deep clus-
fully supervised semantic segmentation [13], [14], [16], [17], tering subnetwork. Then, we present the superpixel guided
[25]–[27], interactive segmentation [28]–[30] and unsuper- iterative refinement loss in subsection III-B. Finally, the over-
vised segmentation [18], [31], [32]. Besides the fully super- fitting training protocol is described in subsection III-C to
vised semantic segmentation, deep learning has proven to be optimize the network parameters in an end-to-end way.
effective in solving the interactive segmentation problem as
well. For example, in [30], the user annotations are converted A. DEEP IMAGE CLUSTERING MODEL
into interaction maps by measuring distances of each pixel 1) NETWORK ARCHITECTURE FOR FEATURE
to the annotated locations firstly. Then, the forward pass TRANSFORMATION SUBNETWORK (FTS)
is performed in a convolutional neural network to generate We use an autoencoder architecture and the skip connec-
an initial segmentation map. Moreover, a backpropagating tion for constructing the feature transformation subnetwork
refinement scheme (BRS) is designed to correct the misla- (FTS). The CNN for feature extraction is composed of a
beled pixels. Neural network has been applied to solve the series of convolution layers interleaved with batch normal-
unsupervised segmentation problem as well. In W-Net [18], ization (BN) and ReLU activations. The architecture of the
a segmentation framework based on autoencoder is proposed feature transformation subnetwork is as shown in Figure. 2,
and a k-way pixel-wise prediction is generated by the autoen- FTS consists of six convolution blocks, one max-pooling
coder, then the whole network is optimized by a reconstruc- operation, one deconvolution operation and a simple convo-
tion loss and a normalized cut loss jointly. Furthermore, lution operation. We use max-pooling, which downsamples
techniques such as condition random field smoothing and the input by a factor of 2, after the 2nd convolution block to
hierarchical segmentation are used to refine the segmentation increase the receptive field. Then the 4th convolution block
results. However, these methods may suffer from several outputs are upsampled by deconvolution and concatenated
drawbacks in applications: (1) The segmentation framework with the 2nd convolution block outputs to pass onto the 5th
is of high computation cost; (2) The training procedure convolution block. After the 6th convolution block and the
for optimizing the network parameters is sophisticated; simple convolution block, feature Y with dimension C is
(3) Additional cues such as superpixels cannot be incorpo- generated. We use 3 × 3 convolution filters with the number
rated into the framework adaptively. of output channels set to 64, 128 or 192 in each block, except
In order to design a more effective and practical neu- the last CNN layer which outputs C channels. This CNN
ral network based unsupervised segmentation framework, architecture is chosen for its simplicity and efficiency. Other
a deep image clustering module is proposed in this paper. network architectures are also conceivable for such algo-
DIC utilizes a light-weight network architecture to reduce the rithm. The resulting C dimensional features Y can be taken as
computation cost. Furthermore, a superpixel guided iterative coarse cluster associations. In order to aggregate the features
refinement loss is designed to optimize the DIC parameters in more effectively, Y will be passed onto the following deep
a simper way. Hence, the unsupervised segmentation network clustering module that iteratively updates the pixel-clusters
can be optimized easily in an overfitting manner. associations and cluster centers for 0 iterations.

VOLUME 8, 2020 34483


L. Zhou, Y. Wei: DIC: DIC for Unsupervised Image Segmentation

FIGURE 3. The flowchart of the deep clustering subnetwork. DCS contains two iterative steps: calculating cluster associations H
and updating cluster centers .

2) TRAINABLE DEEP CLUSTERING SUBNETWORK (DCS) As ϒ is constructed from a compact basis set, it has the
Firstly the extracted feature Y is flattened to the dimension low-rank property compared with the input Y . It is obviously
N × C, where N = H × W , H is the height of image, that the iterative updating procedure is free of parameters. The
W is the width of image and C is the channel number or super- whole pileline of DCS is as illustrated in Figure. 3.
pixel number (SPN). Then a neural network based clustering Once the aggregated feature ϒ is obtained, the final cluster
procedure is designed. The cluster centers  are defined as assignment 1n for each pixel is set by selecting the dimension
the initializations for feature clustering. Assuming the cluster that has the maximum value of ϒn using the following rule:
centers are defined as  = {1 , 2 , . . . , M }, M is the
number of default clusters and i is with dimension C × 1. 1n = arg maxj (ϒn,j ), j ⊆ {1, . . . , C}. (5)
Then an iterative procedure is applied for adaptive feature
clustering. In the t-th iteration of DCS, the associate rate H t
with dimension N × M is defined to calculate the similarity Then C can been interpreted as the cluster number in the
between the spatial features and respective centers t−1 : following subsections.
κ(Yn , t−1
m )
t
Hnm = PM , n ⊆ {1, . . . , N }, m ⊆ {1, . . . , M }. B. SUPERPIXEL GUIDED ITERATIVE REFINEMENT LOSS
j=1 κ(Yn , j )
t−1
In the setting of unsupervised image segmentation, there
(1) does not exist reliable supervision information. The training
where κ represents the general kernel function. We simply protocol of DIC is formulated as a classification task in a
take the the exponential inner dot exp(aT b) as the kernel self-training manner, in which the superpixel guided group-
function. For implementing the neural network, the operation ing cues are taken as the principal supervision information.
for updating associations in the t-th iteration is formulated as: The intuition behind is that pixels in the same superpixels
tend to be assigned with the same cluster number and the
H t = softmax(Y (t−1 )T ) (2) superpixels can also serve as the cues for refining the object
With the updated association then the cluster centers t
Ht, boundaries. Hence a superpixel guided iterative refinement
can be estimated using the weighted summation of Y . Hence loss is defined for network training. Firstly, the constraints
tk is defined as: which favor the rule that cluster labels should be the same
PN for those of neighboring pixels are enforced by superpixels.
Hnkt Y
tk = Pn=1
n
. (3) K superpixels {Sk }Kk=1 are extracted from the input image I ,
M t where {Sk } denotes a set of indices of pixels that belong
m=1 Hmk
to k-th superpixels using the technique such as MCG [21],
Then t can be generated respectively. Based on the above
superpixels with higher quality can generate more reliable
formulations, the associations H t and cluster centers t are
supervision. Hence all of the pixels in each superpixel are
updated within 0 iterations. Once the iteration procedure is
guided to have the same cluster label in the training proce-
implemented, the final associations H 0 and cluster centers
dure. In iteration t − 1, 1t−1 is refined by the superpixels
0 are used to construct the aggregated features ϒ. The
so as to enforce the label consistency constraint. Assum-
aggregated features are formulated as:
ing Sp is the superpixel that contains pixel n, then a his-
ϒ = H 0 (0 )T (4) togram is constructed by counting the superpixel assignment

34484 VOLUME 8, 2020


L. Zhou, Y. Wei: DIC: DIC for Unsupervised Image Segmentation

Algorithm 1 The Algorithm for Overfitting Training of DIC


1: Input: I, the RGB image, iteration numbers T and 0.
2: Output: 1, the cluster assignment.
3: Generate the superpixels {Si }K i=1 .
4: Initial the network parameter 20ft .
5: for t = 1 to T do
6: Extract the feature Y t using the feature transformation
subnetwork with initialization 2t−1ft .
7: Initialize the cluster center with 0 .
8: for q = 1 to 0 do
FIGURE 4. Illustration of the iteration clustering process.
9: Generate the associations H q based on Y t and q−1
according to Eq. (2).
1t−1 10: Update cluster center q according to Eq. (3).
i ,i ⊆ {Sp } and a superpixel level histogram is built as:
11: end for
Histp (1t−1 t−1
i ) = Histp (1i ) + 1, i ⊆ Sp . (6) 12: Generate ϒ t based on H 0 and 0 according to Eq. (4).
13: Generate cluster 1t according to Eq. (5).
Finally, the refined superpixel is defined as the following rule: 14: Generate the refined cluster 1̃t according to Eq. (7).
1̃t−1 Take 1̃t as the supervision and the network parameters
i |i ∈ Sp }, n ∈ Sp .
j j {1t−1
= arg maxj Histp (j), 15:
n
2tft are optimized using the iterative refinement loss
(7)
defined in Eq. (8).
where {1t−1i |i ∈ Sp } stands for the unique label set defined
16: end for
in Histp . 17: 1T is taken as the final cluster assignments for image I .
Then the refined superpixel 1̃t−1 is taken as the supervi-
sion for training the DIC network in iteration t − 1. Similarly,
1t will be generated and it can be refined subsequently as IV. EXPERIMENTAL RESULTS
the supervision for the t-th iteration. Given the assignment 1t In this section, we first introduce the experimental setup in
and the refined superpixel 1̃t , the iterative refinement loss is subsection IV-A. Then, we compare the empirical results
defined to optimize the DIC network using cross entropy: of our DIC with other state-of-the-arts in subsection IV-B.
N
X Moreover, analysis on the iteration number T and clus-
t
Litef =− 1ti log1̃ti , (8) ter numbers for overfitting training is presented in in
i=1 subsection IV-C and IV-D. The role of the deep clustering
The iterative clustering procedure is as illustrated in Figure. 4, subnetwork is evaluated in subsection IV-E and the compu-
we can see that the cluster assignment is updated and refined tational cost is reported in in subsection IV-F. The analysis
iteratively. on the application for semantic segmentation is presented in
subsection IV-G.
C. OVERFITTING TRAINING FOR UNSUPERVISED IMAGE
SEGMENTATION A. EXPERIMENTAL SETUP
Encouraged by the works such as deep image prior [33] or The segmentation results on two Berkley Segmentation
deep decoder [34], an overfitting manner is used for training Databases (BSDS300 and BSDS500) [35] which consists
the DIC network. Different from many current practices using of 300 and 500 natural images respectively, are reported.
large scale datasets, the overfitting training protocol is sim- To quantitatively evaluate the segmentation results, five crite-
pler and the network parameters are not required to be stored. ria are used: 1) Probabilistic Rand Index (PRI) [36]; 2) Vari-
Given a target image as the input, the training procedure will ation of Information (VoI) [37]; 3) Global Consistency Error
be described as below: (1): In the forward process of the (GCE) [35]; 4) Boundary Displacement Error (BDE) [38];
t-th iteration, Y t is generated by the feature transformation and 5) Segmentation Covering (SC). The segmentation per-
subnetwork with parameter 2t−1 formance is better if PRI and SC is large and the other
ft . (2): The deep clustering
subnetwork runs for 0 iterations to aggregate the features three are smaller compared to the ground truths [8]. In the
adaptively. Hence the feature ϒ t is obtained and the super- implementation of the deep clustering module, 0 is set as 3
pixel 1t is generated. (3): Then the refined superpixels 1̃t is according to the cross-validation experiments. In the training
generated. In the backward process, 1̃t is taken as the super- procedure, The training epoch T is set as T = 100, the learn-
vision with the iterative refinement loss. The parameter 2tft of ing rate is set as 5 × 10−2 and the momentum is set as 0.9.
the feature transformation subnetwork is updated according
to the back propagation rule using the iterative refinement B. COMPARISON WITH STATE-OF-THE-ART METHODS
t . The detailed training and inference procedures are
loss Litef In order to evaluate the proposed method DIC compre-
introduced in Algorithm 1. hensively, we compare the average scores of the DIC’s

VOLUME 8, 2020 34485


L. Zhou, Y. Wei: DIC: DIC for Unsupervised Image Segmentation

FIGURE 5. The visual comparison between DIC and other state-of-the-arts, such as MLSS, SAS.

with sixteen benchmark algorithms, such as Ncut [5], TABLE 1. Performance evaluation of the proposed method against other
state-of-the-arts on the Berkley Segmentation Database 300 (BSDS300).
Mean-shift [6], FH [3], JSEG [39], Multi-scale Ncut
(MNcut) [40], NTP [41], SDTV [19], KM [20], gPb-owt-
ucm [21], MLSS [7], SAS [8], W-Net [18] and CCP [22]
on BSD300 firstly. Similar to the strategy proposed in
MLSS [7] or SAS [8], the optimal Image scale (OIS) is
selected for segmenting images in the Berkley Segmentation
Database. OIS means that the cluster number is selected
optimally for each image. Seven settings as SPN=20,M=16;
SPN=50,M=32;SPN=90,M=32;SPN=120, M=32; SPN=
160, M=64;SPN=200, M=64;SPN=300, M=64 are used to
generate segmentation results for each image and then the
best segmentation masks are selected. The scores of different
methods for comparison are collected from [8], [20], [22] and
the segmentation results are reported in Table. 1, with the
best results highlighted in bold for each criterion. We can
see that DIC achieves the highest PRI 0.8407, the lowest
BDE 10.18, the second-lowest VoI and the second-lowest
GCE scores compared to other methods. In terms of VoI,
gPb-owt-ucm outperforms DIC slightly. CCP achieves a GCE
of 0.127 which is slightly better than 0.139 of DIC. Com-
pared with neural network based W-Net [18], DIC achieves
0.03 point gain in terms of PRI even if the post-processing
procedure is not applied. The performance improvement is TABLE 2. Performance evaluation of the proposed method against other
state-of-the-arts on the Berkley Segmentation Database 500 (BSDS500).
primarily owed to the deep clustering module for feature
aggregation and DIC’s ability to incorporate additional cues
such as superpixels. Moreover the segmentation results on
BSDS500 are reported as well. DIC can obtain the best SC
as 0.66 and PRI as 0.864 compared with methods (reported
in Table.2) such as Ncut [5], Mean-shift [6], MLSS [7],
gPb-owt-ucm [21],SF [42] and W-Net [18]. When compared
with gPb-owt-ucm, DIC achieves higher SC and PRI because
it can aggregate similar superpixels more effectively to gen-
erate fewer superpixels in a self-guided manner. However
the value of VoI will increase due to a smaller amount of
superpixels of DIC.
The visual comparison is illustrated in Figure. 5 as DIC works better in merging similar pixels and separat-
well in which the segmentation maps generated by ing diverse regions by learning from local image patterns
SAS, MLSS and DIC are displayed. We can find that adaptively.

34486 VOLUME 8, 2020


L. Zhou, Y. Wei: DIC: DIC for Unsupervised Image Segmentation

FIGURE 6. Five images are selected to illustrate the procedure of loss convergency. (a) are original images and (b) are the generated
segmentation masks.

TABLE 3. Performance evaluation of iteration number T in the overfitting


training procedure with SPN=100 and M=32 on BSDS300. TC stands for
the time cost measured in seconds.

C. EVALUATION OF ITERATION NUMBER T FOR


OVERFITTING TRAINING
DIC is optimized using an overfitting manner on a single
image’s basis. There is a trade-off between the iteration epoch
and the segmentation performance. If more iterations are
used, the computation costs will increase, otherwise the train- FIGURE 7. The training convergency analysis corresponding to images
in Figure. 6 is displayed.
ing procedure may not converge. An experiment is conducted
to evaluate the effect of different iteration numbers T with
SPN=100 and M = 32 on the segmentation performance,
and the evaluation results are displayed in Table. 3. As shown slowly when T > 50 and the overall losses will converge
in Table. 3, PRI of 0.8038 can be achieved when T = 50. in around 100 iterations, which can proof the observation
If T = 100, PRI can be boosted to 0.8108 and the segmen- in Table. 3 that the segmentation performance will change
tation performance gains can be witnessed for the measures slightly when T ≥ 100.
VoI, GCE and BDE as well. When T is set as a value larger
than 100, only marginal performance gain can be witnessed, D. ROBUSTNESS TO DIFFERENT CLUSTER NUMBERS
but the computation cost will increase greatly. When T is In this subsection, the segmentation performance condi-
small, similar superpixels have not been merged successfully, tioned on different cluster number C is evaluated. As shown
probably because the algorithm will fail to converge with in Table. 4, the performance of SAS will drop sharply when
small T . It’s observed that the overfitting training procedure the cluster number increases, while the DIC is less sensitive
will converge in around 100 iterations. Larger T may increase to the number of superpixels. We find that DIC can generate
the computation cost dramatically, but the segmentation per- relatively satisfactory results by learning from local image
formance has been improved marginally. Hence T = 100 is patterns adaptively even if the default cluster number is large.
set as the default setting in the following experiments. On the contrary, the performance of SAS will drop sharply
Moreover the training convergence analysis of the over- as the cluster number C increases due to the phenomenon
fitting training procedure is presented as well. Firstly, five that consistent regions may be divided into small regions
images are selected and the corresponding segmentation when the cluster number if large. It indicates that the adaptive
results are displayed in Figure. 6. Then the curves of clustering mechanism of DIC tends to converge to optimal
losses defined in Eq.(8) for the overfitting training pro- solutions by merging similar pixels into one cluster adap-
cedure within 150 iterations are displayed in Figure. 7. tively. The visual comparison is as shown in Figure. 8, we can
It can be witnessed in Figure. 7 that, the loss will decrease see that the performance of DIC is more reliable when the

VOLUME 8, 2020 34487


L. Zhou, Y. Wei: DIC: DIC for Unsupervised Image Segmentation

FIGURE 8. The visual comparison between the segmentation performance of SAS and DIC with various superpixel numbers.

FIGURE 9. Illustration of the role of the deep clustering subnetwork. The first row demonstrates the original images, and the results without and with
deep clustering module are listed in the second and third rows respectively.

TABLE 4. Performance evaluation of SAS and DIC with different cues by extracting more effective features and by adaptively
superpixel numbers (SPN) on BSDS300. M is the default cluster number
defined in Eq. (1). features aggregating. By contrast, the segmentation errors
may increase for SAS when the cluster number grows, which
is fundamental because the representation ability of the fea-
tures extracted by the traditional spectral analysis technique is
limited and the k-means clustering is a lack of the mechanism
for aggregating similar clusters accommodatively.

E. THE ROLE OF DEEP CLUSTERING SUBNETWORK


The deep clustering subnetwork is one of the major contri-
butions in the proposed method and DCS works as a module
for elaborately clustering. In this subsection, the role of DCS
is evaluated. When DCS is not used, a softmax operation
is applied for cluster number assignment as a replacement.
According to the comparison and analysis in the above sub-
section, we set SPN=50 and M = 32 to evaluate the role
of DCS. The quantitative evaluation is listed in Table. 5.
When DCS is not used, the PRI will drop from 0.814 to
setting of superpixel numbers changes. Even if SPN is set 0.8064 and VoI will increase from 1.9084 to 1.9890, which
to a large value such as 300, DIC can also assign the same indicates that DCS is more effective in aggregating pixels
cluster number to the pixels with similar color or texture with similar features in the deep clustering process than the

34488 VOLUME 8, 2020


L. Zhou, Y. Wei: DIC: DIC for Unsupervised Image Segmentation

FIGURE 10. The visual illustration of the unsupervised segmentation results of DIC and the semantic segmentation results of
Deeplabv2-VGG-DIC-SCCN generated by images in PASCAL VOC 2012 dataset.

TABLE 5. Performance evaluation of method with different superpixel set according to the superpixel numbers described in Table. 4.
numbers (SPN) on BSDS300. wo stands for without.
MLSS and SAS run on intel i7-6700k CPU with 32G RAM
using Matlab R2016a, and DIC runs on a GTX1080 GPU
with 32G RAM using Tensorflow 1.5.0. It’s obvious that
DIC and SAS are faster than MLSS in general and we can
find that DIC is comparable to or faster than SAS when the
superpixel number is more significant than 20. When the
TABLE 6. The Average Time Costs Measured in Seconds Corresponding to SPN increases, the computation costs of MLSS and SAS
Different Superpixel Number for Processing Images in Berkley
Segmentation Database. MLSS and SAS run on intel i7-6700k CPU with
will increase dramatically, while the computation cost of
32G RAM, and DIC runs on a GTX1080 GPU with 32G RAM. DIC changes slightly. For example, DIC takes around 21.5s
for segmenting an image with size 321 × 481 on aver-
age when SPN=300, while SAS takes 153.8s and MLSS
takes 275.5s. DIC is almost 13 times faster than MLSS. The
results indicate that neither the segmentation performance
nor the computation cost of DIC is sensitive to the param-
eters such as cluster number, while the costs of segmentation
framework based on spectral analysis will increase greatly as
simple softmax operation. The role DCS is also visually the SPN raises. Moreover, the computation cost of DIC can
illustrated in Figure. 9. It’s evident that the pixels with similar be reduced easily by controlling the training epochs T for
or diverse color or texture can be merged or separated by DCS different applications according to the analysis in Table. 3.
with higher accuracy, while the simple softmax operation Even if DIC runs on a 1080 GPU while MLSS and SAS can
tends to generate over-merged segmentations (see the 1st, only work on CPU, it is obvious that neural network based
3rd and 4th examples in Figure. 9) or always fails to merge framework has higher potential for being optimized with the
pixels with similar features (see the 5th, 6th and 7th examples development of optimization algorithms and hardware, com-
in Figure. 9). pared with the traditional spectral analysis based frameworks.

F. ANALYSIS OF THE COMPUTATION COST G. APPLICATION FOR SEMANTIC SEGMENTATION


The computation cost of DIC is evaluated in this subsection. In order to evaluate the quality of unsupervised clusters
Two algorithms MLSS and SAS are selected for compari- of DIC more comprehensively, the generated usupervised
son and the results of time cost comparison are illustrated superpixels are utilized for semantic segmentation. The
in Table. 6. For DIC, the iteration number 0 of DCI is set joint training and inference framework proposed in [17]
as 3, the overfitting training epoch T is set as 100 and M is which uses the superpixels to improve the segmentation per-

VOLUME 8, 2020 34489


L. Zhou, Y. Wei: DIC: DIC for Unsupervised Image Segmentation

TABLE 7. Overall accuracy on PASCAL VOC 2012 test dataset initialized with VGG. The IoU of twenty categories and the mean IoU are presented.
Especially, the comparison with other semantic segmentation methods is presented.

formance is applied for semantic segmentation. Then the designing an iterative refinement loss to optimize the DIC
DIC superpixels are incorporated into the SCNN of [17]. parameters in an end-to-end way, in which the superpixels
The experiment is conducted on PASCAL VOC 2012 [46] can serve as the grouping cues for encoding complex image
which is a famous segmentation dataset containing a training patterns. Moreover, DIC is utilized to generate superpixels by
set, a validation set and a test set, with 1464, 1449 and learning from local image patterns in an overfitting manner.
1456 images each. Following common practice, we aug- Compared with other unsupervised segmentation methods,
ment the dataset with the extra annotations provided by [47]. DIC is less affected by the segmentation parameter, such as
This gives us a total of 10,582 training images. The dataset cluster numbers and of lower computation cost. Extensive
provides annotations with 20 object categories and one experimental results on Berkley Segmentation Databases and
background class. We do not provide evaluation scores PASCAL VOC 2012 database have also revealed the superior
such as PRI, GCE or SC on PASCAL VOC 2012 dataset performance of DIC in both of the quantitative and perceptual
because the ground truths of semantic boundaries are inac- evaluation.
curate due to the dilated boundary pixels. In the experiment,
Deelabv2-VGG [44] is connected with DIC superpix- REFERENCES
els, SCCN and the pairwise network to construct a [1] T. Kanungo, D. M. Mount, N. S. Netanyahu, C. D. Piatko, R. Silverman,
model Deeplabv2-VGG-DIC-SCCN. As shown in Table. 7, and A. Y. Wu, ‘‘An efficient k-means clustering algorithm: Analysis and
Deeplabv2-VGG-DIC-SCCN achieves a mean IoU of 75.31 implementation,’’ IEEE Trans. Pattern Anal. Mach. Intell., vol. 24, no. 7,
pp. 881–892, Jul. 2002.
on the test set which is higher than Deeplabv2-VGG-
[2] C. Carson, S. Belongie, H. Greenspan, and J. Malik, ‘‘Blobworld: Image
SCCN (74.9) and other VGG+CRF based models such as segmentation using expectation-maximization and its application to image
CRF-RNN (74.7), GMF (73.2) and DeconvNet+FCN+CRF querying,’’ IEEE Trans. Pattern Anal. Mach. Intell., vol. 24, no. 8,
(72.5). Compared with the framework built on SLIC super- pp. 1026–1038, Aug. 2002.
[3] P. F. Felzenszwalb and D. P. Huttenlocher, ‘‘Efficient graph-based image
pixels, the mean IoU of Deeplabv2-VGG-DIC-SCCN is segmentation,’’ Int. J. Comput. Vis., vol. 59, no. 2, pp. 167–181, Sep. 2004.
0.4 points higher. This is primarily because the quality of [4] V. Caselles, R. Kimmel, and G. Sapiro, ‘‘Geodesic active contours,’’
DIC superpixels generated by deep image clustering is better Int. J. Comput. Vis., vol. 22, no. 1, pp. 61–79, 1997.
and they can provide more reliable supervision in the training [5] J. Shi and J. Malik, ‘‘Normalized cuts and image segmentation,’’ Trans.
Pattern Anal. Mach. Intell., vol. 22, no. 8, pp. 888–905, 2000.
procedure. The reported results also indicate the advantages [6] D. Comaniciu and P. Meer, ‘‘Mean shift: A robust approach toward feature
of the proposed DIC superpixels in boosting the segmen- space analysis,’’ IEEE Trans. Pattern Anal. Mach. Intell., vol. 24, no. 5,
tation performance. The visual illustrations of DIC results, pp. 603–619, May 2002.
semantic segmentation results of images in PASCAL VOC [7] T. Hoon Kim, K. Mu Lee, and S. Uk Lee, ‘‘Learning full pairwise affini-
ties for spectral segmentation,’’ IEEE Trans. Pattern Anal. Mach. Intell.,
2012 dataset are displayed in Figure. 10. vol. 35, no. 7, pp. 1690–1703, Jul. 2013.
[8] Z. Li, X.-M. Wu, and S.-F. Chang, ‘‘Segmentation using superpixels:
V. CONCLUSION A bipartite graph partitioning approach,’’ in Proc. IEEE Conf. Comput.
Vis. Pattern Recognit., Jun. 2012, pp. 789–796.
We have presented a novel framework for unsupervised [9] Y. Y. Boykov and M.-P. Jolly, ‘‘Interactive graph cuts for optimal boundary
image segmentation based on neural network. One of our & region segmentation of objects in N-D images,’’ in Proc. 8th IEEE Int.
major contributions is that a neural network based deep image Conf. Comput. Vis.. (ICCV), Nov. 2002, pp. 105–112.
clustering model is designed for dividing the image space into [10] L. Grady, ‘‘Random walks for image segmentation,’’ IEEE Trans. Pattern
Anal. Mach. Intell., vol. 28, no. 11, pp. 1768–1783, Nov. 2006.
different clusters by updating cluster centers and cluster asso- [11] X. Bai and G. Sapiro, ‘‘Geodesic matting: A framework for fast interactive
ciations iteratively. Then another contribution can be summa- image and video segmentation and matting,’’ Int. J. Comput. Vis., vol. 82,
rized as incorporating the low-level superpixels into DIC by no. 2, pp. 113–132, Apr. 2009.
[12] L. Zhou, Y. Qiao, Y. Li, X. He, and J. Yang, ‘‘Interactive segmentation
based on iterative learning for multiple-feature fusion,’’ Neurocomputing,
1 http://host.robots.ox.ac.uk:8080/anonymous/YUT4XH.html vol. 135, pp. 240–252, 2014.

34490 VOLUME 8, 2020


L. Zhou, Y. Wei: DIC: DIC for Unsupervised Image Segmentation

[13] J. Long, E. Shelhamer, and T. Darrell, ‘‘Fully convolutional networks [36] R. Unnikrishnan, C. Pantofaru, and M. Hebert, ‘‘Toward objective evalua-
for semantic segmentation,’’ in Proc. IEEE Conf. Comput. Vis. Pattern tion of image segmentation algorithms,’’ IEEE Trans. Pattern Anal. Mach.
Recognit. (CVPR), Jun. 2015, pp. 3431–3440. Intell., vol. 29, no. 6, pp. 929–944, Jun. 2007.
[14] V. Badrinarayanan, A. Kendall, and R. Cipolla, ‘‘SegNet: A deep con- [37] M. Meila, ‘‘Comparing clusterings: An axiomatic view,’’ in Proc. 22nd Int.
volutional encoder-decoder architecture for image segmentation,’’ 2015, Conf. Mach. Learn. (ICML), 2005, pp. 577–584.
arXiv:1511.00561. [Online]. Available: http://arxiv.org/abs/1511.00561 [38] J. Freixenet, X. Muñoz, D. Raba, J. Martí, and X. Cufí, ‘‘Yet another
[15] S. Zheng, S. Jayasumana, B. Romera-Paredes, V. Vineet, Z. Su, D. Du, survey on image segmentation: Region and boundary information integra-
C. Huang, and P. H. S. Torr, ‘‘Conditional random fields as recurrent neural tion,’’ in Proc. Eur. Conf. Comput. Vis. Berlin, Germany: Springer, 2002,
networks,’’ in Proc. IEEE Int. Conf. Comput. Vis. (ICCV), Dec. 2015, pp. 408–422.
pp. 1529–1537. [39] Y. Deng and B. S. Manjunath, ‘‘Unsupervised segmentation of color-
[16] L.-C. Chen, J. T. Barron, G. Papandreou, K. Murphy, and A. L. Yuille, texture regions in images and video,’’ IEEE Trans. Pattern Anal. Mach.
‘‘Semantic image segmentation with task-specific edge detection using Intell., vol. 23, no. 8, pp. 800–810, Aug. 2001.
cnns and a discriminatively trained domain transform,’’ in Proc. IEEE [40] T. Cour, F. Benezit, and J. Shi, ‘‘Spectral segmentation with multiscale
Conf. Comput. Vis. Pattern Recognit. (CVPR), Jun. 2016, pp. 4545–4554. graph decomposition,’’ in Proc. IEEE Comput. Soc. Conf. Comput. Vis.
[17] L. Zhou, K. Fu, Z. Liu, F. Zhang, Z. Yin, and J. Zheng, ‘‘Superpixel Pattern Recognit. (CVPR), vol. 2, Jul. 2005, pp. 1124–1131.
based continuous conditional random field neural network for semantic [41] J. Wang, Y. Jia, X.-S. Hua, C. Zhang, and L. Quan, ‘‘Normalized tree
segmentation,’’ Neurocomputing, vol. 340, pp. 196–210, May 2019. partitioning for image segmentation,’’ in Proc. CVPR, Jun. 2008, pp. 1–8.
[18] X. Xia and B. Kulis, ‘‘W-net: A deep model for fully unsuper- [42] P. Dollar and C. L. Zitnick, ‘‘Structured forests for fast edge detection,’’ in
vised image segmentation,’’ 2017, arXiv:1711.08506. [Online]. Available: Proc. IEEE Int. Conf. Comput. Vis., Dec. 2013, pp. 1841–1848.
http://arxiv.org/abs/1711.08506 [43] R. Vemulapalli, O. Tuzel, M.-Y. Liu, and R. Chellappa, ‘‘Gaussian con-
[19] M. Donoser, M. Urschler, M. Hirzer, and H. Bischof, ‘‘Saliency driven ditional random field network for semantic segmentation,’’ in Proc. IEEE
total variation segmentation,’’ in Proc. IEEE 12th Int. Conf. Comput. Vis., Conf. Comput. Vis. Pattern Recognit. (CVPR), Jun. 2016, pp. 3224–3233.
Sep. 2009, pp. 817–824. [44] L.-C. Chen, G. Papandreou, I. Kokkinos, K. Murphy, and A. L. Yuille,
‘‘DeepLab: Semantic image segmentation with deep convolutional nets,
[20] M. B. Salah, A. Mitiche, and I. B. Ayed, ‘‘Multiregion image segmentation
Atrous convolution, and fully connected CRFs,’’ IEEE Trans. Pattern Anal.
by parametric kernel graph cuts,’’ IEEE Trans. Image Process., vol. 20,
Mach. Intell., vol. 40, no. 4, pp. 834–848, Apr. 2018.
no. 2, pp. 545–557, Feb. 2011.
[45] S. Chandra and I. Kokkinos, ‘‘Fast, exact and multi-scale inference for
[21] P. Arbelaez, J. Pont-Tuset, J. Barron, F. Marques, and J. Malik, ‘‘Multi-
semantic image segmentation with deep Gaussian CRFs,’’ in Proc. Eur.
scale combinatorial grouping,’’ in Proc. IEEE Conf. Comput. Vis. Pattern
Conf. Comput. Vis. Cham, Switzerland: Springer, 2016, pp. 402–418.
Recognit., Jun. 2014, pp. 328–335.
[46] M. Everingham, L. Van Gool, C. K. I. Williams, J. Winn, and A. Zisserman,
[22] X. Fu, C.-Y. Wang, C. Chen, C. Wang, and C.-C.-J. Kuo, ‘‘Robust image
‘‘The Pascal visual object classes (VOC) Challenge,’’ Int. J. Comput. Vis.,
segmentation using contour-guided color palettes,’’ in Proc. IEEE Int.
vol. 88, no. 2, pp. 303–338, Jun. 2010.
Conf. Comput. Vis. (ICCV), Dec. 2015, pp. 1618–1625.
[47] B. Hariharan, P. Arbelaez, L. Bourdev, S. Maji, and J. Malik, ‘‘Seman-
[23] Y. LeCun, B. Boser, J. S. Denker, D. Henderson, R. E. Howard, tic contours from inverse detectors,’’ in Proc. Int. Conf. Comput. Vis.,
W. Hubbard, and L. D. Jackel, ‘‘Backpropagation applied to handwrit- Nov. 2011, pp. 991–998.
ten zip code recognition,’’ Neural Comput., vol. 1, no. 4, pp. 541–551,
Dec. 1989.
[24] A. Krizhevsky, I. Sutskever, and G. E. Hinton, ‘‘ImageNet classification
with deep convolutional neural networks,’’ Commun. ACM, vol. 60, no. 6,
pp. 84–90, May 2017.
[25] H. Noh, S. Hong, and B. Han, ‘‘Learning deconvolution network for
semantic segmentation,’’ in Proc. IEEE Int. Conf. Comput. Vis. (ICCV),
Dec. 2015, pp. 1520–1528.
[26] L.-C. Chen, G. Papandreou, I. Kokkinos, K. Murphy, and LEI ZHOU received the B.S. degree from the
A. L. Yuille, ‘‘Semantic image segmentation with deep convolutional nets
Wuhan University of Technology, Wuhan, China,
and fully connected CRFs,’’ 2014, arXiv:1412.7062. [Online]. Available:
in 2008, and the Ph.D. degree from Shanghai Jiao
http://arxiv.org/abs/1412.7062
Tong University, Shanghai, China, in 2014, under
[27] W. Song, N. Zheng, X. Liu, L. Qiu, and R. Zheng, ‘‘An improved U-net
convolutional networks for seabed mineral image segmentation,’’ IEEE the supervision of Prof. J. Yang. He is currently
Access, vol. 7, pp. 82744–82752, 2019. a Lecturer with the School of Medical Instrument
[28] N. Xu, B. Price, S. Cohen, J. Yang, and T. Huang, ‘‘Deep interactive object and Food Engineering, University of Shanghai for
selection,’’ in Proc. IEEE Conf. Comput. Vis. Pattern Recognit. (CVPR), Science and Technology, Shanghai. His current
Jun. 2016, pp. 373–381. research interests include semantic segmentation,
[29] K.-K. Maninis, S. Caelles, J. Pont-Tuset, and L. Van Gool, ‘‘Deep extreme image and video compression, and deep learning.
cut: From extreme points to object segmentation,’’ in Proc. IEEE/CVF His research group has won six championships in CVPR 2018 and CVPR
Conf. Comput. Vis. Pattern Recognit., Jun. 2018, pp. 616–625. 2019 CLIC image compression challenges.
[30] W.-D. Jang and C.-S. Kim, ‘‘Interactive image segmentation via back-
propagating refinement scheme,’’ in Proc. IEEE/CVF Conf. Comput. Vis.
Pattern Recognit. (CVPR), Jun. 2019, pp. 5297–5306.
[31] M. Chen, T. Artières, and L. Denoyer, ‘‘Unsupervised object segmentation
by redrawing,’’ in Proc. Adv. Neural. Inf. Process, 2019, pp. 12705–12716.
[32] W. Liu, L. Wei, J. Sharpnack, and J. D. Owens, ‘‘Unsupervised object
segmentation with explicit localization module,’’ 2019, arXiv:1911.09228.
[Online]. Available: http://arxiv.org/abs/1911.09228
[33] V. Lempitsky, A. Vedaldi, and D. Ulyanov, ‘‘Deep image prior,’’ in YUFENG WEI was born in 2000. He is currently
Proc. IEEE/CVF Conf. Comput. Vis. Pattern Recognit., Jun. 2018, pursuing the degree in automation with the Wuhan
pp. 9446–9454. University of Science and Technology. In the
[34] R. Heckel and P. Hand, ‘‘Deep decoder: Concise image representations Wuhan University of Science and Technology, his
from untrained non-convolutional networks,’’ 2018, arXiv:1810.03982. performance is at the forefront with the Innova-
[Online]. Available: http://arxiv.org/abs/1810.03982 tion Laboratory for Intelligent Car and Electronic
[35] D. Martin, C. Fowlkes, D. Tal, and J. Malik, ‘‘A database of human Design. His research interests are image process-
segmented natural images and its application to evaluating segmentation ing, intelligent car, and deep learning.
algorithms and measuring ecological statistics,’’ in Proc. IEEE 14th Int.
Conf. Comput. Vis. (ICCV), vol. 2, Jul. 2001, pp. 416–423.

VOLUME 8, 2020 34491

You might also like