Journal of Convergence for Information Technology Vol. 11. No. 3, pp. 7-13, 2021 e-issn DOI :

Size: px
Start display at page:

Download "Journal of Convergence for Information Technology Vol. 11. No. 3, pp. 7-13, 2021 e-issn DOI :"

Transcription

1 Journal of Convergence for Information Technology Vol. 11. No. 3, pp. 7-13, 2021 e-issn DOI : 딥러닝알고리즘기반의초미세먼지 (PM2.5) 예측성능비교분석 김영희 1*, 장관종 2 1 호서대학교벤처대학원융합공학과교수, 2 호서대학교벤처대학원융합공학과학생 Comparison and analysis of prediction performance of fine particulate matter(pm2.5) based on deep learning algorithm Younghee Kim 1, Kwanjong Chang 2 1 Professor, Department of Convergence Engineering, Graduate School of Venture, Hoseo University 2 Student, Department of Convergence Engineering, Graduate School of Venture, Hoseo University 요약본연구는딥러닝 (Deep Learning) 알고리즘 GAN 모델을기반으로초미세먼지 (PM2.5) 인공지능예측시스템을개발한다. 실험데이터는시계열축으로생성된온도, 습도, 풍속, 기압의기상변화와 SO2, CO, O3, NO2, PM10 와같은대기오염물질농도와밀접한관련이있다. 데이터특성상, 현재시간농도가이전시간농도에영향을받기때문에반복지도학습 (Recursive Supervised Learning) 예측모델을적용하였다. 기존모델인 CNN, LSTM 의정확도 (Accuracy) 를비교분석을위해관측값 (Observation Value) 과예측값 (Prediction Value) 간의차이를분석하고시각화했다. 성능분석결과제안하는 GAN 이 LSTM 대비평가항목 RMSE, MAPE, IOA 에서각각 15.8%, 10.9%, 5.5% 로향상된것을확인하였다. 주제어 : 딥런닝, 초미세먼지 (PM2.5), CNN, LSTM, GAN, 시계열데이터 Abstract This study develops an artificial intelligence prediction system for Fine particulate Matter(PM2.5) based on the deep learning algorithm GAN model. The experimental data are closely related to the changes in temperature, humidity, wind speed, and atmospheric pressure generated by the time series axis and the concentration of air pollutants such as SO2, CO, O3, NO2, and PM10. Due to the characteristics of the data, since the concentration at the current time is affected by the concentration at the previous time, a predictive model for recursive supervised learning was applied. For comparative analysis of the accuracy of the existing models, CNN and LSTM, the difference between observation value and prediction value was analyzed and visualized. As a result of performance analysis, it was confirmed that the proposed GAN improved to 15.8%, 10.9%, and 5.5% in the evaluation items RMSE, MAPE, and IOA compared to LSTM, respectively. Key Words : Deep Learning, Fine particulate Matter(PM2.5), Convolutional Neural Network, Long Short-Term Memory, Generative Adversarial Networks, Time Series Data 1. 서론초미세먼지 (PM2.5) 는국민건강과생활에미치는영향이심각해지자초미세먼지에대한발생원인과대책등다양한측면에서연구가활발하게수행되고있다. 초미세먼지는대기중직경 2.5μg / m3미만의먼지로온도 (Temperature), 풍속 (wind speed), 기압 (Pressur e), 습도 (humidity) 등기상변화에밀접한관계가있고 [1], 자동차배기가스, 화석연료연소, 공장제조공정에 * Corresponding Author : Younghee, Kim(yhkim514@hoseo.edu) Received February 6, 2021 Accepted March 20, 2021 Revised February 28, 2021 Published March 28, 2021

2 8 융합정보논문지제 11 권제 3 호 서배출되는대기오염물질인황산화물, 질소산화물, 암모니아등에화학반응을일으켜 2차발생물질로초미세먼지 (PM2.5) 을생성하는것으로알려져있다 [2]. 대기중직경이 10 μg / m3이하인미세먼지 (PM10) 에대한수치예측은기계학습을사용하여그동안활발하게진행되어왔으며최근에는인공신경망을사용해미세먼지수치를예측하는연구가진행되고있다 [3-8]. 그러나, 미세먼지관측을위해서는미세먼지관측소설치와미세먼지관측데이터를제공하여야하지만, 현실적으로는가격, 환경및지리적요건등에의해충족할만한관측소설치가어렵다 [9]. 본논문은이러한문제들을인공신경망으로해결하기위하여시간대별로변화하는기상조건과대기오염물질, 미세먼지 (PM10) 농도를기반으로초미세먼지 (PM2.5) 농도변화을예측하기위하여 CNN(Convolution Neural Networks), LSTM(Long Short-Term Memory), GAN(Generative Adversarial Networks) 등의모델에대한학습정확도와성능등을비교분석하였다. 정확도분석은관측값와예측값간의차이를시각화하였으며, 성능평가는 RMSE(Root Mean Square Error), MAPE(Mean Absolute Percentage Error), IOA(Index of Agreement) 등의지표를사용하였다. 있어서 GAN의활용도우수한것으로기술하였다. 3. Deep Learning 모델 3.1 CNN 구조다음 Fig. 1과같이 CNN 신경망구조는 Input Layer, Convolution Layer, Max Pooling Layer, Fully Connected Layer, Output Layer로구성되어있다. (ⅰ) Input Layer는 N k의 2차원행렬로구성되고, N은입력데이터의행길이, k는열길이를나타낸다. (ⅱ) Convolution Layer 는입력데이터에 filter 를가지고 convolution 연산을수행한다. convolution 연산은두함수 f, g 가운데하나의함수를 shit 시킨다음다른하나의함수와행렬곱한결과를의미한다. (ⅲ) Max Pooling Layer는 Convolution Layer의출력데이터를입력으로받아서출력데이터의크기를줄이거나특정데이터를강조한 Feature를생성한다. (ⅳ) Fully Connected Layer는모든 Feature들이평평하게모든뉴런에연결된다. (ⅴ) Output Layer는 output을내보낸다. 2. 관련연구 인공신경망을사용한미세먼지예측에관한연구는주로다층신경망 [4,5] 혹은 RNN(Recurrent Neural Network) 계열의 LSTM 모델에기상데이터혹은대기오염물질데이터를학습시켜미세먼지수치를예측했다 [6,7]. RNN/LSTM은데이터를순차적으로받아학습하기때문에시계열데이터를처리하는데는효과적이지만, 다양한데이터를종합적으로처리하지못하고장기간의시계열예측에는어려움이있다는약점이있다 [10]. 이러한시계열예측에서한계를극복하기위하여 CNN, GCN(Graph Convolutional Network) 등다양한모델들이제시되었다 [11]. Chiou-Jye Huang[12] 에의하면 CNN을사용하여시계열데이터들의 Pre-Processing 과정을거치는 Feature Extraction을수행하고 LSTM을통해 Forecasting 을수행하는 CNN+LSTM의모델은기존의 MLP, CNN, LSTM 보다우수한성능향상이되었다고하였다. Kang Zhang[13] 에의하면시계열데이터의예측에 Fig. 1. CNN architecture for time series prediction 3.2 LSTM 구조예측모델에사용된 LSTM은 RNN의한종류로서순환신경망이긴시퀀스를학습하는데있어 step이진행됨에따라이전의 time step 정보를학습하지못하는기울기소실문제 (vanishing gradient problem) 를극복한모델이다. 기존 RNN과달리순환신경망내에있는메모리들을 input, forget, output gate를포함하고있는 cell로대체하여주어진데이터의흐름조절을통해장기간의연관성을학습할수있는장점이있다 [14]. Fig. 2은 LSTM의 cell 구조를나타낸그림이다.

