• 제목/요약/키워드: Fully convolutional Network

검색결과 118건 처리시간 0.028초

CCTV-Based Multi-Factor Authentication System

  • Kwon, Byoung-Wook;Sharma, Pradip Kumar;Park, Jong-Hyuk
    • Journal of Information Processing Systems
    • /
    • 제15권4호
    • /
    • pp.904-919
    • /
    • 2019
  • Many security systems rely solely on solutions based on Artificial Intelligence, which are weak in nature. These security solutions can be easily manipulated by malicious users who can gain unlawful access. Some security systems suggest using fingerprint-based solutions, but they can be easily deceived by copying fingerprints with clay. Image-based security is undoubtedly easy to manipulate, but it is also a solution that does not require any special training on the part of the user. In this paper, we propose a multi-factor security framework that operates in a three-step process to authenticate the user. The motivation of the research lies in utilizing commonly available and inexpensive devices such as onsite CCTV cameras and smartphone camera and providing fully secure user authentication. We have used technologies such as Argon2 for hashing image features and physically unclonable identification for secure device-server communication. We also discuss the methodological workflow of the proposed multi-factor authentication framework. In addition, we present the service scenario of the proposed model. Finally, we analyze qualitatively the proposed model and compare it with state-of-the-art methods to evaluate the usability of the model in real-world applications.

Condition assessment of stay cables through enhanced time series classification using a deep learning approach

  • Zhang, Zhiming;Yan, Jin;Li, Liangding;Pan, Hong;Dong, Chuanzhi
    • Smart Structures and Systems
    • /
    • 제29권1호
    • /
    • pp.105-116
    • /
    • 2022
  • Stay cables play an essential role in cable-stayed bridges. Severe vibrations and/or harsh environment may result in cable failures. Therefore, an efficient structural health monitoring (SHM) solution for cable damage detection is necessary. This study proposes a data-driven method for immediately detecting cable damage from measured cable forces by recognizing pattern transition from the intact condition when damage occurs. In the proposed method, pattern recognition for cable damage detection is realized by time series classification (TSC) using a deep learning (DL) model, namely, the long short term memory fully convolutional network (LSTM-FCN). First, a TSC classifier is trained and validated using the cable forces (or cable force ratios) collected from intact stay cables, setting the segmented data series as input and the cable (or cable pair) ID as class labels. Subsequently, the classifier is tested using the data collected under possible damaged conditions. Finally, the cable or cable pair corresponding to the least classification accuracy is recommended as the most probable damaged cable or cable pair. A case study using measured cable forces from an in-service cable-stayed bridge shows that the cable with damage can be correctly identified using the proposed DL-TSC method. Compared with existing cable damage detection methods in the literature, the DL-TSC method requires minor data preprocessing and feature engineering and thus enables fast and convenient early detection in real applications.

Transfer Learning-Based Feature Fusion Model for Classification of Maneuver Weapon Systems

  • Jinyong Hwang;You-Rak Choi;Tae-Jin Park;Ji-Hoon Bae
    • Journal of Information Processing Systems
    • /
    • 제19권5호
    • /
    • pp.673-687
    • /
    • 2023
  • Convolutional neural network-based deep learning technology is the most commonly used in image identification, but it requires large-scale data for training. Therefore, application in specific fields in which data acquisition is limited, such as in the military, may be challenging. In particular, the identification of ground weapon systems is a very important mission, and high identification accuracy is required. Accordingly, various studies have been conducted to achieve high performance using small-scale data. Among them, the ensemble method, which achieves excellent performance through the prediction average of the pre-trained models, is the most representative method; however, it requires considerable time and effort to find the optimal combination of ensemble models. In addition, there is a performance limitation in the prediction results obtained by using an ensemble method. Furthermore, it is difficult to obtain the ensemble effect using models with imbalanced classification accuracies. In this paper, we propose a transfer learning-based feature fusion technique for heterogeneous models that extracts and fuses features of pre-trained heterogeneous models and finally, fine-tunes hyperparameters of the fully connected layer to improve the classification accuracy. The experimental results of this study indicate that it is possible to overcome the limitations of the existing ensemble methods by improving the classification accuracy through feature fusion between heterogeneous models based on transfer learning.

