• Title/Summary/Keyword: Improved deep learning

Search Result 548, Processing Time 0.037 seconds

Deep Learning-Based Occupancy Detection and Visualization for Architecture and Urban Data - Towards Augmented Reality and GIS Integration for Improved Safety and Emergency Response Modeling - (건물 내 재실자 감지 및 시각화를 위한 딥러닝 모델 - 증강현실 및 GIS 통합을 통한 안전 및 비상 대응 개선모델 프로토타이핑 -)

  • Shin, Dongyoun
    • Journal of KIBIM
    • /
    • v.13 no.2
    • /
    • pp.29-36
    • /
    • 2023
  • This study explores the potential of utilizing video-based data analysis and machine learning techniques to estimate the number of occupants within a building. The research methodology involves developing a sophisticated counting system capable of detecting and tracking individuals' entry and exit patterns. The proposed method demonstrates promising results in various scenarios; however, it also identifies the need for improvements in camera performance and external environmental conditions, such as lighting. The study emphasizes the significance of incorporating machine learning in architectural and urban planning applications, offering valuable insights for the field. In conclusion, the research calls for further investigation to address the limitations and enhance the system's accuracy, ultimately contributing to the development of a more robust and reliable solution for building occupancy estimation.

Atrous Residual U-Net for Semantic Segmentation in Street Scenes based on Deep Learning (딥러닝 기반 거리 영상의 Semantic Segmentation을 위한 Atrous Residual U-Net)

  • Shin, SeokYong;Lee, SangHun;Han, HyunHo
    • Journal of Convergence for Information Technology
    • /
    • v.11 no.10
    • /
    • pp.45-52
    • /
    • 2021
  • In this paper, we proposed an Atrous Residual U-Net (AR-UNet) to improve the segmentation accuracy of semantic segmentation method based on U-Net. The U-Net is mainly used in fields such as medical image analysis, autonomous vehicles, and remote sensing images. The conventional U-Net lacks extracted features due to the small number of convolution layers in the encoder part. The extracted features are essential for classifying object categories, and if they are insufficient, it causes a problem of lowering the segmentation accuracy. Therefore, to improve this problem, we proposed the AR-UNet using residual learning and ASPP in the encoder. Residual learning improves feature extraction ability and is effective in preventing feature loss and vanishing gradient problems caused by continuous convolutions. In addition, ASPP enables additional feature extraction without reducing the resolution of the feature map. Experiments verified the effectiveness of the AR-UNet with Cityscapes dataset. The experimental results showed that the AR-UNet showed improved segmentation results compared to the conventional U-Net. In this way, AR-UNet can contribute to the advancement of many applications where accuracy is important.

Prediction of Power Consumptions Based on Gated Recurrent Unit for Internet of Energy (에너지 인터넷을 위한 GRU기반 전력사용량 예측)

  • Lee, Dong-gu;Sun, Young-Ghyu;Sim, Is-sac;Hwang, Yu-Min;Kim, Sooh-wan;Kim, Jin-Young
    • Journal of IKEEE
    • /
    • v.23 no.1
    • /
    • pp.120-126
    • /
    • 2019
  • Recently, accurate prediction of power consumption based on machine learning techniques in Internet of Energy (IoE) has been actively studied using the large amount of electricity data acquired from advanced metering infrastructure (AMI). In this paper, we propose a deep learning model based on Gated Recurrent Unit (GRU) as an artificial intelligence (AI) network that can effectively perform pattern recognition of time series data such as the power consumption, and analyze performance of the prediction based on real household power usage data. In the performance analysis, performance comparison between the proposed GRU-based learning model and the conventional learning model of Long Short Term Memory (LSTM) is described. In the simulation results, mean squared error (MSE), mean absolute error (MAE), forecast skill score, normalized root mean square error (RMSE), and normalized mean bias error (NMBE) are used as performance evaluation indexes, and we confirm that the performance of the prediction of the proposed GRU-based learning model is greatly improved.

Improved Network Intrusion Detection Model through Hybrid Feature Selection and Data Balancing (Hybrid Feature Selection과 Data Balancing을 통한 효율적인 네트워크 침입 탐지 모델)

  • Min, Byeongjun;Ryu, Jihun;Shin, Dongkyoo;Shin, Dongil
    • KIPS Transactions on Software and Data Engineering
    • /
    • v.10 no.2
    • /
    • pp.65-72
    • /
    • 2021
  • Recently, attacks on the network environment have been rapidly escalating and intelligent. Thus, the signature-based network intrusion detection system is becoming clear about its limitations. To solve these problems, research on machine learning-based intrusion detection systems is being conducted in many ways, but two problems are encountered to use machine learning for intrusion detection. The first is to find important features associated with learning for real-time detection, and the second is the imbalance of data used in learning. This problem is fatal because the performance of machine learning algorithms is data-dependent. In this paper, we propose the HSF-DNN, a network intrusion detection model based on a deep neural network to solve the problems presented above. The proposed HFS-DNN was learned through the NSL-KDD data set and performs performance comparisons with existing classification models. Experiments have confirmed that the proposed Hybrid Feature Selection algorithm does not degrade performance, and in an experiment between learning models that solved the imbalance problem, the model proposed in this paper showed the best performance.