3 딥러닝알고리즘기반의초미세먼지 (PM2.5) 예측성능비교분석 9 다. 그리고 는실제자료와아주유사한자료를생성하여 이되도록노력한다. 주어진생성망에서판별망이최적의값을가질때식 (1) 의 GAN 가치함수를아래와같이재표현할수있다. tanh tanh Fig. 2. LSTM Cell 여기서 는 sigmoid 함수, 는요소별곱셈을뜻 하는 hadamard(element wise) product 연산자이다. forget gate 는 과거정보를잊기 를위한게이트이 다. 과 를받아 sigmoid 를취해준값이바로 forget gate 가내보내는값이된다. sigmoid 함수의 출력범위는 0 에서 1 사이이기때문에그리턴값이 0 이라면이전상태의정보는잊고, 1 이라면이전상태의 정보를온전히기억하게된다. input gate 는 현재 정보를기억하기 위한게이트이다. 과 를받아 sigmoid 를취하고, 또같은입력으로 hyperbilic tangent 를취해준다음 hadamard product 연산을 한값이바로 input gate 가내보내는값이된다 [7]. 3.3 GAN 구조 GAN 은실제자료 와동일한분포를가지는자료 를생성하는생성망 과실제자료와생성자료 를구별하는판별망 이서로대립하며 최적화를수행해나가는모형이다. 이는판별망과생성망 이최소최대게임을하는것으로표현가능하며다음과 같은가치함수 (Value Function) 로정의할수있다 [15]. minmax log log (1) 여기에서 와 는 와 의분포다. 식 (1) 에서판 별망 () 는실제자료 에대해서, 생성자료 에대해서는 가되도록노력한다. 즉 는생성자료와실제자료를잘구분하려고노력한 max log log log log (2) 여기에서 는 의분포이고 KL (Kullback- Leibler divergence) 과 JSD(Jenson-Shannon divergence) 는두분포간의거리를나타내는측도인데 JSD 는 0 이상 의값을가지며두분포가같으면 0 이다. 는전역 최소값으로 log(4) 를가지는것을확인할수있다 [16]. 4. 자료수집 4.1 자료수집및손실데이타처리방법 본논문에서는대기오염물질데이터는 airkorea.or.kr 에서인천검단지역을대상으로 2019 년 01 월 1 일부터 2019 년 12 월 31 일까지 1 일 (24 시 ) 의시간단위로총 8,760 건과기상데이터는 data.kma.go.kr 에서인천종 관기상관측 (ASOS) 자료를 2019 년 01 월부터 2019 년 12 월 31 일까지 1 일 (24 시 ) 의시간단위로총 8,760 건을 대상으로시계열데이터를수집하였다. 해당데이터들 은수집과정에서수집센서의고장과수리등으로인해 손실된데이터들이존재하였다. 이를임의적인방법으 로데이터를복구하였을시추후결과도출에미치는영 향을클수있다. 본논문에서는해당지역을 1 일 (24 시 ) 평균값으로하는선형보간법 (liner interpolation) 으로 데이터를보정하였다. Table 1. 에서와같이입력변수 (x) 들은기상데이타의온도, 풍속, 습도, 기압과대기오 염물질의아황산가스 (SO2), 이산화탄소 (CO), 오존 (O3), 이산화질소 (NO2), PM10( 직경 10 μg / m3미만미 세먼지 ), 출력변수 (y) 는 PM2.5( 직경 2.5 μg / m3미만미 세먼지 ) 를사용하였다.

4 10 융합정보논문지제 11 권제 3 호 Table 1. Sample Data date PM2.5 temp wind humi press SO2 CO O3 NO2 PM : : : : : 시계열데이터검증시계열데이터는 stationarity가보장되어야예측결과가통계적으로유의하다. 모든시계열데이터들은평균 (mean), 분산 (variance), 자기상관 (autocorrelation) 이시간에따라일정해야하는것이다. 시계열데이터의 stationarity를확인하는방법은여러가지있지만, 본논문에서는공개 SW Eviews으로 ADF(Augmented Dickey-Fuller) 방법을사용했다. Table 2에서대부분변수들은통계적으로 stationar ity가확보되었지만, 온도의 raw data는 p-value( ) 가 0보다훨씬크고, t-staticstic value( ) 가 5%, critical value( ) 보다크므로귀무가설 ( ) 를기각할수없어 stationarity가존재한다. 또한 Fig. 3는계절별로서로다른추세가있는지시각적으로나타내고있는데온도변수에는추세가존재하고다른변수들은추세가없는계절성이존재한다. 이문제를해결하기위해온도변수에는 1차분 (lst lag) 이동시켜사용하였다 Table 2의 temp(1st). 5. 학습방법 5.1 supervised learning 일반적인 supervised learning은학습하고자하는데이터들에대하여입력변수 () 와출력변수 () 간의다음과같은수식으로표현한다. (3) 여기서함수 는 deterministic function, 는 noise or random error이며, 입력변수 () 와는서로독립적이고기댓값확률 ( 평균 ) 은 를가정한다. 데이터를학습한다는것은 training set 에서 (3) 의모델함수 을적용하여 를만들어내는과정이다. 본논문에서는초미세먼지 (PM2.5) 를예측하기위하여입력변수 와출력변수 집합을다음과같이정의하였다. Table 2. ADF Results temp temp(1st) wind humidity pressure SO2 CO O3 NO2 PM10 PM25 t-staticstic P-value % level % level % level Fig. 3 Time series data seasonality plot

5 딥러닝알고리즘기반의초미세먼지 (PM2.5) 예측성능비교분석 11 온도 풍속 습도 기압 (4) 5.2 반복학습 시계열데이타들의학습방법은 Fig. 4 와같이반복 학습을진행하였다. 반복학습을통해모델함수 는 의근사값 을리턴하는데는이는 단계에서 의값을 ( ) 반복적으로적용한값 이다. Table 3 과 Table 4 에는각각의 Model 들에대한 Layout 과 user define parameter 을기술하였다. 6.1 모델정확도비교 6. 시험결과 Fig. 5. CNN accuracy plot Fig. 6. LSTM accuracy plot Fig. 4. Iterated prediction procedure Table 3. Deep Learning Model Layout input vector(col,row) optimizer Fuction CNN LSTM GAN (10, 1) (10, 1) (10, 1) adam adam RMSprop loss Function mae mae binary_corss entropy epochs ,000 batch_size Table 4. Deep Learning Model Parameters Fig. 5와 Fig. 6와같이 CNN과 LSTM의 accuracy plot를보면초기에는관측값와예측값의차이가있지만반복학습 (epoch) 이증가하면서점차차이가줄어든다. Fig. 7는 GAN의특정구간에서관측값과예측값간의큰차이가있는것도있지만반복학습이증가하면서차이는점점줄어들면서일치하게된다. 모델들의정확도는높은순으로 GAN, LSTM, CNN 순으로나타났다. 6.2 모델성능비교 Table 5에서처럼모델성능의우선순위는 CNN, LSTM과 GAN 순이며, GAN은 LSTM 보다 RMSE( , 15.8%) MAPE( , 10.9%), IOA( , 5.4%) 등으로각각향상되었다. Layer conv1d maxpoolin g flatten CNN LSTM TimeGAN Output Shape 9, 64) 4, 64) 256) Layer lstm_1 lstm_2 Output Shape 1, 75) 9, 25) Layer input lstm_1 dense_1 1) dropout_1 Output Shape 9, 10) 9, 75) 9, 75) dense_1 50) lstm_2 25) dense_2 1) dense_1 1) leaky_relu 1) Fig. 7. GAN accuracy plot

6 12 융합정보논문지제 11 권제 3 호 Table 5. Deep Learning Model Performance Count CNN LSTM GAN RMSE Avg MAPE Avg IOA Avg 실험환경손실데이타처리 SW는 Tableau Preb(2019) 이며, 모델의성능비교에사용한 HW은 CPU(Intel i7,1.80gz, 1개 ), MM(16GB), SW은 windows 10 이며, 개발언어는 Python 3.7.6, Keras 이다. 7. 결론본논문은인공지능을활용한예측분야의선행연구로서, 다양한 Deep Learning 을비교분석하였다. 연구결과기존 CNN, LSTM 모델보다 PM2.5에가장적합한 GAN의모델이성능평가지표상가장우수한것으로나타났다. 다만, GAN의관측값와예측값의특정구간에서차이 (difference) 가높게나타나는것은향후개선해야할문제이다. 또한, Table 5. 에서 GAN은시험할때마다측정값들이일정하게유지하지않고차이를 보인다. 이는본연구적용된 Vanilla GAN 은 JSD (Jenson Shannon Divergence) 를최소화하는학습을 한다 [ 식 (2)]. 그러나 JSD 는두개의분포가완전하게일 치하지않으면항상 log2 를출력하므로모델함수 gradient 가항상 0 이되어미분을할수없게된 다. 이런 gradient vanishing 또는 clipping 문제를해 결하기위해서는 Gulrajani 가제안한 improved Training of Wasserstein GANs[17] 의검토가필요하다. REFERENCES [1] H. G. Yoo et al. (2020). Impact of Meteorological Conditions on the PM2.5 and PM10 concentrations in Seoul. Journal of Climate Change Research, 11(5-2), DOI : /KSCCR [2] S. H. Lee et al. (2019, 4). Characteristics of PM2.5 in Gwangju Evaluated by Factor Analysis. Journal of Environmental Science International, 28(4), DOI : /JESI [3] S. J. Oh, J. W. Koo & U. M. Kim. (2017). Concentration Prediction Technique Based on Locality of Fine Dust Generation. The Institute of Electronics and Information Engineers, [4] A. Chaloulakou, G. Grivas & N. Spyrellis. (2003). Neural Network and multiple regression model for PM10 prediction in Athens: A comparative assessment. Journal of the Air & Waste Management Association, 53(10), [5] M. M. Dedovic, S. Avadakovic, I. Turkovic, N. Dautbasic & T. Konjic. (2016). Forecasting PM10 concentrations using neural networks and system for improving air quality. Proceeding of 2016 XI International Symposium on Telecommunications, 1-6. [6] D. J. Lim, T. H. Kim, R. Lee & H. M. Jung. (2017). LSTM-based Particulate Matter prediction for efficient road scattering dust removal path proposal. Korea Information Processing Society, 24(2), [7] K. P. Ra, M. C. Kim, M. J. Kim, S. T. Lim & Y. G. Sim. (2019). A Study on The Prediction of The Fine-Dust Concentration Using RNN/LSTM. The Institute of Electronics and Information Engineers,

