• 제목/요약/키워드: CNN Model

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

저전력 장치를 위한 자원 효율적 객체 검출기 (Resource-Efficient Object Detector for Low-Power Devices)

  • 악세이 쿠마 샤마;김경기
    • 반도체공학회 논문지
    • /
    • 제2권1호
    • /
    • pp.17-20
    • /
    • 2024
  • 본 논문은 전통적인 자원 집약적인 컴퓨터 비전 모델의 한계를 해결하기 위해 저전력 엣지 장치에 최적화된 새로운 경량 객체 검출 모델을 제안합니다. 제안된 검출기는 Single Shot Detector (SSD)에 기반하여 소형이면서도 견고한 네트워크를 설계하였고, 작은 객체를 효율적으로 감지하는 데 있어 효율성을 크게 향상시키도록 모델을 구성하였다. 이 모델은 주로 두 가지 구성요소로 구성되어 있습니다: Depthwise 와 Pointwise Convolution 레이어를 사용하여 효율적인 특징 추출을 위한 Light_Block, 그리고 작은 객체의 향상된 감지를 위한 Enhancer_Block 으로 나누었다. 우리의 모델은 300x480 의 이미지 크기를 가진 Udacity 주석이 달린 데이터셋에서 처음부터 훈련되었으며, 사전 훈련된 분류 가중치의 필요성을 제거하였다. 약 0.43M 의 파라미터로 5.5MB 만의 무게를 가진 우리의 검출기는 평균 정밀도 (mAP) 27.7%와 140 FPS 의 처리 속도를 달성하여, 정밀도와 효율성 모두에서 기존 모델을 능가하였다. 따라서, 본 논문은 추론의 정확성을 손상시키지 않으면서 엣지 장치를 위한 객체 검출에서의 효과적인 경량화를 보여주고 있다.

Stress Level Based Emotion Classification Using Hybrid Deep Learning Algorithm

  • Sivasankaran Pichandi;Gomathy Balasubramanian;Venkatesh Chakrapani
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제17권11호
    • /
    • pp.3099-3120
    • /
    • 2023
  • The present fast-moving era brings a serious stress issue that affects elders and youngsters. Everyone has undergone stress factors at least once in their lifetime. Stress is more among youngsters as they are new to the working environment. whereas the stress factors for elders affect the individual and overall performance in an organization. Electroencephalogram (EEG) based stress level classification is one of the widely used methodologies for stress detection. However, the signal processing methods evolved so far have limitations as most of the stress classification models compute the stress level in a predefined environment to detect individual stress factors. Specifically, machine learning based stress classification models requires additional algorithm for feature extraction which increases the computation cost. Also due to the limited feature learning characteristics of machine learning algorithms, the classification performance reduces and inaccurate sometimes. It is evident from numerous research works that deep learning models outperforms machine learning techniques. Thus, to classify all the emotions based on stress level in this research work a hybrid deep learning algorithm is presented. Compared to conventional deep learning models, hybrid models outperforms in feature handing. Better feature extraction and selection can be made through deep learning models. Adding machine learning classifiers in deep learning architecture will enhance the classification performances. Thus, a hybrid convolutional neural network model was presented which extracts the features using CNN and classifies them through machine learning support vector machine. Simulation analysis of benchmark datasets demonstrates the proposed model performances. Finally, existing methods are comparatively analyzed to demonstrate the better performance of the proposed model as a result of the proposed hybrid combination.

