• 제목/요약/키워드: Label Clustering

검색결과 34건 처리시간 0.024초

퍼지 매핑을 이용한 퍼지 패턴 분류기의 Feature Selection (Feature Selection of Fuzzy Pattern Classifier by using Fuzzy Mapping)

  • 노석범;김용수;안태천
    • 한국지능시스템학회논문지
    • /
    • 제24권6호
    • /
    • pp.646-650
    • /
    • 2014
  • 본 논문에서는 다차원 문제로 인하여 발생하는 패턴 분류 성능의 저하를 방지 하여 퍼지 패턴 분류기의 성능을 개선하기 위하여 다수의 Feature들 중에서 패턴 분류 성능 향상에 기여하는 Feature를 선택하기 위한 새로운 Feature Selection 방법을 제안 한다. 새로운 Feature Selection 방법은 각각의 Feature 들을 퍼지 클러스터링 기법을 이용하여 클러스터링 한 후 각 클러스터가 임의의 class에 속하는 정도를 계산하고 얻어진 값을 이용하여 해당 feature 가 fuzzy pattern classifier에 적용될 경우 패턴 분류 성능 개선 가능성을 평가한다. 평가된 성능 개선 가능성을 기반으로 이미 정해진 개수만큼의 Feature를 선택하는 Feature Selection을 수행한다. 본 논문에서는 제안된 방법의 성능을 평가, 비교하기 위하여 다수의 머신 러닝 데이터 집합에 적용한다.

악성코드 분석의 Ground-Truth 향상을 위한 Unified Labeling과 Fine-Grained 검증 (Unified Labeling and Fine-Grained Verification for Improving Ground-Truth of Malware Analysis)

  • 오상진;박래현;권태경
    • 정보보호학회논문지
    • /
    • 제29권3호
    • /
    • pp.549-555
    • /
    • 2019
  • 최근 AV 벤더들의 악성코드 동향 보고서에 따르면 신종, 변종 악성코드의 출현 개수가 기하급수적으로 증가하고 있다. 이에 따라 분석 속도가 떨어지는 수동적 분석방법을 대체하고자 기계학습을 적용하는 악성코드 분석 연구가 활발히 연구되고 있다. 하지만 지도학습기반의 기계학습을 이용할 때 많은 연구에서 AV 벤더가 제공하는 신뢰성이 낮은 악성코드 패밀리명을 레이블로 사용하고 있다. 이와 같이 악성코드 레이블의 낮은 신뢰성 문제를 해결하기 위해 본 논문에서는 새로운 레이블링 기법인 "Unified Labeling"을 소개하고 나아가 Fine-grained 방식의 특징 분석을 통해 악성 행위 유사성을 검증한다. 본 연구의 검증을 위해 다양한 기반의 클러스터링 알고리즘을 이용하여 기존의 레이블링 기법과 비교하였다.

Prediction of ship power based on variation in deep feed-forward neural network

  • Lee, June-Beom;Roh, Myung-Il;Kim, Ki-Su
    • International Journal of Naval Architecture and Ocean Engineering
    • /
    • 제13권1호
    • /
    • pp.641-649
    • /
    • 2021
  • Fuel oil consumption (FOC) must be minimized to determine the economic route of a ship; hence, the ship power must be predicted prior to route planning. For this purpose, a numerical method using test results of a model has been widely used. However, predicting ship power using this method is challenging owing to the uncertainty of the model test. An onboard test should be conducted to solve this problem; however, it requires considerable resources and time. Therefore, in this study, a deep feed-forward neural network (DFN) is used to predict ship power using deep learning methods that involve data pattern recognition. To use data in the DFN, the input data and a label (output of prediction) should be configured. In this study, the input data are configured using ocean environmental data (wave height, wave period, wave direction, wind speed, wind direction, and sea surface temperature) and the ship's operational data (draft, speed, and heading). The ship power is selected as the label. In addition, various treatments have been used to improve the prediction accuracy. First, ocean environmental data related to wind and waves are preprocessed using values relative to the ship's velocity. Second, the structure of the DFN is changed based on the characteristics of the input data. Third, the prediction accuracy is analyzed using a combination comprising five hyperparameters (number of hidden layers, number of hidden nodes, learning rate, dropout, and gradient optimizer). Finally, k-means clustering is performed to analyze the effect of the sea state and ship operational status by categorizing it into several models. The performances of various prediction models are compared and analyzed using the DFN in this study.

Dual graph-regularized Constrained Nonnegative Matrix Factorization for Image Clustering

  • Sun, Jing;Cai, Xibiao;Sun, Fuming;Hong, Richang
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제11권5호
    • /
    • pp.2607-2627
    • /
    • 2017
  • Nonnegative matrix factorization (NMF) has received considerable attention due to its effectiveness of reducing high dimensional data and importance of producing a parts-based image representation. Most of existing NMF variants attempt to address the assertion that the observed data distribute on a nonlinear low-dimensional manifold. However, recent research results showed that not only the observed data but also the features lie on the low-dimensional manifolds. In addition, a few hard priori label information is available and thus helps to uncover the intrinsic geometrical and discriminative structures of the data space. Motivated by the two aspects above mentioned, we propose a novel algorithm to enhance the effectiveness of image representation, called Dual graph-regularized Constrained Nonnegative Matrix Factorization (DCNMF). The underlying philosophy of the proposed method is that it not only considers the geometric structures of the data manifold and the feature manifold simultaneously, but also mines valuable information from a few known labeled examples. These schemes will improve the performance of image representation and thus enhance the effectiveness of image classification. Extensive experiments on common benchmarks demonstrated that DCNMF has its superiority in image classification compared with state-of-the-art methods.