Revolutionizing Brain Tumor Segmentation in MRI with Dynamic Fusion of Handcrafted Features and Global Pathway-based Deep Learning

  • Faizan Ullah;Muhammad Nadeem;Mohammad Abrar
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제18권1호
    • /
    • pp.105-125
    • /
    • 2024
  • Gliomas are the most common malignant brain tumor and cause the most deaths. Manual brain tumor segmentation is expensive, time-consuming, error-prone, and dependent on the radiologist's expertise and experience. Manual brain tumor segmentation outcomes by different radiologists for the same patient may differ. Thus, more robust, and dependable methods are needed. Medical imaging researchers produced numerous semi-automatic and fully automatic brain tumor segmentation algorithms using ML pipelines and accurate (handcrafted feature-based, etc.) or data-driven strategies. Current methods use CNN or handmade features such symmetry analysis, alignment-based features analysis, or textural qualities. CNN approaches provide unsupervised features, while manual features model domain knowledge. Cascaded algorithms may outperform feature-based or data-driven like CNN methods. A revolutionary cascaded strategy is presented that intelligently supplies CNN with past information from handmade feature-based ML algorithms. Each patient receives manual ground truth and four MRI modalities (T1, T1c, T2, and FLAIR). Handcrafted characteristics and deep learning are used to segment brain tumors in a Global Convolutional Neural Network (GCNN). The proposed GCNN architecture with two parallel CNNs, CSPathways CNN (CSPCNN) and MRI Pathways CNN (MRIPCNN), segmented BraTS brain tumors with high accuracy. The proposed model achieved a Dice score of 87% higher than the state of the art. This research could improve brain tumor segmentation, helping clinicians diagnose and treat patients.

주목 메커니즘 기반의 심층신경망을 이용한 음성 감정인식 (Speech emotion recognition using attention mechanism-based deep neural networks)

  • 고상선;조혜승;김형국
    • 한국음향학회지
    • /
    • 제36권6호
    • /
    • pp.407-412
    • /
    • 2017
  • 본 논문에서는 주목 메커니즘 기반의 심층 신경망을 사용한 음성 감정인식 방법을 제안한다. 제안하는 방식은 CNN(Convolution Neural Networks), GRU(Gated Recurrent Unit), DNN(Deep Neural Networks)의 결합으로 이루어진 심층 신경망 구조와 주목 메커니즘으로 구성된다. 음성의 스펙트로그램에는 감정에 따른 특징적인 패턴이 포함되어 있으므로 제안하는 방식에서는 일반적인 CNN에서 컨벌루션 필터를 tuned Gabor 필터로 사용하는 GCNN(Gabor CNN)을 사용하여 패턴을 효과적으로 모델링한다. 또한 CNN과 FC(Fully-Connected)레이어 기반의 주목 메커니즘을 적용하여 추출된 특징의 맥락 정보를 고려한 주목 가중치를 구해 감정인식에 사용한다. 본 논문에서 제안하는 방식의 검증을 위해 6가지 감정에 대해 인식 실험을 진행하였다. 실험 결과, 제안한 방식이 음성 감정인식에서 기존의 방식보다 더 높은 성능을 보였다.

픽셀 단위 컨볼루션 네트워크를 이용한 복부 컴퓨터 단층촬영 영상 기반 골전이암 병변 검출 알고리즘 개발 (Development of Bone Metastasis Detection Algorithm on Abdominal Computed Tomography Image using Pixel Wise Fully Convolutional Network)

  • 김주영;이시영;김규리;조경원;유승민;소순원;박은경;조백환;최동일;박훈기;김인영
    • 대한의용생체공학회:의공학회지
    • /
    • 제38권6호
    • /
    • pp.321-329
    • /
    • 2017
  • This paper presents a bone metastasis Detection algorithm on abdominal computed tomography images for early detection using fully convolutional neural networks. The images were taken from patients with various cancers (such as lung cancer, breast cancer, colorectal cancer, etc), and thus the locations of those lesions were varied. To overcome the lack of data, we augmented the data by adjusting the brightness of the images or flipping the images. Before the augmentation, when 70% of the whole data were used in the pre-test, we could obtain the pixel-wise sensitivity of 18.75%, the specificity of 99.97% on the average of test dataset. With the augmentation, we could obtain the sensitivity of 30.65%, the specificity of 99.96%. The increase in sensitivity shows that the augmentation was effective. In the result obtained by using the whole data, the sensitivity of 38.62%, the specificity of 99.94% and the accuracy of 99.81% in the pixel-wise. lesion-wise sensitivity is 88.89% while the false alarm per case is 0.5. The results of this study did not reach the level that could substitute for the clinician. However, it may be helpful for radiologists when it can be used as a screening tool.

