• Title/Summary/Keyword: Neural Network Modeling

Search Result 739, Processing Time 0.026 seconds

A Real-time People Counting Algorithm Using Background Modeling and CNN (배경모델링과 CNN을 이용한 실시간 피플 카운팅 알고리즘)

  • Yang, HunJun;Jang, Hyeok;Jeong, JaeHyup;Lee, Bowon;Jeong, DongSeok
    • Journal of the Institute of Electronics and Information Engineers
    • /
    • v.54 no.3
    • /
    • pp.70-77
    • /
    • 2017
  • Recently, Internet of Things (IoT) and deep learning techniques have affected video surveillance systems in various ways. The surveillance features that perform detection, tracking, and classification of specific objects in Closed Circuit Television (CCTV) video are becoming more intelligent. This paper presents real-time algorithm that can run in a PC environment using only a low power CPU. Traditional tracking algorithms combine background modeling using the Gaussian Mixture Model (GMM), Hungarian algorithm, and a Kalman filter; they have relatively low complexity but high detection errors. To supplement this, deep learning technology was used, which can be trained from a large amounts of data. In particular, an SRGB(Sequential RGB)-3 Layer CNN was used on tracked objects to emphasize the features of moving people. Performance evaluation comparing the proposed algorithm with existing ones using HOG and SVM showed move-in and move-out error rate reductions by 7.6 % and 9.0 %, respectively.

Comparative Analysis by Batch Size when Diagnosing Pneumonia on Chest X-Ray Image using Xception Modeling (Xception 모델링을 이용한 흉부 X선 영상 폐렴(pneumonia) 진단 시 배치 사이즈별 비교 분석)

  • Kim, Ji-Yul;Ye, Soo-Young
    • Journal of the Korean Society of Radiology
    • /
    • v.15 no.4
    • /
    • pp.547-554
    • /
    • 2021
  • In order to quickly and accurately diagnose pneumonia on a chest X-ray image, different batch sizes of 4, 8, 16, and 32 were applied to the same Xception deep learning model, and modeling was performed 3 times, respectively. As a result of the performance evaluation of deep learning modeling, in the case of modeling to which batch size 32 was applied, the results of accuracy, loss function value, mean square error, and learning time per epoch showed the best results. And in the accuracy evaluation of the Test Metric, the modeling applied with batch size 8 showed the best results, and the precision evaluation showed excellent results in all batch sizes. In the recall evaluation, modeling applied with batch size 16 showed the best results, and for F1-score, modeling applied with batch size 16 showed the best results. And the AUC score evaluation was the same for all batch sizes. Based on these results, deep learning modeling with batch size 32 showed high accuracy, stable artificial neural network learning, and excellent speed. It is thought that accurate and rapid lesion detection will be possible if a batch size of 32 is applied in an automatic diagnosis study for feature extraction and classification of pneumonia in chest X-ray images using deep learning in the future.

A machine learning-based model for the estimation of the critical thermo-electrical responses of the sandwich structure with magneto-electro-elastic face sheet

  • Zhou, Xiao;Wang, Pinyi;Al-Dhaifallah, Mujahed;Rawa, Muhyaddin;Khadimallah, Mohamed Amine
    • Advances in nano research
    • /
    • v.12 no.1
    • /
    • pp.81-99
    • /
    • 2022
  • The aim of current work is to evaluate thermo-electrical characteristics of graphene nanoplatelets Reinforced Composite (GNPRC) coupled with magneto-electro-elastic (MEE) face sheet. In this regard, a cylindrical smart nanocomposite made of GNPRC with an external MEE layer is considered. The bonding between the layers are assumed to be perfect. Because of the layer nature of the structure, the material characteristics of the whole structure is regarded as graded. Both mechanical and thermal boundary conditions are applied to this structure. The main objective of this work is to determine critical temperature and critical voltage as a function of thermal condition, support type, GNP weight fraction, and MEE thickness. The governing equation of the multilayer nanocomposites cylindrical shell is derived. The generalized differential quadrature method (GDQM) is employed to numerically solve the differential equations. This method is integrated with Deep Learning Network (DNN) with ADADELTA optimizer to determine the critical conditions of the current sandwich structure. This the first time that effects of several conditions including surrounding temperature, MEE layer thickness, and pattern of the layers of the GNPRC is investigated on two main parameters critical temperature and critical voltage of the nanostructure. Furthermore, Maxwell equation is derived for modeling of the MEE. The outcome reveals that MEE layer, temperature change, GNP weight function, and GNP distribution patterns GNP weight function have significant influence on the critical temperature and voltage of cylindrical shell made from GNP nanocomposites core with MEE face sheet on outer of the shell.