머신 러닝을 사용한 이미지 클러스터링: K-means 방법을 사용한 InceptionV3 연구 (Image Clustering Using Machine Learning : Study of InceptionV3 with K-means Methods.)

  • 닌담 솜사우트;이효종
    • 한국정보처리학회:학술대회논문집
    • /
    • 한국정보처리학회 2021년도 추계학술발표대회
    • /
    • pp.681-684
    • /
    • 2021
  • In this paper, we study image clustering without labeling using machine learning techniques. We proposed an unsupervised machine learning technique to design an image clustering model that automatically categorizes images into groups. Our experiment focused on inception convolutional neural networks (inception V3) with k-mean methods to cluster images. For this, we collect the public datasets containing Food-K5, Flowers, Handwritten Digit, Cats-dogs, and our dataset Rice Germination, and the owner dataset Palm print. Our experiment can expand into three-part; First, format all the images to un-label and move to whole datasets. Second, load dataset into the inception V3 extraction image features and transferred to the k-mean cluster group hold on six classes. Lastly, evaluate modeling accuracy using the confusion matrix base on precision, recall, F1 to analyze. In this our methods, we can get the results as 1) Handwritten Digit (precision = 1.000, recall = 1.000, F1 = 1.00), 2) Food-K5 (precision = 0.975, recall = 0.945, F1 = 0.96), 3) Palm print (precision = 1.000, recall = 0.999, F1 = 1.00), 4) Cats-dogs (precision = 0.997, recall = 0.475, F1 = 0.64), 5) Flowers (precision = 0.610, recall = 0.982, F1 = 0.75), and our dataset 6) Rice Germination (precision = 0.997, recall = 0.943, F1 = 0.97). Our experiment showed that modeling could get an accuracy rate of 0.8908; the outcomes state that the proposed model is strongest enough to differentiate the different images and classify them into clusters.

FCM을 이용한 지식기반 데이터베이스 검색 시스템의 구축 (Building of Database Retrieval System Based on Knowledge using FCM)

  • 박계각;서기열;천대일;양원재
    • 한국지능시스템학회논문지
    • /
    • 제11권1호
    • /
    • pp.88-93
    • /
    • 2001
  • 기존의 데이터베이스 검색시스템은 사용자의 검색 조건에 정확히 일치하는 데이터가 데이터베이스 내에 존재할 경우에만 사용자에게 해당 데이터를 제공할 수 있고, 사용자의 검색조건을 정확히 만족하는 데이터가 없을 경우에는 적절한 데이터를 제공할 수 없는 문제점이 있다. 이러한 문제를 해결하기 위하여 본 논문에서는 FCM의 클러스터증가 및 재초기화 알고리즘을 제안하였고, FCM을 이용하여 데이터베이스 내의 데이터로부터 구축된 지식기반 데이터베이스(KDB)와 구축된 이미지 데이터베이스와 연동을 통하여 사용자의 요구에 가장 근접한 데이터를 제시해 주는 검색시스템을 제안하였다. 본 연구에서 제안된 수법을 우체국의 우편주문안내책자를 이용한 선물고르기 DB 검색 시스템에 적용하여 그 유효성을 확인하였다.

  • PDF

Intelligent Intrusion Detection and Prevention System using Smart Multi-instance Multi-label Learning Protocol for Tactical Mobile Adhoc Networks

  • Roopa, M.;Raja, S. Selvakumar
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제12권6호
    • /
    • pp.2895-2921
    • /
    • 2018
  • Security has become one of the major concerns in mobile adhoc networks (MANETs). Data and voice communication amongst roaming battlefield entities (such as platoon of soldiers, inter-battlefield tanks and military aircrafts) served by MANETs throw several challenges. It requires complex securing strategy to address threats such as unauthorized network access, man in the middle attacks, denial of service etc., to provide highly reliable communication amongst the nodes. Intrusion Detection and Prevention System (IDPS) undoubtedly is a crucial ingredient to address these threats. IDPS in MANET is managed by Command Control Communication and Intelligence (C3I) system. It consists of networked computers in the tactical battle area that facilitates comprehensive situation awareness by the commanders for timely and optimum decision-making. Key issue in such IDPS mechanism is lack of Smart Learning Engine. We propose a novel behavioral based "Smart Multi-Instance Multi-Label Intrusion Detection and Prevention System (MIML-IDPS)" that follows a distributed and centralized architecture to support a Robust C3I System. This protocol is deployed in a virtually clustered non-uniform network topology with dynamic election of several virtual head nodes acting as a client Intrusion Detection agent connected to a centralized server IDPS located at Command and Control Center. Distributed virtual client nodes serve as the intelligent decision processing unit and centralized IDPS server act as a Smart MIML decision making unit. Simulation and experimental analysis shows the proposed protocol exhibits computational intelligence with counter attacks, efficient memory utilization, classification accuracy and decision convergence in securing C3I System in a Tactical Battlefield environment.