전이학습 기반 CNN을 통한 풀림 방지 코팅 볼트 이진 분류에 관한 연구 (Binary classification of bolts with anti-loosening coating using transfer learning-based CNN)

  • 노은솔;이사랑;홍석무
    • 한국산학기술학회논문지
    • /
    • 제22권2호
    • /
    • pp.651-658
    • /
    • 2021
  • 풀림 방지 코팅 볼트는 주로 자동차 안전 관련 부품을 결합하는 데 사용되므로 안전성 유지를 위해 코팅 결함을 사전에 감지해야 한다. 이를 위해 이전 연구 [CNN 및 모델 시각화 기법을 사용한 코팅 볼트 불량 판별]에서는 합성곱 신경망을 사용했다. 이때 합성곱 신경망은 데이터 수가 많을수록 이미지 패턴 및 특성 분석 정확도가 증가하지만 그에 따라 학습시간이 증가한다. 또한 확보 가능한 코팅 볼트 샘플이 한정적이다. 본 연구에서는 이전 연구에 전이학습을 추가적으로 적용해 데이터 개수가 적은 경우에도 코팅 결함에 대해 정확한 분류를 하고자 한다. 전이학습을 적용할 때 학습 데이터 수와 사전 학습 데이터 ImageNet 간의 유사성을 고려해 분류층만 학습했다. 데이터 학습에는 전역 평균 풀링, 선형 서포트 벡터 머신 및 완전 연결 계층과 같은 분류층을 적용했으며, 고려한 모델 중 완전 연결 계층 방법의 분류층이 가장 높은 95% 정확도를 가진다. 추가적으로 마지막 합성곱층과 분류층을 미세 조정하면 정확도는 97%까지 향상된다. 전이학습 및 미세 조정을 이용하면 선별 정확도를 향상시킴은 물론 이전보다 학습 소요시간을 절반으로 줄일 수 있음을 보였다.

자동 팔 영역 분할과 배경 이미지 합성 (Automatic Arm Region Segmentation and Background Image Composition)

  • 김동현;박세훈;서영건
    • 디지털콘텐츠학회 논문지
    • /
    • 제18권8호
    • /
    • pp.1509-1516
    • /
    • 2017
  • 일인칭 관점의 훈련 시스템에서, 사용자는 실제적인 경험을 필요로 하는데, 이런 실제적인 경험을 제공하기 위하여 가상의 이미지 또는 실제의 이미지를 동시에 제공해야 한다. 이를 위해 본 논문에서는 자동적으로 사람의 팔을 분할하는 것과 이미지 합성 방법을 제안한다. 제안 방법은 팔 분할 부분과 이미지 합성 부분으로 구성된다. 팔 분할은 임의의 이미지들을 입력으로 받아서 팔을 분할하고 알파 매트(alpha matte)를 출력한다. 이는 종단 간 학습이 가능한데 이 부분에서 우리는 FCN(Fully Convolutional Network)을 활용했기 때문이다. 이미지 합성부분은 팔 분할의 결과와 길과 건물 같은 다른 이미지와의 이미지 조합을 만들어 낸다. 팔 분할 부분에서 네트워크를 훈련시키기 위하여, 훈련 데이터는 전체 비디오 중에서 팔의 이미지를 잘라내어 사용하였다.