AutoML and Artificial Neural Network Modeling of Process Dynamics of LNG Regasification Using Seawater (해수 이용 LNG 재기화 공정의 딥러닝과 AutoML을 이용한 동적모델링)

  • Shin, Yongbeom;Yoo, Sangwoo;Kwak, Dongho;Lee, Nagyeong;Shin, Dongil
    • Korean Chemical Engineering Research
    • /
    • v.59 no.2
    • /
    • pp.209-218
    • /
    • 2021
  • First principle-based modeling studies have been performed to improve the heat exchange efficiency of ORV and optimize operation, but the heat transfer coefficient of ORV is an irregular system according to time and location, and it undergoes a complex modeling process. In this study, FNN, LSTM, and AutoML-based modeling were performed to confirm the effectiveness of data-based modeling for complex systems. The prediction accuracy indicated high performance in the order of LSTM > AutoML > FNN in MSE. The performance of AutoML, an automatic design method for machine learning models, was superior to developed FNN, and the total time required for model development was 1/15 compared to LSTM, showing the possibility of using AutoML. The prediction of NG and seawater discharged temperatures using LSTM and AutoML showed an error of less than 0.5K. Using the predictive model, real-time optimization of the amount of LNG vaporized that can be processed using ORV in winter is performed, confirming that up to 23.5% of LNG can be additionally processed, and an ORV optimal operation guideline based on the developed dynamic prediction model was presented.

Leased Line Traffic Prediction Using a Recurrent Deep Neural Network Model (순환 심층 신경망 모델을 이용한 전용회선 트래픽 예측)

  • Lee, In-Gyu;Song, Mi-Hwa
    • KIPS Transactions on Software and Data Engineering
    • /
    • v.10 no.10
    • /
    • pp.391-398
    • /
    • 2021
  • Since the leased line is a structure that exclusively uses two connected areas for data transmission, a stable quality level and security are ensured, and despite the rapid increase in the number of switched lines, it is a line method that is continuously used a lot in companies. However, because the cost is relatively high, one of the important roles of the network operator in the enterprise is to maintain the optimal state by properly arranging and utilizing the resources of the network leased line. In other words, in order to properly support business service requirements, it is essential to properly manage bandwidth resources of leased lines from the viewpoint of data transmission, and properly predicting and managing leased line usage becomes a key factor. Therefore, in this study, various prediction models were applied and performance was evaluated based on the actual usage rate data of leased lines used in corporate networks. In general, the performance of each prediction was measured and compared by applying the smoothing model and ARIMA model, which are widely used as statistical methods, and the representative models of deep learning based on artificial neural networks, which are being studied a lot these days. In addition, based on the experimental results, we proposed the items to be considered in order for each model to achieve good performance for prediction from the viewpoint of effective operation of leased line resources.