7 딥러닝알고리즘기반의초미세먼지 (PM2.5) 예측성능비교분석 13 [8] K. W. Cho, Y. J. Jung, C. G. Kang & C. H. Oh. (2019). Conformity Assessment of Machine Learning Algorithm for Particulate Matter Prediction. The Korea Institute of Information and Communication Engineering, 23(1), [9] I. H. Shin, Y. H. Moon & Y. J. Lee. (2019). Deep Learning Models for Fine Dust Prediction in Smart Cities. Journal of Computing Science and Engineering, [10] Y. Bengio, P. Simard & P. Frasconi. (1994). Learning long-term dependencies with gradient descent is difficult. Neural Networks, IEEE Transactions on, 5(2), [11] J. Y. Choi, D. H. Lee, J. Y. Kim & K. M. Jung. (2019), Air pollution prediction using deep learning based model. Journal of Computing Science and Engineering [12] C. J. Huang, P. H. Kuo. (2018). A Deep CNN-LSTM Model for Particulate Matter (PM2.5) Forecasting in Smart Cities. Sensors, 18(7):2220 [13 K. Zhang, G. Zhong, J. Dong, S. Wang & Y. Wang. (2019). Stock Market Prediction Based on Generative Adversarial Network. Procedia Computer Science, DOI: /j.procs 장관종 (Kwanjong, Chang) [ 정회원 ] 1989 년 2 월 : 인하대학교전자계산학과 ( 이학사 ) 1992 년 8 월 : 인하대학교전자계산학과 ( 공학석사 ) 2019 년 3 월 현재 : 호서대학교벤처대학원융합공학과박사과정 관심분야 : Deep Learning( 예측 ), Blockchain( 보안 ) jangck11@naver.com 김영희 (Younghee Kim) [ 정회원 ] 1990 년 2 월서울시립대학교환경공학 ( 공학사 ) 2004 년 8 월서울대학교환경보건학과 ( 보건학석사 ) 2008 년 8 월서울대학교환경보건학과 ( 보건학박사 ) 2013 년 3 월 ~ 현재호서대학교벤처대학원융합공학과 교수 관심분야 : 미세먼지, 미세플라스틱 yhkim514@hoseo.edu [14] K. W. Cho, Y. J. Jung, J. S. Lee & C. H. Oh. (2019). PM10 Particulate Matters Concentration Prediction using LSTM. The Korea Institute of Information and Communication Engineering, 23(2), [15] I. Goodfellow et al. (2014). Generative adversarial nets. Advances in Neural Information Processing Systems 27, Montreal, Quebec, Canada, [16] Y. J. Lee, K. H. Seok. (2018). A study on the performance of generative adversarial networks. The Korean Data and Information Science Society, 29(5), [17] I. Gulrajani, F. Ahmed, M. Arjovsky, V. Dumoulin & A. Courville, (2017). Imporved Training of Wasserstein GANs. arxiv preprint arxiv:

<4D6963726F736F667420576F7264202D20B1E2C8B9BDC3B8AEC1EE2DC0E5C7F5>

<4D6963726F736F667420576F7264202D20B1E2C8B9BDC3B8AEC1EE2DC0E5C7F5> 주간기술동향 2016. 5.18. 컴퓨터 비전과 인공지능 장혁 한국전자통신연구원 선임연구원 최근 많은 관심을 받고 있는 인공지능(Artificial Intelligence: AI)의 성과는 뇌의 작동 방식과 유사한 딥 러닝의 등장에 기인한 바가 크다. 이미 미국과 유럽 등 AI 선도국에서는 인공지능 연구에서 인간 뇌 이해의 중요성을 인식하고 관련 대형 프로젝트들을

More information

DBPIA-NURIMEDIA

DBPIA-NURIMEDIA The e-business Studies Volume 17, Number 4, August, 30, 2016:319~332 Received: 2016/07/28, Accepted: 2016/08/28 Revised: 2016/08/27, Published: 2016/08/30 [ABSTRACT] This paper examined what determina

More information

09권오설_ok.hwp

09권오설_ok.hwp (JBE Vol. 19, No. 5, September 2014) (Regular Paper) 19 5, 2014 9 (JBE Vol. 19, No. 5, September 2014) http://dx.doi.org/10.5909/jbe.2014.19.5.656 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) a) Reduction

More information

인문사회과학기술융합학회

인문사회과학기술융합학회 Vol.5, No.5, October (2015), pp.471-479 http://dx.doi.org/10.14257/ajmahs.2015.10.50 스마트온실을 위한 가상 외부기상측정시스템 개발 한새론 1), 이재수 2), 홍영기 3), 김국환 4), 김성기 5), 김상철 6) Development of Virtual Ambient Weather Measurement

More information

<352EC7E3C5C2BFB55FB1B3C5EBB5A5C0CCC5CD5FC0DABFACB0FAC7D0B4EBC7D02E687770>

<352EC7E3C5C2BFB55FB1B3C5EBB5A5C0CCC5CD5FC0DABFACB0FAC7D0B4EBC7D02E687770> 자연과학연구 제27권 Bulletin of the Natural Sciences Vol. 27. 2013.12.(33-44) 교통DB를 이용한 교통정책 발굴을 위한 통계분석 시스템 설계 및 활용 Statistical analytic system design and utilization for transport policy excavation by transport

More information

09구자용(489~500)

09구자용(489~500) The Study on the Grid Size Regarding Spatial Interpolation for Local Climate Maps* Cha Yong Ku** Young Ho Shin*** Jae-Won Lee**** Hee-Soo Kim*****.,...,,,, Abstract : Recent global warming and abnormal

More information

2 : (Seungsoo Lee et al.: Generating a Reflectance Image from a Low-Light Image Using Convolutional Neural Network) (Regular Paper) 24 4, (JBE

2 : (Seungsoo Lee et al.: Generating a Reflectance Image from a Low-Light Image Using Convolutional Neural Network) (Regular Paper) 24 4, (JBE 2: (Seungsoo Lee et al.: Generating a Reflectance Image from a Low-Light Image Using Convolutional Neural Network) (Regular Paper) 24 4, 2019 7 (JBE Vol. 24, No. 4, July 2019) https://doi.org/10.5909/jbe.2019.24.4.623

More information

04김호걸(39~50)ok

04김호걸(39~50)ok Journal of Environmental Impact Assessment, Vol. 22, No. 1(2013) pp.39~50 Prediction of Landslides Occurrence Probability under Climate Change using MaxEnt Model Kim, Hogul* Lee, Dong-Kun** Mo, Yongwon*

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. vol. 29, no. 6, Jun Rate). STAP(Space-Time Adaptive Processing)., -

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. vol. 29, no. 6, Jun Rate). STAP(Space-Time Adaptive Processing)., - THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2018 Jun.; 29(6), 457463. http://dx.doi.org/10.5515/kjkiees.2018.29.6.457 ISSN 1226-3133 (Print)ISSN 2288-226X (Online) Sigma-Delta

More information

<B9CCB5F0BEEEB0E6C1A6BFCDB9AEC8AD5F31322D32C8A35FBABBB9AE5FC3CAC6C731BCE25F6F6B5F32303134303531362E687770>

<B9CCB5F0BEEEB0E6C1A6BFCDB9AEC8AD5F31322D32C8A35FBABBB9AE5FC3CAC6C731BCE25F6F6B5F32303134303531362E687770> 미디어 경제와 문화 2014년 제12권 2호, 7 43 www.jomec.com TV광고 시청률 예측방법 비교연구 프로그램의 장르 구분에 따른 차이를 중심으로 1)2) 이인성* 단국대학교 커뮤니케이션학과 박사과정 박현수** 단국대학교 커뮤니케이션학부 교수 본 연구는 TV프로그램의 장르에 따라 광고시청률 예측모형들의 정확도를 비교하고 자 하였다. 본 연구에서