Novel Algorithms for Early Cancer Diagnosis Using Transfer Learning with MobileNetV2 in Thermal Images

  • Swapna Davies;Jaison Jacob
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제18권3호
    • /
    • pp.570-590
    • /
    • 2024
  • Breast cancer ranks among the most prevalent forms of malignancy and foremost cause of death by cancer worldwide. It is not preventable. Early and precise detection is the only remedy for lowering the rate of mortality and improving the probability of survival for victims. In contrast to present procedures, thermography aids in the early diagnosis of cancer and thereby saves lives. But the accuracy experiences detrimental impact by low sensitivity for small and deep tumours and the subjectivity by physicians in interpreting the images. Employing deep learning approaches for cancer detection can enhance the efficacy. This study explored the utilization of thermography in early identification of breast cancer with the use of a publicly released dataset known as the DMR-IR dataset. For this purpose, we employed a novel approach that entails the utilization of a pre-trained MobileNetV2 model and fine tuning it through transfer learning techniques. We created three models using MobileNetV2: one was a baseline transfer learning model with weights trained from ImageNet dataset, the second was a fine-tuned model with an adaptive learning rate, and the third utilized early stopping with callbacks during fine-tuning. The results showed that the proposed methods achieved average accuracy rates of 85.15%, 95.19%, and 98.69%, respectively, with various performance indicators such as precision, sensitivity and specificity also being investigated.

회랑 감시를 위한 딥러닝 알고리즘 학습 및 성능분석 (Deep Learning Algorithm Training and Performance Analysis for Corridor Monitoring)

  • 정우진;홍석민;최원혁
    • 한국항행학회논문지
    • /
    • 제27권6호
    • /
    • pp.776-781
    • /
    • 2023
  • K-UAM은 2035년까지의 성숙기 이후 상용화될 예정이다. UAM 회랑은 기존의 헬리콥터 회랑을 수직 분리하여 사용될 예정이기에 회량 사용량이 증가할 것으로 예상된다. 따라서 회랑을 모니터링하는 시스템도 필요하다. 최근 객체 검출 알고리즘이 크게 발전하였다. 객체 검출 알고리즘은 1단계 탐지와, 2단계 탐지 모델로 나뉜다. 실시간 객체 검출에 있어서 2단계 모델은 너무 느리기에 적합하지 않다. 기존 1단계 모델은 정확도에 문제가 있었지만, 버전 업그레이드를 통해 성능이 향상되었다. 1단계 모델 중 YOLO-V5는 모자이크 기법을 통한 소형 객체 검출 성능을 향상시킨 모델이다. 따라서 YOLO-V5는 넓은 회랑의 실시간 모니터링에 가장 적합하다고 판단된다. 본 논문에서는 YOLO-V5 알고리즘을 학습시켜 궁극적으로 회랑 모니터링 시스템에 대한 적합도를 분석한다.