Multiple-inputs Dual-outputs Process Characterization and Optimization of HDP-CVD SiO2 Deposition

  • Hong, Sang-Jeen;Hwang, Jong-Ha;Chun, Sang-Hyun;Han, Seung-Soo
    • JSTS:Journal of Semiconductor Technology and Science
    • /
    • v.11 no.3
    • /
    • pp.135-145
    • /
    • 2011
  • Accurate process characterization and optimization are the first step for a successful advanced process control (APC), and they should be followed by continuous monitoring and control in order to run manufacturing processes most efficiently. In this paper, process characterization and recipe optimization methods with multiple outputs are presented in high density plasma-chemical vapor deposition (HDP-CVD) silicon dioxide deposition process. Five controllable process variables of Top $SiH_4$, Bottom $SiH_4$, $O_2$, Top RF Power, and Bottom RF Power, and two responses of interest, such as deposition rate and uniformity, are simultaneously considered employing both statistical response surface methodology (RSM) and neural networks (NNs) based genetic algorithm (GA). Statistically, two phases of experimental design was performed, and the established statistical models were optimized using performance index (PI). Artificial intelligently, NN process model with two outputs were established, and recipe synthesis was performed employing GA. Statistical RSM offers minimum numbers of experiment to build regression models and response surface models, but the analysis of the data need to satisfy underlying assumption and statistical data analysis capability. NN based-GA does not require any underlying assumption for data modeling; however, the selection of the input data for the model establishment is important for accurate model construction. Both statistical and artificial intelligent methods suggest competitive characterization and optimization results in HDP-CVD $SiO_2$ deposition process, and the NN based-GA method showed 26% uniformity improvement with 36% less $SiH_4$ gas usage yielding 20.8 ${\AA}/sec$ deposition rate.

Neural networks optimization for multi-dimensional digital signal processing in IoT devices (IoT 디바이스에서 다차원 디지털 신호 처리를 위한 신경망 최적화)

  • Choi, KwonTaeg
    • Journal of Digital Contents Society
    • /
    • v.18 no.6
    • /
    • pp.1165-1173
    • /
    • 2017
  • Deep learning method, which is one of the most famous machine learning algorithms, has proven its applicability in various applications and is widely used in digital signal processing. However, it is difficult to apply deep learning technology to IoT devices with limited CPU performance and memory capacity, because a large number of training samples requires a lot of memory and computation time. In particular, if the Arduino with a very small memory capacity of 2K to 8K, is used, there are many limitations in implementing the algorithm. In this paper, we propose a method to optimize the ELM algorithm, which is proved to be accurate and efficient in various fields, on Arduino board. Experiments have shown that multi-class learning is possible up to 15-dimensional data on Arduino UNO with memory capacity of 2KB and possible up to 42-dimensional data on Arduino MEGA with memory capacity of 8KB. To evaluate the experiment, we proved the effectiveness of the proposed algorithm using the data sets generated using gaussian mixture modeling and the public UCI data sets.

An Empiricl Study on the Learnign of HMM-Net Classifiers Using ML/MMSE Method (ML/MMSE를 이용한 HMM-Net 분류기의 학습에 대한 실험적 고찰)

  • Kim, Sang-Woon;Shin, Seong-Hyo
    • Journal of the Korean Institute of Telematics and Electronics C
    • /
    • v.36C no.6
    • /
    • pp.44-51
    • /
    • 1999
  • The HMM-Net is a neural network architecture that implements the computation of output probabilities of a hidden Markov model (HMM). The architecture is developed for the purpose of combining the discriminant power of neural networks with the time-domain modeling capability of HMMs. Criteria of maximum likehood(ML) and minimization of mean squared error(MMSE) are used for learning HMM-Net classifiers. The criterion MMSE is better than ML when initial learning condition is well established. However Ml is more useful one when the condition is incomplete[3]. Therefore we propose an efficient learning method of HMM-Net classifiers using a hybrid criterion(ML/MMSE). In the method, we begin a learning with ML in order to get a stable start-point. After then, we continue the learning with MMSE to search an optimal or near-optimal solution. Experimental results for the isolated numeric digits from /0/ to /9/, a training and testing time-series pattern set, show that the performance of the proposed method is better than the others in the respects of learning and recognition rates.

  • PDF

