• Title/Summary/Keyword: Segmentation model

Search Result 1,031, Processing Time 0.027 seconds

A Study on Residual U-Net for Semantic Segmentation based on Deep Learning (딥러닝 기반의 Semantic Segmentation을 위한 Residual U-Net에 관한 연구)

  • Shin, Seokyong;Lee, SangHun;Han, HyunHo
    • Journal of Digital Convergence
    • /
    • v.19 no.6
    • /
    • pp.251-258
    • /
    • 2021
  • In this paper, we proposed an encoder-decoder model utilizing residual learning to improve the accuracy of the U-Net-based semantic segmentation method. U-Net is a deep learning-based semantic segmentation method and is mainly used in applications such as autonomous vehicles and medical image analysis. The conventional U-Net occurs loss in feature compression process due to the shallow structure of the encoder. The loss of features causes a lack of context information necessary for classifying objects and has a problem of reducing segmentation accuracy. To improve this, The proposed method efficiently extracted context information through an encoder using residual learning, which is effective in preventing feature loss and gradient vanishing problems in the conventional U-Net. Furthermore, we reduced down-sampling operations in the encoder to reduce the loss of spatial information included in the feature maps. The proposed method showed an improved segmentation result of about 12% compared to the conventional U-Net in the Cityscapes dataset experiment.

A MULTIPHASE LEVEL SET FRAMEWORK FOR IMAGE SEGMENTATION USING GLOBAL AND LOCAL IMAGE FITTING ENERGY

  • TERBISH, DULTUYA;ADIYA, ENKHBOLOR;KANG, MYUNGJOO
    • Journal of the Korean Society for Industrial and Applied Mathematics
    • /
    • v.21 no.2
    • /
    • pp.63-73
    • /
    • 2017
  • Segmenting the image into multiple regions is at the core of image processing. Many segmentation formulations of an images with multiple regions have been suggested over the years. We consider segmentation algorithm based on the multi-phase level set method in this work. Proposed method gives the best result upon other methods found in the references. Moreover it can segment images with intensity inhomogeneity and have multiple junction. We extend our method (GLIF) in [T. Dultuya, and M. Kang, Segmentation with shape prior using global and local image fitting energy, J.KSIAM Vol.18, No.3, 225-244, 2014.] using a multiphase level set formulation to segment images with multiple regions and junction. We test our method on different images and compare the method to other existing methods.

Segmentation of Movie Consumption : An Application of Latent Class Analysis to Korean Film Industry (잠재계층분석기법(Latent Class Analysis)을 활용한 영화 소비자 세분화에 관한 연구)

  • Koo, Kay-Ryung;Lee, Jang-Hyuk
    • Journal of the Korean Operations Research and Management Science Society
    • /
    • v.36 no.4
    • /
    • pp.161-184
    • /
    • 2011
  • As movie demands become more and more diversified, it is necessary for movie related firms to segment a whole heterogeneous market into a number of small homogeneous markets in order to identify the specific needs of consumer groups. Relevant market segmentation helps them to develop valuable offer to target segments through effective marketing planning. In this article, we introduce various segmentation methods and compare their advantages and disadvantages. In particular, we analyze "2009~2010 consumer survey data of Korean Film Industry" by using Latent Class Analysis(LCA), a statistical segmentation method which identifies exclusive set of latent classes based on consumers' responses to an observed categorical and numerical variables. It is applied PROC LCA, a new SAS procedure for conducting LCA and finally get the result of 11 distinctive clusters showing unique characteristics on their buying behaviors.

Compar ison of Level Set-based Active Contour Models on Subcor tical Image Segmentation

  • Vongphachanh, Bouasone;Choi, Heung-Kook
    • Journal of Korea Multimedia Society
    • /
    • v.18 no.7
    • /
    • pp.827-833
    • /
    • 2015
  • In this paper, we have compared three level set-based active contour (LSAC) methods on inhomogeneous MR image segmentation which is known as an important role of brain diseases to diagnosis and treatment in early. MR image is often occurred a problem with similar intensities and weak boundaries which have been causing many segmentation methods. However, LSAC method could be able to segment the targets such as the level set based on the local image fitting energy, the local binary fitting energy, and local Gaussian distribution fitting energy. Our implemented and tested the subcortical image segmentations were the corpus callosum and hippocampus and finally demonstrated their effectiveness. Consequently, the level set based on local Gaussian distribution fitting energy has obtained the best model to accurate and robust for the subcortical image segmentation.

K-Means Algorithm Using Texture Directionality for Natural Image Segmentation

  • Kasao, Atsushi;Nakajima, Masayuki
    • Proceedings of the Korean Society of Broadcast Engineers Conference
    • /
    • 1998.06b
    • /
    • pp.23-28
    • /
    • 1998
  • The goal of this research is to describe relations between impressions and elements in an image (i.e. color, texture and contours). Adequate image segmentation technique to extract these elements is required. We think that a sketch and a realistic painting are examples of optimal segmented images for our purpose because brush strokes are seem to be segmented areas and realistic paintings should remain the same impression as the model. For the reason, in this paper the segmentation technique which can create realistic painting-like segmentation is exploited. It is shown that the realistic painting-like segmentation is suitable for analyzing images.

  • PDF