Artificial intelligence application UX/UI study for language learning of children with articulation disorder (조음장애 아동의 언어학습을 위한 인공지능 애플리케이션 UX/UI 연구)

  • Yang, Eun-mi;Park, Dea-woo
    • Proceedings of the Korean Institute of Information and Commucation Sciences Conference
    • /
    • 2022.05a
    • /
    • pp.174-176
    • /
    • 2022
  • In this paper, we present a mobile application for 'personalized customized learning' for children with articulation disorders using an artificial intelligence (AI) algorithm. A dataset (Data Set) to analyze, judge, and predict the learner's articulation situation and degree. In particular, we designed a prototype model by looking at how AI can be improved and advanced compared to existing applications from the UX/UI (GUI) aspect. So far, the focus has been on visual experience, but now it is an important time to process data and provide a UX/UI (GUI) experience to users. The UX/UI (GUI) of the proposed mobile application was to be provided according to the learner's articulation level and situation by using CRNN (Convolution Recurrent Neural Network) of DeepLearning and Auto Encoder GPT-3 (Generative Pretrained Transformer). The use of artificial intelligence algorithms will provide a learning environment with a high degree of perfection to children with articulation disorders, thereby enhancing the learning effect. I hope that you do not have any fear or discomfort in conversation by improving the perfection of articulation with 'personalized and customized learning'.

  • PDF

Comparative analysis of deep learning performance for Python and C# using Keras (Keras를 이용한 Python과 C#의 딥러닝 성능 비교 분석)

  • Lee, Sung-jin;Moon, Sang-Ho
    • Proceedings of the Korean Institute of Information and Commucation Sciences Conference
    • /
    • 2022.10a
    • /
    • pp.360-363
    • /
    • 2022
  • According to the 2018 Kaggle ML & DS Survey, among the proportions of frameworks for machine learning and data science, TensorFlow and Keras each account for 41.82%. It was found to be 34.09%, and in the case of development programming, it is confirmed that about 82% use Python. A significant number of machine learning and deep learning structures utilize the Keras framework and Python, but in the case of Python, distribution and execution are limited to the Python script environment due to the script language, so it is judged that it is difficult to operate in various environments. This paper implemented a machine learning and deep learning system using C# and Keras running in Visual Studio 2019. Using the Mnist dataset, 100 tests were performed in Python 3.8,2 and C# .NET 5.0 environments, and the minimum time for Python was 1.86 seconds, the maximum time was 2.38 seconds, and the average time was 1.98 seconds. Time 1.78 seconds, maximum time 2.11 seconds, average time 1.85 seconds, total time 37.02 seconds. As a result of the experiment, the performance of C# improved by about 6% compared to Python, and it is expected that the utilization will be high because executable files can be extracted.

  • PDF

A Study on the PM2.5 forcasting Method in Busan Using Deep Neural Network (DNN을 활용한 부산지역 초미세먼지 예보방안 )

  • Woo-Gon Do;Dong-Young Kim;Hee-Jin Song;Gab-Je Cho
    • Journal of Environmental Science International
    • /
    • v.32 no.8
    • /
    • pp.595-611
    • /
    • 2023
  • The purpose of this study is to improve the daily prediction results of PM2.5 from the air quality diagnosis and evaluation system operated by the Busan Institute of Health and Environment in real time. The air quality diagnosis and evaluation system is based on the photochemical numerical model, CMAQ (Community multiscale air quality modeling system), and includes a 3-day forecast at the end of the model's calculation. The photochemical numerical model basically has limitations because of the uncertainty of input data and simplification of physical and chemical processes. To overcome these limitations, this study applied DNN (Deep Neural Network), a deep learning technique, to the results of the numerical model. As a result of applying DNN, the r of the model was significantly improved. The r value for GFS (Global forecast system) and UM (Unified model) increased from 0.77 to 0.87 and 0.70 to 0.83, respectively. The RMSE (Root mean square error), which indicates the model's error rate, was also significantly improved (GFS: 5.01 to 6.52 ug/m3 , UM: 5.76 to 7.44 ug/m3 ). The prediction results for each concentration grade performed in the field also improved significantly (GFS: 74.4 to 80.1%, UM: 70.0 to 77.9%). In particular, it was confirmed that the improvement effect at the high concentration grade was excellent.