3D Wave Propagation Loss Modeling in Mobile Communication using MLP's Function Approximation Capability (MLP의 함수근사화 능력을 이용한 이동통신 3차원 전파 손실 모델링)

  • Yang, Seo-Min;Lee, Hyeok-Jun
    • Journal of KIISE:Software and Applications
    • /
    • v.26 no.10
    • /
    • pp.1143-1155
    • /
    • 1999
  • 셀룰러 방식의 이동통신 시스템에서 전파의 유효신호 도달범위를 예측하기 위해서는 전파전파 모델을 이용한 예측기법이 주로 사용된다. 그러나, 전파과정에서 주변 지형지물에 의해 발생하는 전파손실은 매우 복잡한 비선형적인 특성을 가지며 수식으로는 정확한 표현이 불가능하다. 본 논문에서는 신경회로망의 함수 근사화 능력을 이용하여 전파손실 예측모델을 생성하는 방법을 제안한다. 즉, 전파손실을 송수신 안테나간의 거리, 송신안테나의 특성, 장애물 투과영향, 회절특성, 도로, 수면에 의한 영향 등과 같은 전파환경 변수들의 함수로 가정하고, 신경회로망 학습을 통하여 함수를 근사화한다. 전파환경 변수들이 신경회로망 입력으로 사용되기 위해서는 3차원 지형도와 벡터지도를 이용하여 전파의 반사, 회절, 산란 등의 물리적인 특성이 고려된 특징 추출을 통해 정량적인 수치들을 계산한다. 이와 같이 얻어진 훈련데이타를 이용한 신경회로망 학습을 통해 전파손실 모델을 완성한다. 이 모델을 이용하여 서울 도심 지역의 실제 서비스 환경에 대한 타 모델과의 비교실험결과를 통해 제안하는 모델의 우수성을 보인다.Abstract In cellular mobile communication systems, wave propagation models are used in most cases to predict cell coverage. The amount of propagation loss induced by the obstacles in the propagation path, however, is a highly non-linear function, which cannot be easily represented mathematically. In this paper, we introduce the method of producing propagation loss prediction models by function approximation using neural networks. In this method, we assume the propagation loss is a function of the relevant parameters such as the distance from the base station antenna, the specification of the transmitter antenna, obstacle profile, diffraction effect, road, and water effect. The values of these parameters are produced from the field measurement data, 3D digital terrain maps, and vector maps as its inputs by a feature extraction process, which takes into account the physical characteristics of electromagnetic waves such as reflection, diffraction and scattering. The values produced are used as the input to the neural network, which are then trained to become the propagation loss prediction model. In the experimental study, we obtain a considerable amount of improvement over COST-231 model in the prediction accuracy using this model.

Rainfall-Runoff Analysis Utilizing Multiple Impulse Responses (복수의 임펄스 응답을 이용한 강우-유출 해석)

  • Yoo, Chul-Sang;Park, Joo-Young
    • Journal of the Korean Institute of Intelligent Systems
    • /
    • v.16 no.5
    • /
    • pp.537-543
    • /
    • 2006
  • There have been many recent studies on the nonlinear rainfall-runoff modeling, where the use of neural networks is shown to be quite successful. Due to fundamental limitation of linear structures, employing linear models has often been considered inferior to the neural network approaches in this area. However, we believe that with an appropriate extension, the concept of linear impulse responses can be a viable tool since it enables us to understand underlying dynamics principles better. In this paper, we propose the use of multiple impulse responses for the problem of rainfall-runoff analysis. The proposed method is based on a simple and fixed strategy for switching among multiple linear impulse-response models, each of which satisfies the constraints of non-negativity and uni-modality. The computational analysis performed for a certain Korean hydrometeorologic data set showed that the proposed method can yield very meaningful results.