Implementation of Image Semantic Segmentation on Android Device using Deep Learning (딥-러닝을 활용한 안드로이드 플랫폼에서의 이미지 시맨틱 분할 구현)

  • Lee, Yong-Hwan;Kim, Youngseop
    • Journal of the Semiconductor & Display Technology
    • /
    • v.19 no.2
    • /
    • pp.88-91
    • /
    • 2020
  • Image segmentation is the task of partitioning an image into multiple sets of pixels based on some characteristics. The objective is to simplify the image into a representation that is more meaningful and easier to analyze. In this paper, we apply deep-learning to pre-train the learning model, and implement an algorithm that performs image segmentation in real time by extracting frames for the stream input from the Android device. Based on the open source of DeepLab-v3+ implemented in Tensorflow, some convolution filters are modified to improve real-time operation on the Android platform.

High-Speed Transformer for Panoptic Segmentation

  • Baek, Jong-Hyeon;Kim, Dae-Hyun;Lee, Hee-Kyung;Choo, Hyon-Gon;Koh, Yeong Jun
    • Journal of Broadcast Engineering
    • /
    • v.27 no.7
    • /
    • pp.1011-1020
    • /
    • 2022
  • Recent high-performance panoptic segmentation models are based on transformer architectures. However, transformer-based panoptic segmentation methods are basically slower than convolution-based methods, since the attention mechanism in the transformer requires quadratic complexity w.r.t. image resolution. Also, sine and cosine computation for positional embedding in the transformer also yields a bottleneck for computation time. To address these problems, we adopt three modules to speed up the inference runtime of the transformer-based panoptic segmentation. First, we perform channel-level reduction using depth-wise separable convolution for inputs of the transformer decoder. Second, we replace sine and cosine-based positional encoding with convolution operations, called conv-embedding. We also apply a separable self-attention to the transformer encoder to lower quadratic complexity to linear one for numbers of image pixels. As result, the proposed model achieves 44% faster frame per second than baseline on ADE20K panoptic validation dataset, when we use all three modules.

Improving Accuracy of Instance Segmentation of Teeth

  • Jongjin Park
    • International Journal of Internet, Broadcasting and Communication
    • /
    • v.16 no.1
    • /
    • pp.280-286
    • /
    • 2024
  • In this paper, layered UNet with warmup and dropout tricks was used to segment teeth instantly by using data labeled for each individual tooth and increase performance of the result. The layered UNet proposed before showed very good performance in tooth segmentation without distinguishing tooth number. To do instance segmentation of teeth, we labeled teeth CBCT data according to tooth numbering system which is devised by FDI World Dental Federation notation. Colors for labeled teeth are like AI-Hub teeth dataset. Simulation results show that layered UNet does also segment very well for each tooth distinguishing tooth number by color. Layered UNet model using warmup trick was the best with IoU values of 0.80 and 0.77 for training, validation data. To increase the performance of instance segmentation of teeth, we need more labeled data later. The results of this paper can be used to develop medical software that requires tooth recognition, such as orthodontic treatment, wisdom tooth extraction, and implant surgery.

Video Object Segmentation with Weakly Temporal Information

  • Zhang, Yikun;Yao, Rui;Jiang, Qingnan;Zhang, Changbin;Wang, Shi
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • v.13 no.3
    • /
    • pp.1434-1449
    • /
    • 2019
  • Video object segmentation is a significant task in computer vision, but its performance is not very satisfactory. A method of video object segmentation using weakly temporal information is presented in this paper. Motivated by the phenomenon in reality that the motion of the object is a continuous and smooth process and the appearance of the object does not change much between adjacent frames in the video sequences, we use a feed-forward architecture with motion estimation to predict the mask of the current frame. We extend an additional mask channel for the previous frame segmentation result. The mask of the previous frame is treated as the input of the expanded channel after processing, and then we extract the temporal feature of the object and fuse it with other feature maps to generate the final mask. In addition, we introduce multi-mask guidance to improve the stability of the model. Moreover, we enhance segmentation performance by further training with the masks already obtained. Experiments show that our method achieves competitive results on DAVIS-2016 on single object segmentation compared to some state-of-the-art algorithms.

A Novel Road Segmentation Technique from Orthophotos Using Deep Convolutional Autoencoders

  • Sameen, Maher Ibrahim;Pradhan, Biswajeet
    • Korean Journal of Remote Sensing
    • /
    • v.33 no.4
    • /
    • pp.423-436
    • /
    • 2017
  • This paper presents a deep learning-based road segmentation framework from very high-resolution orthophotos. The proposed method uses Deep Convolutional Autoencoders for end-to-end mapping of orthophotos to road segmentations. In addition, a set of post-processing steps were applied to make the model outputs GIS-ready data that could be useful for various applications. The optimization of the model's parameters is explained which was conducted via grid search method. The model was trained and implemented in Keras, a high-level deep learning framework run on top of Tensorflow. The results show that the proposed model with the best-obtained hyperparameters could segment road objects from orthophotos at an average accuracy of 88.5%. The results of optimization revealed that the best optimization algorithm and activation function for the studied task are Stochastic Gradient Descent (SGD) and Exponential Linear Unit (ELU), respectively. In addition, the best numbers of convolutional filters were found to be 8 for the first and second layers and 128 for the third and fourth layers of the proposed network architecture. Moreover, the analysis on the time complexity of the model showed that the model could be trained in 4 hours and 50 minutes on 1024 high-resolution images of size $106{\times}106pixels$, and segment road objects from similar size and resolution images in around 14 minutes. The results show that the deep learning models such as Convolutional Autoencoders could be a best alternative to traditional machine learning models for road segmentation from aerial photographs.