Object Tracking Method using Deep Learning and Kalman Filter (딥 러닝 및 칼만 필터를 이용한 객체 추적 방법)

  • Kim, Gicheol;Son, Sohee;Kim, Minseop;Jeon, Jinwoo;Lee, Injae;Cha, Jihun;Choi, Haechul
    • Journal of Broadcast Engineering
    • /
    • v.24 no.3
    • /
    • pp.495-505
    • /
    • 2019
  • Typical algorithms of deep learning include CNN(Convolutional Neural Networks), which are mainly used for image recognition, and RNN(Recurrent Neural Networks), which are used mainly for speech recognition and natural language processing. Among them, CNN is able to learn from filters that generate feature maps with algorithms that automatically learn features from data, making it mainstream with excellent performance in image recognition. Since then, various algorithms such as R-CNN and others have appeared in object detection to improve performance of CNN, and algorithms such as YOLO(You Only Look Once) and SSD(Single Shot Multi-box Detector) have been proposed recently. However, since these deep learning-based detection algorithms determine the success of the detection in the still images, stable object tracking and detection in the video requires separate tracking capabilities. Therefore, this paper proposes a method of combining Kalman filters into deep learning-based detection networks for improved object tracking and detection performance in the video. The detection network used YOLO v2, which is capable of real-time processing, and the proposed method resulted in 7.7% IoU performance improvement over the existing YOLO v2 network and 20 fps processing speed in FHD images.

Saliency Attention Method for Salient Object Detection Based on Deep Learning (딥러닝 기반의 돌출 객체 검출을 위한 Saliency Attention 방법)

  • Kim, Hoi-Jun;Lee, Sang-Hun;Han, Hyun Ho;Kim, Jin-Soo
    • Journal of the Korea Convergence Society
    • /
    • v.11 no.12
    • /
    • pp.39-47
    • /
    • 2020
  • In this paper, we proposed a deep learning-based detection method using Saliency Attention to detect salient objects in images. The salient object detection separates the object where the human eye is focused from the background, and determines the highly relevant part of the image. It is usefully used in various fields such as object tracking, detection, and recognition. Existing deep learning-based methods are mostly Autoencoder structures, and many feature losses occur in encoders that compress and extract features and decoders that decompress and extend the extracted features. These losses cause the salient object area to be lost or detect the background as an object. In the proposed method, Saliency Attention is proposed to reduce the feature loss and suppress the background region in the Autoencoder structure. The influence of the feature values was determined using the ELU activation function, and Attention was performed on the feature values in the normalized negative and positive regions, respectively. Through this Attention method, the background area was suppressed and the projected object area was emphasized. Experimental results showed improved detection results compared to existing deep learning methods.

Development of a Deep-Learning Model with Maritime Environment Simulation for Detection of Distress Ships from Drone Images (드론 영상 기반 조난 선박 탐지를 위한 해양 환경 시뮬레이션을 활용한 딥러닝 모델 개발)

  • Jeonghyo Oh;Juhee Lee;Euiik Jeon;Impyeong Lee
    • Korean Journal of Remote Sensing
    • /
    • v.39 no.6_1
    • /
    • pp.1451-1466
    • /
    • 2023
  • In the context of maritime emergencies, the utilization of drones has rapidly increased, with a particular focus on their application in search and rescue operations. Deep learning models utilizing drone images for the rapid detection of distressed vessels and other maritime drift objects are gaining attention. However, effective training of such models necessitates a substantial amount of diverse training data that considers various weather conditions and vessel states. The lack of such data can lead to a degradation in the performance of trained models. This study aims to enhance the performance of deep learning models for distress ship detection by developing a maritime environment simulator to augment the dataset. The simulator allows for the configuration of various weather conditions, vessel states such as sinking or capsizing, and specifications and characteristics of drones and sensors. Training the deep learning model with the dataset generated through simulation resulted in improved detection performance, including accuracy and recall, when compared to models trained solely on actual drone image datasets. In particular, the accuracy of distress ship detection in adverse weather conditions, such as rain or fog, increased by approximately 2-5%, with a significant reduction in the rate of undetected instances. These results demonstrate the practical and effective contribution of the developed simulator in simulating diverse scenarios for model training. Furthermore, the distress ship detection deep learning model based on this approach is expected to be efficiently applied in maritime search and rescue operations.