More information

DBPIA-NURIMEDIA

DBPIA-NURIMEDIA 논문 10-35-03-03 한국통신학회논문지 '10-03 Vol. 35 No. 3 원활한 채널 변경을 지원하는 효율적인 IPTV 채널 관리 알고리즘 준회원 주 현 철*, 정회원 송 황 준* Effective IPTV Channel Control Algorithm Supporting Smooth Channel Zapping HyunChul Joo* Associate

More information

DBPIA-NURIMEDIA

DBPIA-NURIMEDIA 한국소음진동공학회 2015추계학술대회논문집년 Study of Noise Pattern and Psycho-acoustics Characteristic of Household Refrigerator * * ** ** Kyung-Soo Kong, Dae-Sik Shin, Weui-Bong Jeong, Tae-Hoon Kim and Se-Jin Ahn Key Words

More information

Electronics and Telecommunications Trends 인공지능을이용한 3D 콘텐츠기술동향및향후전망 Recent Trends and Prospects of 3D Content Using Artificial Intelligence Technology

Electronics and Telecommunications Trends 인공지능을이용한 3D 콘텐츠기술동향및향후전망 Recent Trends and Prospects of 3D Content Using Artificial Intelligence Technology Electronics and Telecommunications Trends 인공지능을이용한 3D 콘텐츠기술동향및향후전망 Recent Trends and Prospects of 3D Content Using Artificial Intelligence Technology 이승욱 (S.W. Lee, tajinet@etri.re.kr) 황본우 (B.W. Hwang,

More information

°í¼®ÁÖ Ãâ·Â

°í¼®ÁÖ Ãâ·Â Performance Optimization of SCTP in Wireless Internet Environments The existing works on Stream Control Transmission Protocol (SCTP) was focused on the fixed network environment. However, the number of

More information

<35335FBCDBC7D1C1A42DB8E2B8AEBDBAC5CDC0C720C0FCB1E2C0FB20C6AFBCBA20BAD0BCAE2E687770>

<35335FBCDBC7D1C1A42DB8E2B8AEBDBAC5CDC0C720C0FCB1E2C0FB20C6AFBCBA20BAD0BCAE2E687770> Journal of the Korea Academia-Industrial cooperation Society Vol. 15, No. 2 pp. 1051-1058, 2014 http://dx.doi.org/10.5762/kais.2014.15.2.1051 멤리스터의 전기적 특성 분석을 위한 PSPICE 회로 해석 김부강 1, 박호종 2, 박용수 3, 송한정 1*

More information

(JBE Vol. 21, No. 1, January 2016) (Regular Paper) 21 1, (JBE Vol. 21, No. 1, January 2016) ISSN 228

(JBE Vol. 21, No. 1, January 2016) (Regular Paper) 21 1, (JBE Vol. 21, No. 1, January 2016)   ISSN 228 (JBE Vol. 1, No. 1, January 016) (Regular Paper) 1 1, 016 1 (JBE Vol. 1, No. 1, January 016) http://dx.doi.org/10.5909/jbe.016.1.1.60 ISSN 87-9137 (Online) ISSN 16-7953 (Print) a), a) An Efficient Method

More information

20121217--2012년AQM보고서_Capss2Smoke-자체.hwp

20121217--2012년AQM보고서_Capss2Smoke-자체.hwp 11-148523-1331-1 대기모델링 정보지원 시스템을 위한 표준자료 구축 연구(Ⅱ) - CAPSS2SMOKE 프로그램 개발 기후대기연구부 대기공학연구과 Ⅱ 212 목 차 i 목 차 ii 목 차 iii 목 차 iii Abstract v Ⅰ. 서 론.., (Kim et al, 28). Clean Air Policy Support System (CAPSS).

More information

(JBE Vol. 23, No. 2, March 2018) (Special Paper) 23 2, (JBE Vol. 23, No. 2, March 2018) ISSN

(JBE Vol. 23, No. 2, March 2018) (Special Paper) 23 2, (JBE Vol. 23, No. 2, March 2018)   ISSN (Special Paper) 23 2, 2018 3 (JBE Vol. 23, No. 2, March 2018) https://doi.org/10.5909/jbe.2018.23.2.246 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) CNN a), a), a) CNN-Based Hand Gesture Recognition

More information

09È«¼®¿µ 5~152s

09È«¼®¿µ5~152s Korean Journal of Remote Sensing, Vol.23, No.2, 2007, pp.45~52 Measurement of Backscattering Coefficients of Rice Canopy Using a Ground Polarimetric Scatterometer System Suk-Young Hong*, Jin-Young Hong**,

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Nov.; 26(11),

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Nov.; 26(11), THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2015 Nov.; 26(11), 985991. http://dx.doi.org/10.5515/kjkiees.2015.26.11.985 ISSN 1226-3133 (Print)ISSN 2288-226X (Online) Analysis

More information

433대지05박창용

433대지05박창용 Recent Changes in Summer Precipitation Characteristics over South Korea Changyong Park* JaYeon Moon** Eun-Jeong Cha*** Won-Tae Yun**** Youngeun Choi***** 1958 2007 6 9 6 9 10 10 10 10 10 Abstract This

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Jul.; 29(7),

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Jul.; 29(7), THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2018 Jul.; 29(7), 550 559. http://dx.doi.org/10.5515/kjkiees.2018.29.7.550 ISSN 1226-3133 (Print) ISSN 2288-226X (Online) Human

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. vol. 29, no. 10, Oct ,,. 0.5 %.., cm mm FR4 (ε r =4.4)

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. vol. 29, no. 10, Oct ,,. 0.5 %.., cm mm FR4 (ε r =4.4) THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2018 Oct.; 29(10), 799 804. http://dx.doi.org/10.5515/kjkiees.2018.29.10.799 ISSN 1226-3133 (Print) ISSN 2288-226X (Online) Method

More information

High Resolution Disparity Map Generation Using TOF Depth Camera In this paper, we propose a high-resolution disparity map generation method using a lo

High Resolution Disparity Map Generation Using TOF Depth Camera In this paper, we propose a high-resolution disparity map generation method using a lo High Resolution Disparity Map Generation Using TOF Depth Camera In this paper, we propose a high-resolution disparity map generation method using a low-resolution Time-Of- Flight (TOF) depth camera and

More information

02ÇãÀÎÇý ~26š

02ÇãÀÎÇý~26š The Spatial and temporal distributions of NET(Net Effective Temperature) with a Function of Temperature, Humidity and Wind Speed in Korea* Inhye Heo**, Youngeun Choi***, and Won-Tae Kwon**** Abstract :

More information

DBPIA-NURIMEDIA

DBPIA-NURIMEDIA The e-business Studies Volume 17, Number 6, December, 30, 2016:237~251 Received: 2016/11/20, Accepted: 2016/12/24 Revised: 2016/12/21, Published: 2016/12/30 [ABSTRACT] Recently, there is an increasing

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Mar.; 30(3),

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Mar.; 30(3), THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2019 Mar.; 30(3), 223 228. http://dx.doi.org/10.5515/kjkiees.2019.30.3.223 ISSN 1226-3133 (Print) ISSN 2288-226X (Online) Analysis

More information

딥러닝 첫걸음

딥러닝 첫걸음 딥러닝첫걸음 4. 신경망과분류 (MultiClass) 다범주분류신경망 Categorization( 분류 ): 예측대상 = 범주 이진분류 : 예측대상범주가 2 가지인경우 출력층 node 1 개다층신경망분석 (3 장의내용 ) 다범주분류 : 예측대상범주가 3 가지이상인경우 출력층 node 2 개이상다층신경망분석 비용함수 : Softmax 함수사용 다범주분류신경망

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Nov.; 28(11),

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Nov.; 28(11), THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2017 Nov.; 28(11), 837 842. http://dx.doi.org/10.5515/kjkiees.2017.28.11.837 ISSN 1226-3133 (Print) ISSN 2288-226X (Online) 8PSK-TCM

More information

김경재 안현철 지능정보연구제 17 권제 4 호 2011 년 12 월

김경재 안현철 지능정보연구제 17 권제 4 호 2011 년 12 월 지능정보연구제 17 권제 4 호 2011 년 12 월 (pp.241~254) Support vector machines(svm),, CRM. SVM,,., SVM,,.,,. SVM, SVM. SVM.. * 2009() (NRF-2009-327- B00212). 지능정보연구제 17 권제 4 호 2011 년 12 월 김경재 안현철 지능정보연구제 17 권제 4 호

More information

Analysis of objective and error source of ski technical championship Jin Su Seok 1, Seoung ki Kang 1 *, Jae Hyung Lee 1, & Won Il Son 2 1 yong in Univ

Analysis of objective and error source of ski technical championship Jin Su Seok 1, Seoung ki Kang 1 *, Jae Hyung Lee 1, & Won Il Son 2 1 yong in Univ Analysis of objective and error source of ski technical championship Jin Su Seok 1, Seoung ki Kang 1 *, Jae Hyung Lee 1, & Won Il Son 2 1 yong in University & 2 Kang Won University [Purpose] [Methods]

More information

지능정보연구제 16 권제 1 호 2010 년 3 월 (pp.71~92),.,.,., Support Vector Machines,,., KOSPI200.,. * 지능정보연구제 16 권제 1 호 2010 년 3 월

지능정보연구제 16 권제 1 호 2010 년 3 월 (pp.71~92),.,.,., Support Vector Machines,,., KOSPI200.,. * 지능정보연구제 16 권제 1 호 2010 년 3 월 지능정보연구제 16 권제 1 호 2010 년 3 월 (pp.71~92),.,.,., Support Vector Machines,,., 2004 5 2009 12 KOSPI200.,. * 2009. 지능정보연구제 16 권제 1 호 2010 년 3 월 김선웅 안현철 社 1), 28 1, 2009, 4. 1. 지능정보연구제 16 권제 1 호 2010 년 3 월 Support