Hate Speech Detection Using Modified Principal Component Analysis and Enhanced Convolution Neural Network on Twitter Dataset

  • Majed, Alowaidi
    • International Journal of Computer Science & Network Security
    • /
    • 제23권1호
    • /
    • pp.112-119
    • /
    • 2023
  • Traditionally used for networking computers and communications, the Internet has been evolving from the beginning. Internet is the backbone for many things on the web including social media. The concept of social networking which started in the early 1990s has also been growing with the internet. Social Networking Sites (SNSs) sprung and stayed back to an important element of internet usage mainly due to the services or provisions they allow on the web. Twitter and Facebook have become the primary means by which most individuals keep in touch with others and carry on substantive conversations. These sites allow the posting of photos, videos and support audio and video storage on the sites which can be shared amongst users. Although an attractive option, these provisions have also culminated in issues for these sites like posting offensive material. Though not always, users of SNSs have their share in promoting hate by their words or speeches which is difficult to be curtailed after being uploaded in the media. Hence, this article outlines a process for extracting user reviews from the Twitter corpus in order to identify instances of hate speech. Through the use of MPCA (Modified Principal Component Analysis) and ECNN, we are able to identify instances of hate speech in the text (Enhanced Convolutional Neural Network). With the use of NLP, a fully autonomous system for assessing syntax and meaning can be established (NLP). There is a strong emphasis on pre-processing, feature extraction, and classification. Cleansing the text by removing extra spaces, punctuation, and stop words is what normalization is all about. In the process of extracting features, these features that have already been processed are used. During the feature extraction process, the MPCA algorithm is used. It takes a set of related features and pulls out the ones that tell us the most about the dataset we give itThe proposed categorization method is then put forth as a means of detecting instances of hate speech or abusive language. It is argued that ECNN is superior to other methods for identifying hateful content online. It can take in massive amounts of data and quickly return accurate results, especially for larger datasets. As a result, the proposed MPCA+ECNN algorithm improves not only the F-measure values, but also the accuracy, precision, and recall.

실내 무선 통신로에서 파일럿 심볼을 삽입한 Concatenated FEC 부호에 의한 WATM의 성능 개선 (A Fault Tolerant ATM Switch using a Fully Adaptive Self-routing Algorithm - The Cyclic Banyan Network)

  • 박기식;강영흥;김종원;정해원;양해권;조성준
    • 한국통신학회논문지
    • /
    • 제24권9A호
    • /
    • pp.1276-1284
    • /
    • 1999
  • 본 논문에서는 실내 무선 통신로를 레일리 (Rayleigh) 페이딩 통신로와 라이시안 (Rician) 페이딩 통신로로 모델링한 다음, 페이딩 보상용 파일럿 심볼을 삽입한 Concatenated FEC 부호를 WATM에 적용하여 셀 비트 오율 (BER) 및 셀 손실 (CLP) 성능을 시뮬레이션을 통해 평가하였다. 또한 이를 통해 얻은 성능 평가 결과를 동일한 조건에서 컨벌루션 부호에 적용하여 얻은 성능 평가 결과와 비교하였다. 레일리 페이딩 통신로에서 음성 서비스의 최대 허용 BER ($\textrm{10}^{-3}$)을 기준으로 결과를 분석해 보면, 파일럿 심볼을 Concatenated FEC 부호에 삽입하는 경우가 컨벌루션 부호에 삽입하는 경우 보다 $E_b/N_o$면에서 약 4 dB의 성능 개선이 얻어짐을 알 수 있었다. 그리고 라이시안 페이딩 통신로에서 직접파 대 반사파 전력비를 나타내는 K 파라미터의 값이 6과 10인 경우, 음성 서비스의 최대 허용 BER을 기준으로 결과를 분석해 보면, 파일럿 심볼을 Concatenated FEC 부호에 삽입하는 경우가 $E_b/N_o$면에서 각각 4 dB와 2 dB의 성능 개선이 얻어짐을 알 수 있었다. 또한 K=6과 K=10인 라이시안 페이딩 통신로에서 CLP =$\textrm{10}^{-3}$을 기준으로 결과를 분석해 보면, 파일럿 심볼을 Concatenated FEC 부호에 삽입하는 경우가 $E_b/N_o$면에서 각각 3.5 dB와 1.5 dB의 성능 개선이 얻어짐을 알 수 있었다.

  • PDF