딥러닝을 활용한 위성영상 기반의 강원도 지역의 배추와 무 수확량 예측 (Satellite-Based Cabbage and Radish Yield Prediction Using Deep Learning in Kangwon-do)

  • 박혜빈;이예진;박선영
    • 대한원격탐사학회지
    • /
    • 제39권5_3호
    • /
    • pp.1031-1042
    • /
    • 2023
  • 인공위성은 시공간적으로 연속적인 지구환경 데이터를 제공하므로 위성영상을 이용하여 효율인 작물 수확량 예측이 가능하며, 딥러닝(deep learning)을 활용함으로써 더 높은 수준의 특징과 추상적인 개념 파악을 기대할 수 있다. 본 연구에서는 Landsat 8 위성 영상을 활용하여 다시기 영상 데이터를 이용하여 5대 수급 관리 채소인 배추와 무의 수확량을 예측하기 위한 딥러닝 모델을 개발하였다. 2015년부터 2020년까지 배추와 무의 생장시기인 6~9월 위성영상을 이용하여 강원도를 대상으로 배추와 무의 수확량 예측을 수행하였다. 본 연구에서는 수확량 모델의 입력자료로 Landsat 8 지표면 반사도 자료와 normalized difference vegetation index, enhanced vegetation index, lead area index, land surface temperature를 입력자료로 사용하였다. 본 연구에서는 기존 연구에서 개발된 모델을 기반으로 우리나라 작물과 입력데이터에 맞게 튜닝한 모델을 제안하였다. 위성영상 시계열 데이터를 이용하여 딥러닝 모델인 convolutional neural network (CNN)을 학습하여 수확량 예측을 진행하였다. Landsat 8은 16일 주기로 영상이 제공되지만 구름 등 기상의 영향으로 인해 특히 여름철에는 영상 취득에 어려움이 많다. 따라서 본 연구에서는 6~7월을 1구간, 8~9월을 2구간으로 나누어 수확량 예측을 수행하였다. 기존 머신러닝 모델과 참조 모델을 이용하여 수확량 예측을 수행하였으며, 모델링 성능을 비교했다. 제안한 모델의 경우 다른 모델과 비교했을 때, 높은 수확량 예측 성능을 나타내었다. Random forest (RF)의 경우 배추에서는 제안한 모델보다 좋은 예측 성능을 나타내었다. 이는 기존 연구 결과처럼 RF가 입력데이터의 물리적인 특성을 잘 반영하여 모델링 되었기 때문인 것으로 사료된다. 연도별 교차 검증 및 조기 예측을 통해 모델의 성능과 조기 예측 가능성을 평가하였다. Leave-one-out cross validation을 통해 분석한 결과 참고 모델을 제외하고는 두 모델에서는 유사한 예측 성능을 보여주었다. 2018년 데이터의 경우 모든 모델에서 가장 낮은 성능이 나타났는데, 2018년의 경우 폭염으로 인해 이는 다른 년도 데이터에서 학습되지 못해 수확량 예측에 영향을 준 것으로 생각되었다. 또한, 조기 예측 가능성을 확인한 결과, 무 수확량은 어느 정도 경향성을 나타냈지만 배추의 경우 조기 예측 가능성을 확인하지 못했다. 향후 연구에서는 데이터 형태에 따라 CNN의 구조를 조정해서 조기 예측 모델을 개발한다면 더 개선된 성능을 보일 것으로 생각된다. 본 연구 결과는 우리나라 밭 작물 수확량 예측을 위한 기초 연구로 활용될 수 있을 것으로 기대된다.

딥 러닝 기술 이용한 얼굴 표정 인식에 따른 이모티콘 추출 연구 (A Study on the Emoticon Extraction based on Facial Expression Recognition using Deep Learning Technique)

  • 정봉재;장범
    • 한국인공지능학회지
    • /
    • 제5권2호
    • /
    • pp.43-53
    • /
    • 2017
  • In this paper, the pattern of extracting the same expression is proposed by using the Android intelligent device to identify the facial expression. The understanding and expression of expression are very important to human computer interaction, and the technology to identify human expressions is very popular. Instead of searching for the emoticons that users often use, you can identify facial expressions with acamera, which is a useful technique that can be used now. This thesis puts forward the technology of the third data is available on the website of the set, use the content to improve the infrastructure of the facial expression recognition accuracy, in order to improve the synthesis of neural network algorithm, making the facial expression recognition model, the user's facial expressions and similar e xpressions, reached 66%.It doesn't need to search for emoticons. If you use the camera to recognize the expression, itwill appear emoticons immediately. So this service is the emoticons used when people send messages to others, and it can feel a lot of convenience. In countless emoticons, there is no need to find emoticons, which is an increasing trend in deep learning. So we need to use more suitable algorithm for expression recognition, and then improve accuracy.

사람 재인식을 위한 개선된 PersonNet (Advanced PersonNet for Person Re-Identification)

  • 박성현;강석훈
    • 전기전자학회논문지
    • /
    • 제23권4호
    • /
    • pp.1166-1174
    • /
    • 2019
  • 이 논문에서는 사람 재식별 모델인 PersonNet의 성능을 개선하는 방법을 제안하고 실험한다. 특징점 추출을 위해 인셉션 레이어를 접목하여, 기존 32개의 특징점을 154개로 증가시켜 강화하였다. 또한, PersonNet에서 사용하는 CND 방식을 수정하여 비대칭성을 완화하였고, 보행자 이미지의 특징점을 3부분으로 나누어 가중치를 적용한 방법을 적용하여 특징을 더 뚜렷하게 파악하도록 하였다. 성능 평가를 위해 CUHK01, CUHK03 그리고 Market-1501 3가지의 데이터베이스를 사용하였고 실험 결과 27~31% 성능이 개선되었다.