More information

<313120C0AFC0FCC0DA5FBECBB0EDB8AEC1F2C0BB5FC0CCBFEBC7D15FB1E8C0BAC5C25FBCF6C1A42E687770>

<313120C0AFC0FCC0DA5FBECBB0EDB8AEC1F2C0BB5FC0CCBFEBC7D15FB1E8C0BAC5C25FBCF6C1A42E687770> 한국지능시스템학회 논문지 2010, Vol. 20, No. 3, pp. 375-379 유전자 알고리즘을 이용한 강인한 Support vector machine 설계 Design of Robust Support Vector Machine Using Genetic Algorithm 이희성 홍성준 이병윤 김은태 * Heesung Lee, Sungjun Hong,

More information

14.531~539(08-037).fm

14.531~539(08-037).fm G Journal of the Korea Concrete Institute Vol. 20, No. 4, pp. 531~539, August, 2008 š x y w m š gj p { sƒ z 1) * 1) w w Evaluation of Flexural Strength for Normal and High Strength Concrete with Hooked

More information

DBPIA-NURIMEDIA

DBPIA-NURIMEDIA The e-business Studies Volume 17, Number 6, December, 30, 2016:275~289 Received: 2016/12/02, Accepted: 2016/12/22 Revised: 2016/12/20, Published: 2016/12/30 [ABSTRACT] SNS is used in various fields. Although

More information

(JBE Vol. 23, No. 2, March 2018) (Special Paper) 23 2, (JBE Vol. 23, No. 2, March 2018) ISSN

(JBE Vol. 23, No. 2, March 2018) (Special Paper) 23 2, (JBE Vol. 23, No. 2, March 2018)   ISSN (Special Paper) 23 2, 2018 3 (JBE Vol. 23, No. 2, March 2018) https://doi.org/10.5909/jbe.2018.23.2.186 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) a), a) Robust Online Object Tracking via Convolutional

More information

???? 1

???? 1 The Korean Journal of Applied Statistics (2014) 27(1), 13 20 DOI: http://dx.doi.org/10.5351/kjas.2014.27.1.013 Maximum Tolerated Dose Estimation by Stopping Rule and SM3 Design in a Phase I Clinical Trial

More information

DBPIA-NURIMEDIA

DBPIA-NURIMEDIA The e-business Studies Volume 17, Number 6, December, 30, 2016:21~34 Received: 2016/12/04, Accepted: 2016/12/27 Revised: 2016/12/19, Published: 2016/12/30 [ABSTRACT] With the development of the Internet,

More information

1. KT 올레스퀘어 미디어파사드 콘텐츠 개발.hwp

1. KT 올레스퀘어 미디어파사드 콘텐츠 개발.hwp Journal of Next-generation Convergence Information Services Technology Vol.4, No.1, June (2015), pp. 1-8 차세대컨버전스정보서비스기술논문지 KT 올레스퀘어 미디어파사드 콘텐츠 개발 Media Fasade Contents Development of KT Olleh Square 김동조

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Dec.; 27(12),

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Dec.; 27(12), THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2016 Dec.; 27(12), 1036 1043. http://dx.doi.org/10.5515/kjkiees.2016.27.12.1036 ISSN 1226-3133 (Print) ISSN 2288-226X (Online)

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Mar.; 25(3),

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Mar.; 25(3), THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2014 Mar.; 25(3), 304310. http://dx.doi.org/10.5515/kjkiees.2014.25.3.304 ISSN 1226-3133 (Print)ISSN 2288-226X (Online) Analysis

More information

<353420B1C7B9CCB6F52DC1F5B0ADC7F6BDC7C0BB20C0CCBFEBC7D120BEC6B5BFB1B3C0B0C7C1B7CEB1D7B7A52E687770>

<353420B1C7B9CCB6F52DC1F5B0ADC7F6BDC7C0BB20C0CCBFEBC7D120BEC6B5BFB1B3C0B0C7C1B7CEB1D7B7A52E687770> Journal of the Korea Academia-Industrial cooperation Society Vol. 13, No. 2 pp. 866-871, 2012 http://dx.doi.org/10.5762/kais.2012.13.2.866 증강현실을 이용한 아동교육프로그램 모델제안 권미란 1*, 김정일 2 1 나사렛대학교 아동학과, 2 한세대학교 e-비즈니스학과

More information

08김현휘_ok.hwp

08김현휘_ok.hwp (Regular Paper) 21 3, 2016 5 (JBE Vol. 21, No. 3, May 2016) http://dx.doi.org/10.5909/jbe.2016.21.3.369 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) a), a) An Audio Coding Technique Employing the Inter-channel

More information

유해중금속안정동위원소의 분석정밀 / 정확도향상연구 (I) 환경기반연구부환경측정분석센터,,,,,,,, 2012

유해중금속안정동위원소의 분석정밀 / 정확도향상연구 (I) 환경기반연구부환경측정분석센터,,,,,,,, 2012 11-1480523-001163-01 유해중금속안정동위원소의 분석정밀 / 정확도향상연구 (I) 환경기반연구부환경측정분석센터,,,,,,,, 2012 목 차 ⅰ ⅲ ⅳ Abstract ⅵ Ⅰ Ⅱ Ⅲ i 목 차 Ⅳ ii 목 차 iii 목 차 iv 목 차 v Abstract vi Abstract σ ε vii Abstract viii Ⅰ. 서론 Ⅰ. 1 Ⅰ. 서론.

More information

6.24-9년 6월

6.24-9년 6월 리눅스 환경에서Solid-State Disk 성능 최적화를 위한 디스크 입출력요구 변환 계층 김태웅 류준길 박찬익 Taewoong Kim Junkil Ryu Chanik Park 포항공과대학교 컴퓨터공학과 {ehoto, lancer, cipark}@postech.ac.kr 요약 SSD(Solid-State Disk)는 여러 개의 낸드 플래시 메모리들로 구성된

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Sep.; 30(9),

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Sep.; 30(9), THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2019 Sep.; 30(9), 712 717. http://dx.doi.org/10.5515/kjkiees.2019.30.9.712 ISSN 1226-3133 (Print) ISSN 2288-226X (Online) MOS