FCM을 이용한 지능형 해양사고 DB 검색시스템 구축 (Intelligent DB Retrieval System for Marine Accidents Using FCM)

  • 박계각;한욱;김영기;오세웅
    • 한국지능시스템학회논문지
    • /
    • 제19권4호
    • /
    • pp.568-573
    • /
    • 2009
  • 해양사고로 인한 경제적, 환경적 피해가 커짐에 따라, 해양사고 방지를 위한 이슈가 크게 대두되고 있다. 발생된 해양사고 사례의 종류와 원인을 분석하여 구축된 DB가 해양사고 방지를 위한 연구에 널리 활용 되고 있으나, 하나의 종류 및 원인에 대해서만 DB가 구축되어 있어 일반적으로 복수의 원인에 의해 발생되고 복수의 종류에 해당하는 해양사고를 합리적으로 분류하지 못하고 다양하고 막연한 조건을 이용해 검색할 수 없다는 문제점이 있다. 따라서 본 연구에서는 FCM을 이용하여 복수의 해양사고 원인과 종류에 연계된 해양사고 DB를 구축하고 언어 레이블을 이용하여 다양한 원인과 종류에 의해 해양사고 사례추출이 가능한 검색 시스템을 제시하였다.

Visual Model of Pattern Design Based on Deep Convolutional Neural Network

  • Jingjing Ye;Jun Wang
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제18권2호
    • /
    • pp.311-326
    • /
    • 2024
  • The rapid development of neural network technology promotes the neural network model driven by big data to overcome the texture effect of complex objects. Due to the limitations in complex scenes, it is necessary to establish custom template matching and apply it to the research of many fields of computational vision technology. The dependence on high-quality small label sample database data is not very strong, and the machine learning system of deep feature connection to complete the task of texture effect inference and speculation is relatively poor. The style transfer algorithm based on neural network collects and preserves the data of patterns, extracts and modernizes their features. Through the algorithm model, it is easier to present the texture color of patterns and display them digitally. In this paper, according to the texture effect reasoning of custom template matching, the 3D visualization of the target is transformed into a 3D model. The high similarity between the scene to be inferred and the user-defined template is calculated by the user-defined template of the multi-dimensional external feature label. The convolutional neural network is adopted to optimize the external area of the object to improve the sampling quality and computational performance of the sample pyramid structure. The results indicate that the proposed algorithm can accurately capture the significant target, achieve more ablation noise, and improve the visualization results. The proposed deep convolutional neural network optimization algorithm has good rapidity, data accuracy and robustness. The proposed algorithm can adapt to the calculation of more task scenes, display the redundant vision-related information of image conversion, enhance the powerful computing power, and further improve the computational efficiency and accuracy of convolutional networks, which has a high research significance for the study of image information conversion.

CNN 기반의 준지도학습을 활용한 GPR 이미지 분류 (A Study on GPR Image Classification by Semi-supervised Learning with CNN)

  • 김혜미;배혜림
    • 한국빅데이터학회지
    • /
    • 제6권1호
    • /
    • pp.197-206
    • /
    • 2021
  • GPR(Ground Penetrating Radar)에서 수집된 데이터는 지하 탐사를 위해 사용된다. 이 때, 지반 아래의 시설물들이 GPR을 반사하는 경우가 종종 발생하여 수집된 데이터는 전문가에 경험에 의존하여 해석된다. 또한, GPR 데이터는 수집 장비, 환경 등에 따라 데이터의 노이즈, 특성 등이 다르게 나타난다. 이로 인해 정확한 레이블을 가지는 데이터가 충분히 확보되지 못하는 경우가 많다. 일반적으로 이미지 분류 문제에서 높은 성능을 보이는 인공신경망 모델을 적용하기 위해서는 많은 양의 학습 데이터가 확보되어야 한다. 그러나 GPR 데이터의 특성 상 데이터에 정확한 레이블을 붙이는 것은 많은 비용을 필요로 하여 충분한 데이터를 확보하기가 어렵다. 이는 결국 일반적으로 활용되는 지도학습 방법을 기반으로 인공신경망을 적절히 학습시킬 수 없게 한다. 본 논문에서는 각 레이블의 정확도가 유사한 수준을 갖도록 하는 것을 목표로 데이터 특성을 바탕으로 하는 이미지 분류 방법을 제안한다. 제안 방법은 준지도학습을 기반으로 하고 있으며, 인공신경망으로부터 이미지의 특징값을 추출한 후 클러스터링 기법을 활용하여 이미지를 분류한다. 이 방법은 라벨링 된 데이터가 충분하지 않은 경우 라벨링할 때 뿐 만 아니라 데이터에 달린 레이블의 신뢰도가 높지 않은 경우에도 활용할 수 있다.