딥러닝 기반의 다범주 감성분석 모델 개발 (Development of Deep Learning Models for Multi-class Sentiment Analysis)

  • 알렉스 샤이코니;서상현;권영식
    • 한국IT서비스학회지
    • /
    • 제16권4호
    • /
    • pp.149-160
    • /
    • 2017
  • Sentiment analysis is the process of determining whether a piece of document, text or conversation is positive, negative, neural or other emotion. Sentiment analysis has been applied for several real-world applications, such as chatbot. In the last five years, the practical use of the chatbot has been prevailing in many field of industry. In the chatbot applications, to recognize the user emotion, sentiment analysis must be performed in advance in order to understand the intent of speakers. The specific emotion is more than describing positive or negative sentences. In light of this context, we propose deep learning models for conducting multi-class sentiment analysis for identifying speaker's emotion which is categorized to be joy, fear, guilt, sad, shame, disgust, and anger. Thus, we develop convolutional neural network (CNN), long short term memory (LSTM), and multi-layer neural network models, as deep neural networks models, for detecting emotion in a sentence. In addition, word embedding process was also applied in our research. In our experiments, we have found that long short term memory (LSTM) model performs best compared to convolutional neural networks and multi-layer neural networks. Moreover, we also show the practical applicability of the deep learning models to the sentiment analysis for chatbot.

Classroom Roll-Call System Based on ResNet Networks

  • Zhu, Jinlong;Yu, Fanhua;Liu, Guangjie;Sun, Mingyu;Zhao, Dong;Geng, Qingtian;Su, Jinbo
    • Journal of Information Processing Systems
    • /
    • 제16권5호
    • /
    • pp.1145-1157
    • /
    • 2020
  • A convolution neural networks (CNNs) has demonstrated outstanding performance compared to other algorithms in the field of face recognition. Regarding the over-fitting problem of CNN, researchers have proposed a residual network to ease the training for recognition accuracy improvement. In this study, a novel face recognition model based on game theory for call-over in the classroom was proposed. In the proposed scheme, an image with multiple faces was used as input, and the residual network identified each face with a confidence score to form a list of student identities. Face tracking of the same identity or low confidence were determined to be the optimisation objective, with the game participants set formed from the student identity list. Game theory optimises the authentication strategy according to the confidence value and identity set to improve recognition accuracy. We observed that there exists an optimal mapping relation between face and identity to avoid multiple faces associated with one identity in the proposed scheme and that the proposed game-based scheme can reduce the error rate, as compared to the existing schemes with deeper neural network.

A Study on the Facial Expression Recognition using Deep Learning Technique

  • Jeong, Bong Jae;Kang, Min Soo;Jung, Yong Gyu
    • International Journal of Advanced Culture Technology
    • /
    • 제6권1호
    • /
    • pp.60-67
    • /
    • 2018
  • In this paper, the pattern of extracting the same expression is proposed by using the Android intelligent device to identify the facial expression. The understanding and expression of expression are very important to human computer interaction, and the technology to identify human expressions is very popular. Instead of searching for the symbols that users often use, you can identify facial expressions with a camera, which is a useful technique that can be used now. This thesis puts forward the technology of the third data is available on the website of the set, use the content to improve the infrastructure of the facial expression recognition accuracy, to improve the synthesis of neural network algorithm, making the facial expression recognition model, the user's facial expressions and similar expressions, reached 66%. It doesn't need to search for symbols. If you use the camera to recognize the expression, it will appear symbols immediately. So, this service is the symbols used when people send messages to others, and it can feel a lot of convenience. In countless symbols, there is no need to find symbols, which is an increasing trend in deep learning. So, we need to use more suitable algorithm for expression recognition, and then improve accuracy.