More information

(JBE Vol. 23, No. 5, September 2018) (Special Paper) 23 5, (JBE Vol. 23, No. 5, September 2018) ISSN

(JBE Vol. 23, No. 5, September 2018) (Special Paper) 23 5, (JBE Vol. 23, No. 5, September 2018)   ISSN (JBE Vol. 23, No. 5, September 2018) (Special Paper) 23 5, 2018 9 (JBE Vol. 23, No. 5, September 2018) https://doi.org/10.5909/jbe.2018.23.5.614 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) Generative

More information

04_이근원_21~27.hwp

04_이근원_21~27.hwp 1) KIGAS Vol. 16, No. 5, pp 21~27, 2012 (Journal of the Korean Institute of Gas) http://dx.doi.org/10.7842/kigas.2012.16.5.21 실험실의 사례 분석에 관한 연구 이근원 이정석 한국산업안전보건공단 산업안전보건연구원 (2012년 9월 5일 투고, 2012년 10월 19일

More information

Journal of Educational Innovation Research 2017, Vol. 27, No. 4, pp DOI: A Study on the Opti

Journal of Educational Innovation Research 2017, Vol. 27, No. 4, pp DOI:   A Study on the Opti Journal of Educational Innovation Research 2017, Vol. 27, No. 4, pp.127-148 DOI: http://dx.doi.org/11024/pnuedi.27.4.201712.127 A Study on the Optimization of Appropriate Hearing-impaired Curriculum Purpose:

More information

03이경미(237~248)ok

03이경미(237~248)ok The recent (2001-2010) changes on temperature and precipitation related to normals (1971-2000) in Korea* Kyoungmi Lee** Hee-Jeong Baek*** ChunHo Cho**** Won-Tae Kwon*****. 61 (1971~2000) 10 (2001~2010).

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Feb.; 29(2), IS

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Feb.; 29(2), IS THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2018 Feb.; 29(2), 93 98. http://dx.doi.org/10.5515/kjkiees.2018.29.2.93 ISSN 1226-3133 (Print) ISSN 2288-226X (Online) UHF-HF

More information

본문

본문 Handover Gateway System: A Cell-edge Performance Booster for Next Generation Cellular Mobile Network Eui Chang Jung, Hyun Seok Ryu, Chung G. Kang Dept of Computer Electrical Engineering, Korea University

More information

Multi-pass Sieve를 이용한 한국어 상호참조해결 반-자동 태깅 도구

Multi-pass Sieve를 이용한 한국어 상호참조해결 반-자동 태깅 도구 Siamese Neural Network 박천음 강원대학교 Intelligent Software Lab. Intelligent Software Lab. Intro. S2Net Siamese Neural Network(S2Net) 입력 text 들을 concept vector 로표현하기위함에기반 즉, similarity 를위해가중치가부여된 vector 로표현

More information

The characteristic analysis of winners and losers in curling: Focused on shot type, shot accuracy, blank end and average score SungGeon Park 1 & Soowo

The characteristic analysis of winners and losers in curling: Focused on shot type, shot accuracy, blank end and average score SungGeon Park 1 & Soowo The characteristic analysis of winners and losers in curling: Focused on shot type, shot accuracy, blank end and average score SungGeon Park 1 & Soowon Lee 2 * 1 Program of Software Convergence, Soongsil

More information

<C7A5C1F620BEE7BDC4>

<C7A5C1F620BEE7BDC4> 연세대학교 상경대학 경제연구소 Economic Research Institute Yonsei Universit 서울시 서대문구 연세로 50 50 Yonsei-ro, Seodaemun-gS gu, Seoul, Korea TEL: (+82-2) 2123-4065 FAX: (+82- -2) 364-9149 E-mail: yeri4065@yonsei.ac. kr http://yeri.yonsei.ac.kr/new

More information

???? 1

???? 1 The Korean Journal of Applied Statistics (2013) 26(1), 201 208 DOI: http://dx.doi.org/10.5351/kjas.2013.26.1.201 A Note on Model Selection in Mixture Experiments with Process Variables Jung Il Kim a,1

More information

exp

exp exp exp exp exp exp exp exp exp exp exp exp log 第 卷 第 號 39 4 2011 4 투영법을 이용한 터빈 블레이드의 크리프 특성 분석 329 성을 평가하였다 이를 위해 결정계수값인 값 을 비교하였으며 크리프 시험 결과를 곡선 접합 한 결과와 비선형 최소자승법으로 예측한 결과 사 이 결정계수간 정도의 오차가 발생하였고

More information

44-4대지.07이영희532~

44-4대지.07이영희532~ A Spatial Location Analysis of the First Shops of Foodservice Franchise in Seoul Metropolitan City Younghee Lee* 1 1 (R) 0 16 1 15 64 1 Abstract The foodservice franchise is preferred by the founders who

More information

264 축되어 있으나, 과거의 경우 결측치가 있거나 폐기물 발생 량 집계방법이 용적기준에서 중량기준으로 변경되어 자료 를 활용하는데 제한이 있었다. 또한 1995년부터 쓰레기 종 량제가 도입되어 생활폐기물 발생량이 이를 기점으로 크 게 줄어들었다. 그러므로 1996년부

264 축되어 있으나, 과거의 경우 결측치가 있거나 폐기물 발생 량 집계방법이 용적기준에서 중량기준으로 변경되어 자료 를 활용하는데 제한이 있었다. 또한 1995년부터 쓰레기 종 량제가 도입되어 생활폐기물 발생량이 이를 기점으로 크 게 줄어들었다. 그러므로 1996년부 大 韓 環 境 工 學 會 誌 特 輯 - Special Feature - 263~268. 2008. 인구구조변화에 따른 생활폐기물 발생량 현황 및 전망 서울대학교 보건대학원 Status and Forecast of the Municipal Solid Waste Generation by the Change of Population Structure Sa-rah

More information

Introduction to Deep learning

Introduction to Deep learning Introduction to Deep learning Youngpyo Ryu 동국대학교수학과대학원응용수학석사재학 youngpyoryu@dongguk.edu 2018 년 6 월 30 일 Youngpyo Ryu (Dongguk Univ) 2018 Daegu University Bigdata Camp 2018 년 6 월 30 일 1 / 66 Overview 1 Neuron

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Jun.; 27(6),

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Jun.; 27(6), THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2016 Jun.; 27(6), 495 503. http://dx.doi.org/10.5515/kjkiees.2016.27.6.495 ISSN 1226-3133 (Print) ISSN 2288-226X (Online) Design

More information

DBPIA-NURIMEDIA

DBPIA-NURIMEDIA The e-business Studies Volume 17, Number 6, December, 30, 2016:3~20 Received: 2016/12/04, Accepted: 2016/12/27 Revised: 2016/12/27, Published: 2016/12/30 [ABSTRACT] This study aims to comprehensively analyze

More information

Journal of Educational Innovation Research 2018, Vol. 28, No. 1, pp DOI: * A Analysis of

Journal of Educational Innovation Research 2018, Vol. 28, No. 1, pp DOI: * A Analysis of Journal of Educational Innovation Research 2018, Vol. 28, No. 1, pp.99-117 DOI: http://dx.doi.org/10.21024/pnuedi.28.1.201803.99 2015 * A Analysis of the Characters and Issues about the 2015 Revised Social

More information

<31372DB9DABAB4C8A32E687770>

<31372DB9DABAB4C8A32E687770> 김경환 박병호 충북대학교 도시공학과 (2010. 5. 27. 접수 / 2011. 11. 23. 채택) Developing the Traffic Severity by Type Kyung-Hwan Kim Byung Ho Park Department of Urban Engineering, Chungbuk National University (Received May

More information

<313920C0CCB1E2BFF82E687770>

<313920C0CCB1E2BFF82E687770> 韓 國 電 磁 波 學 會 論 文 誌 第 19 卷 第 8 號 2008 年 8 月 論 文 2008-19-8-19 K 대역 브릭형 능동 송수신 모듈의 설계 및 제작 A Design and Fabrication of the Brick Transmit/Receive Module for K Band 이 기 원 문 주 영 윤 상 원 Ki-Won Lee Ju-Young Moon

More information

Ch 1 머신러닝 개요.pptx

Ch 1 머신러닝 개요.pptx Chapter 1. < > :,, 2017. Slides Prepared by,, Biointelligence Laboratory School of Computer Science and Engineering Seoul National University 1.1 3 1.2... 7 1.3 10 1.4 16 1.5 35 2 1 1.1 n,, n n Artificial

More information

서강대학교 기초과학연구소대학중점연구소 심포지엄기초과학연구소

서강대학교 기초과학연구소대학중점연구소 심포지엄기초과학연구소 2012 년도기초과학연구소 대학중점연구소심포지엄 마이크로파센서를이용한 혈당측정연구 일시 : 2012 년 3 월 20 일 ( 화 ) 14:00~17:30 장소 : 서강대학교과학관 1010 호 주최 : 서강대학교기초과학연구소 Contents Program of Symposium 2 Non-invasive in vitro sensing of D-glucose in

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Sep.; 26(10),

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Sep.; 26(10), THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2015 Sep.; 26(10), 907 913. http://dx.doi.org/10.5515/kjkiees.2015.26.10.907 ISSN 1226-3133 (Print) ISSN 2288-226X (Online) Prediction

More information

(JBE Vol. 22, No. 2, March 2017) (Regular Paper) 22 2, (JBE Vol. 22, No. 2, March 2017) ISSN

(JBE Vol. 22, No. 2, March 2017) (Regular Paper) 22 2, (JBE Vol. 22, No. 2, March 2017)   ISSN (JBE Vol. 22, No. 2, March 2017) (Regular Paper) 22 2, 2017 3 (JBE Vol. 22, No. 2, March 2017) https://doi.org/10.5909/jbe.2017.22.2.234 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) a), a), a) Real-time

More information

<4D6963726F736F667420576F7264202D20C3D6BDC52049435420C0CCBDB4202D20BAB9BBE7BABB>

<4D6963726F736F667420576F7264202D20C3D6BDC52049435420C0CCBDB4202D20BAB9BBE7BABB> 주간기술동향 2016. 2. 24. 최신 ICT 이슈 인공지능 바둑 프로그램 경쟁, 구글이 페이스북에 리드 * 바둑은 경우의 수가 많아 컴퓨터가 인간을 넘어서기 어려움을 보여주는 사례로 꼽혀 왔 으며, 바로 그런 이유로 인공지능 개발에 매진하는 구글과 페이스북은 바둑 프로그램 개 발 경쟁을 벌여 왔으며, 프로 9 단에 도전장을 낸 구글이 일단 한발 앞서 가는

More information

<352E20BAAFBCF6BCB1C5C320B1E2B9FDC0BB20C0CCBFEBC7D120C7D1B1B920C7C1B7CEBEDFB1B8C0C720B5E6C1A1B0FA20BDC7C1A120BCB3B8ED28313531323231292D2DB1E8C7F5C1D62E687770>

<352E20BAAFBCF6BCB1C5C320B1E2B9FDC0BB20C0CCBFEBC7D120C7D1B1B920C7C1B7CEBEDFB1B8C0C720B5E6C1A1B0FA20BDC7C1A120BCB3B8ED28313531323231292D2DB1E8C7F5C1D62E687770> 통계연구(2015), 제20권 제3호, 71-92 변수선택 기법을 이용한 한국 프로야구의 득점과 실점 설명 1) 김혁주 2) 김예형 3) 요약 한국 프로야구에서 팀들의 득점과 실점에 영향을 미치는 요인들을 규명하기 위한 연구를 하였 다. 2007년부터 2014년까지의 정규리그 전 경기 자료를 대상으로 분석하였다. 전방선택법, 후방 소거법, 단계별 회귀법, 선택법,

More information

DBPIA-NURIMEDIA

DBPIA-NURIMEDIA e- 비즈니스연구 (The e-business Studies) Volume 17, Number 1, February, 28, 2016:pp. 3~30 ISSN 1229-9936 (Print), ISSN 2466-1716 (Online) 원고접수일심사 ( 수정 ) 게재확정일 2016. 01. 08 2016. 01. 09 2016. 02. 25 ABSTRACT

More information

09이훈열ok(163-

09이훈열ok(163- Korean Journal of Remote Sensing, Vol.27, No.2, 2011, pp.163~170 Change of Refractive Index of Air in X-band due to Atmospheric Humidity, Temperature and Pressure measured by GB-SAR Interferometry Jae-Hee

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Jul.; 27(7),

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Jul.; 27(7), THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 16 Jul.; 27(7), 64662. http://dx.doi.org/./kjkiees.16.27.7.646 ISSN 1226-3133 (Print)ISSN 2288-226 (Online) 2D Microwave Image

More information

DBPIA-NURIMEDIA

DBPIA-NURIMEDIA 박건수 *, 서태영 **, 김종욱 *** ". 요약 Abstract The induction melting furnace using electric generator has been introduced since 1920s, and it began to be widely applied to industrial applications due to increasing

More information

Journal of Educational Innovation Research 2017, Vol. 27, No. 3, pp DOI: (NCS) Method of Con

Journal of Educational Innovation Research 2017, Vol. 27, No. 3, pp DOI:   (NCS) Method of Con Journal of Educational Innovation Research 2017, Vol. 27, No. 3, pp.181-212 DOI: http://dx.doi.org/10.21024/pnuedi.27.3.201709.181 (NCS) Method of Constructing and Using the Differentiated National Competency

More information

04 최진규.hwp

04 최진규.hwp THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2015 Aug.; 26(8), 710717. http://dx.doi.org/10.5515/kjkiees.2015.26.8.710 ISSN 1226-3133 (Print)ISSN 2288-226X (Online) RF ESPAR

More information

139~144 ¿À°ø¾àħ

139~144 ¿À°ø¾àħ 2 139 DOI : 10.3831/KPI.2010.13.2.139 2 Received : 10. 04. 08 Revised : 10. 04. 26 Two Case Report on Wrist Ganglion Treated with Scolopendrid Pharmacopuncture Accepted : 10. 05. 04 Key Words: Wrist Ganglion,

More information

歯1.PDF

歯1.PDF 200176 .,.,.,. 5... 1/2. /. / 2. . 293.33 (54.32%), 65.54(12.13%), / 53.80(9.96%), 25.60(4.74%), 5.22(0.97%). / 3 S (1997)14.59% (1971) 10%, (1977).5%~11.5%, (1986)

More information

Journal of Educational Innovation Research 2018, Vol. 28, No. 4, pp DOI: * A S

Journal of Educational Innovation Research 2018, Vol. 28, No. 4, pp DOI:   * A S Journal of Educational Innovation Research 2018, Vol. 28, No. 4, pp.461-487 DOI: http://dx.doi.org/10.21024/pnuedi.28.4.201812.461 * - 2008 2018 - A Study on the Change of Issues with Adolescent Problem

More information

<B8F1C2F72E687770>

<B8F1C2F72E687770> Transactions of the KSNVE, 23(12) : 1056~1065, 2013 23 12, pp. 1056~1065, 2013 http://dx.doi.org/10.5050/ksnve.2013.23.12.1056 ISSN 1598-2785(Print), ISSN 2287-5476(Online) A Study on the Improvement Plan

More information

Effects of baseball expertise and stimulus speeds on coincidence-anticipation timing accuracy of batting Jong-Hwa Lee, Seok-Jin Kim, & Seon-Jin Kim* Seoul National University [Purpose] [Methods] [Results]

More information

untitled

untitled PMIS 발전전략 수립사례 A Case Study on the Development Strategy of Project Management Information System 류 원 희 * 이 현 수 ** 김 우 영 *** 유 정 호 **** Yoo, Won-Hee Lee, Hyun-Soo Kim, Wooyoung Yu, Jung-Ho 요 약 건설업무의 효율성

More information

에너지경제연구 Korean Energy Economic Review Volume 17, Number 2, September 2018 : pp. 1~29 정책 용도별특성을고려한도시가스수요함수의 추정 :, ARDL,,, C4, Q4-1 -

에너지경제연구 Korean Energy Economic Review Volume 17, Number 2, September 2018 : pp. 1~29 정책 용도별특성을고려한도시가스수요함수의 추정 :, ARDL,,, C4, Q4-1 - 에너지경제연구 Korean Energy Economic Review Volume 17, Number 2, September 2018 : pp. 1~29 정책 용도별특성을고려한도시가스수요함수의 추정 :, ARDL,,, C4, Q4-1 - . - 2 - . 1. - 3 - [ 그림 1] 도시가스수요와실질 GDP 추이 - 4 - - 5 - - 6 - < 표 1>

More information

R을 이용한 텍스트 감정분석

R을 이용한 텍스트 감정분석 R Data Analyst / ( ) / kim@mindscale.kr (kim@mindscale.kr) / ( ) ( ) Analytic Director R ( ) / / 3/45 4/45 R? 1. : / 2. : ggplot2 / Web 3. : slidify 4. : 5. Matlab / Python -> R Interactive Plots. 5/45

More information

디지털포렌식학회 논문양식

디지털포렌식학회 논문양식 ISSN : 1976-5304 http://www.kdfs.or.kr Virtual Online Game(VOG) 환경에서의 디지털 증거수집 방법 연구 이 흥 복, 정 관 모, 김 선 영 * 대전지방경찰청 Evidence Collection Process According to the Way VOG Configuration Heung-Bok Lee, Kwan-Mo

More information

<30312DC1A4BAB8C5EBBDC5C7E0C1A4B9D7C1A4C3A528B1E8C1BEB9E8292E687770>

<30312DC1A4BAB8C5EBBDC5C7E0C1A4B9D7C1A4C3A528B1E8C1BEB9E8292E687770> Journal of the Korea Institute of Information and Communication Engineering 한국정보통신학회논문지(J. Korea Inst. Inf. Commun. Eng.) Vol. 18, No. 11 : 2593~2599 Nov. 2014 오픈소스 모바일 UI컴포넌트 선정 절차 프레임워크 손효정 1 이민규 2 성백민

More information

조사연구 권 호 연구논문 한국노동패널조사자료의분석을위한패널가중치산출및사용방안사례연구 A Case Study on Construction and Use of Longitudinal Weights for Korea Labor Income Panel Survey 2)3) a

조사연구 권 호 연구논문 한국노동패널조사자료의분석을위한패널가중치산출및사용방안사례연구 A Case Study on Construction and Use of Longitudinal Weights for Korea Labor Income Panel Survey 2)3) a 조사연구 권 호 연구논문 한국노동패널조사자료의분석을위한패널가중치산출및사용방안사례연구 A Case Study on Construction and Use of Longitudinal Weights for Korea Labor Income Panel Survey 2)3) a) b) 조사연구 주제어 패널조사 횡단면가중치 종단면가중치 선형혼합모형 일반화선형혼 합모형

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Jun.; 27(6),

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Jun.; 27(6), THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2016 Jun.; 276), 504511. http://dx.doi.org/10.5515/kjkiees.2016.27.6.504 ISSN 1226-3133 Print)ISSN 2288-226X Online) Near-Field

More information

example code are examined in this stage The low pressure pressurizer reactor trip module of the Plant Protection System was programmed as subject for

example code are examined in this stage The low pressure pressurizer reactor trip module of the Plant Protection System was programmed as subject for 2003 Development of the Software Generation Method using Model Driven Software Engineering Tool,,,,, Hoon-Seon Chang, Jae-Cheon Jung, Jae-Hack Kim Hee-Hwan Han, Do-Yeon Kim, Young-Woo Chang Wang Sik, Moon

More information

<31325FB1E8B0E6BCBA2E687770>

<31325FB1E8B0E6BCBA2E687770> 88 / 한국전산유체공학회지 제15권, 제1호, pp.88-94, 2010. 3 관내 유동 해석을 위한 웹기반 자바 프로그램 개발 김 경 성, 1 박 종 천 *2 DEVELOPMENT OF WEB-BASED JAVA PROGRAM FOR NUMERICAL ANALYSIS OF PIPE FLOW K.S. Kim 1 and J.C. Park *2 In general,

More information

조사연구 aim of this study is to find main cause of the forecasting error and bias of telephone survey. We use the telephone survey paradata released by N

조사연구 aim of this study is to find main cause of the forecasting error and bias of telephone survey. We use the telephone survey paradata released by N 조사연구 권 호 DOI http://dx.doi.org/10.20997/sr.17.3.5 연구노트 2016 년국회의원선거전화여론조사정확성분석 Analysis of Accuracy of Telephone Survey for the 2016 National Assembly Elections 1)2) a) b) 주제어 선거여론조사 전화조사 예측오차 편향 대국회의원선거

More information

Journal of Educational Innovation Research 2019, Vol. 29, No. 1, pp DOI: * Suggestions of Ways

Journal of Educational Innovation Research 2019, Vol. 29, No. 1, pp DOI:   * Suggestions of Ways Journal of Educational Innovation Research 2019, Vol. 29, No. 1, pp.65-89 DOI: http://dx.doi.org/10.21024/pnuedi.29.1.201903.65 * Suggestions of Ways to Improve Teaching Practicum Based on the Experiences

More information

(JBE Vol. 23, No. 6, November 2018) (Special Paper) 23 6, (JBE Vol. 23, No. 6, November 2018) ISSN 2

(JBE Vol. 23, No. 6, November 2018) (Special Paper) 23 6, (JBE Vol. 23, No. 6, November 2018)   ISSN 2 (JBE Vol. 23, No. 6, November 2018) (Special Paper) 23 6, 2018 11 (JBE Vol. 23, No. 6, November 2018) https://doi.org/10.5909/jbe.2018.23.6.760 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) Generative

More information

10(3)-10.fm

10(3)-10.fm w y wz 10«3y 259~264 (2010.12.) Journal of Korean Society of Urban Environment w gj p p y Á Á½k * w m œw Á* w y œw (2010 9 28, 2010 10 12 k) Characteristics of Antiwashout Underwater Concrete for Reduction

More information

10 이지훈KICS2015-03-068.hwp

10 이지훈KICS2015-03-068.hwp 논문 15-40-05-10 The Journal of Korean Institute of Communications and Information Sciences '15-05 Vol.40 No.05 http://dx.doi.org/10.7840/kics.2015.40.5.851 가로등 인프라를 활용한 안전한 스마트 방범 시스템 차 정 화, 이 주 용 *, 이

More information

<313720BCADBCBAB9AB2DBBE7C8B8C0FBB1E2BEF720C5F5C0DA20C0C7BBE7B0E1C1A42E687770>

<313720BCADBCBAB9AB2DBBE7C8B8C0FBB1E2BEF720C5F5C0DA20C0C7BBE7B0E1C1A42E687770> Journal of the Korea Academia-Industrial cooperation Society Vol. 14, No. 3 pp. 1109-1115, 2013 http://dx.doi.org/10.5762/kais.2013.14.3.1109 사회적기업 투자 의사결정 모델 연구 서성무 1, 장대규 2* 1 중앙대학교 경영경제대학, 2 중앙대학교 일반대학원

More information

Kinematic analysis of success strategy of YANG Hak Seon technique Joo-Ho Song 1, Jong-Hoon Park 2, & Jin-Sun Kim 3 * 1 Korea Institute of Sport Scienc

Kinematic analysis of success strategy of YANG Hak Seon technique Joo-Ho Song 1, Jong-Hoon Park 2, & Jin-Sun Kim 3 * 1 Korea Institute of Sport Scienc Kinematic analysis of success strategy of technique JooHo Song 1, JongHoon Park 2, & JinSun Kim 3 * 1 Korea Institute of Sport Science, 2 Catholic Kwandong University, 3 Yonsei University [Purpose] [Methods]

More information

<30312DC1A4BAB8C5EBBDC5C7E0C1A4B9D7C1A4C3A52DC1A4BFB5C3B62E687770>

<30312DC1A4BAB8C5EBBDC5C7E0C1A4B9D7C1A4C3A52DC1A4BFB5C3B62E687770> Journal of the Korea Institute of Information and Communication Engineering 한국정보통신학회논문지(J. Korea Inst. Inf. Commun. Eng.) Vol. 19, No. 2 : 258~264 Feb. 2015 ID3 알고리즘 기반의 귀납적 추론을 활용한 모바일 OS의 성공과 실패에 대한

More information

4 : (Hyo-Jin Cho et al.: Audio High-Band Coding based on Autoencoder with Side Information) (Special Paper) 24 3, (JBE Vol. 24, No. 3, May 2019

4 : (Hyo-Jin Cho et al.: Audio High-Band Coding based on Autoencoder with Side Information) (Special Paper) 24 3, (JBE Vol. 24, No. 3, May 2019 4 : (Hyo-Jin Cho et al.: Audio High-Band Coding based on Autoencoder with Side Information) (Special Paper) 24 3, 2019 5 (JBE Vol. 24, No. 3, May 2019) https://doi.org/10.5909/jbe.2019.24.3.387 ISSN 2287-9137

More information