• Title/Summary/Keyword: Deep Learning Models

Search Result 1,295, Processing Time 0.027 seconds

Multi-Cattle Tracking Algorithm with Enhanced Trajectory Estimation in Precision Livestock Farms

  • Shujie Han;Alvaro Fuentes;Sook Yoon;Jongbin Park;Dong Sun Park
    • Smart Media Journal
    • /
    • v.13 no.2
    • /
    • pp.23-31
    • /
    • 2024
  • In precision cattle farm, reliably tracking the identity of each cattle is necessary. Effective tracking of cattle within farm environments presents a unique challenge, particularly with the need to minimize the occurrence of excessive tracking trajectories. To address this, we introduce a trajectory playback decision tree algorithm that reevaluates and cleans tracking results based on spatio-temporal relationships among trajectories. This approach considers trajectory as metadata, resulting in more realistic and accurate tracking outcomes. This algorithm showcases its robustness and capability through extensive comparisons with popular tracking models, consistently demonstrating the promotion of performance across various evaluation metrics that is HOTA, AssA, and IDF1 achieve 68.81%, 79.31%, and 84.81%.

KMSAV: Korean multi-speaker spontaneous audiovisual dataset

  • Kiyoung Park;Changhan Oh;Sunghee Dong
    • ETRI Journal
    • /
    • v.46 no.1
    • /
    • pp.71-81
    • /
    • 2024
  • Recent advances in deep learning for speech and visual recognition have accelerated the development of multimodal speech recognition, yielding many innovative results. We introduce a Korean audiovisual speech recognition corpus. This dataset comprises approximately 150 h of manually transcribed and annotated audiovisual data supplemented with additional 2000 h of untranscribed videos collected from YouTube under the Creative Commons License. The dataset is intended to be freely accessible for unrestricted research purposes. Along with the corpus, we propose an open-source framework for automatic speech recognition (ASR) and audiovisual speech recognition (AVSR). We validate the effectiveness of the corpus with evaluations using state-of-the-art ASR and AVSR techniques, capitalizing on both pretrained models and fine-tuning processes. After fine-tuning, ASR and AVSR achieve character error rates of 11.1% and 18.9%, respectively. This error difference highlights the need for improvement in AVSR techniques. We expect that our corpus will be an instrumental resource to support improvements in AVSR.

A Study Comparing the Performance of Linear and Deep Learning Models in Recommender Systems as a Function of Data Size (추천 시스템에서의 선형 모델과 딥러닝 모델의 데이터 크기에 따른 성능 비교 연구)

  • Da-Hun Seong;Yujin Lim
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2024.05a
    • /
    • pp.715-718
    • /
    • 2024
  • 추천 시스템을 통해 사용자의 만족도를 높여 매출 증대까지 기대할 수 있기에, 추천 시스템은 과거부터 활발하게 연구되어 왔다. 추천 시스템은 크게 선형 모델과 비선형 모델로 구분할 수 있는데, 각 모델이 주로 독자적으로 연구되어 통합된 성능 결과를 명확히 알 수 없는 경우가 많아, 두 모델 간 특성 차이를 명확히 파악하여 추천 상황에서 적합한 모델을 선택하기 어려운 문제가 있다. 따라서 본 연구에서는 선형 모델과 비선형 모델을 같은 데이터와 같은 환경, 같은 성능평가 지표로 실험하여 결과를 비교 및 분석해보고자 한다.

A Time Series Graph based Convolutional Neural Network Model for Effective Input Variable Pattern Learning : Application to the Prediction of Stock Market (효과적인 입력변수 패턴 학습을 위한 시계열 그래프 기반 합성곱 신경망 모형: 주식시장 예측에의 응용)

  • Lee, Mo-Se;Ahn, Hyunchul
    • Journal of Intelligence and Information Systems
    • /
    • v.24 no.1
    • /
    • pp.167-181
    • /
    • 2018
  • Over the past decade, deep learning has been in spotlight among various machine learning algorithms. In particular, CNN(Convolutional Neural Network), which is known as the effective solution for recognizing and classifying images or voices, has been popularly applied to classification and prediction problems. In this study, we investigate the way to apply CNN in business problem solving. Specifically, this study propose to apply CNN to stock market prediction, one of the most challenging tasks in the machine learning research. As mentioned, CNN has strength in interpreting images. Thus, the model proposed in this study adopts CNN as the binary classifier that predicts stock market direction (upward or downward) by using time series graphs as its inputs. That is, our proposal is to build a machine learning algorithm that mimics an experts called 'technical analysts' who examine the graph of past price movement, and predict future financial price movements. Our proposed model named 'CNN-FG(Convolutional Neural Network using Fluctuation Graph)' consists of five steps. In the first step, it divides the dataset into the intervals of 5 days. And then, it creates time series graphs for the divided dataset in step 2. The size of the image in which the graph is drawn is $40(pixels){\times}40(pixels)$, and the graph of each independent variable was drawn using different colors. In step 3, the model converts the images into the matrices. Each image is converted into the combination of three matrices in order to express the value of the color using R(red), G(green), and B(blue) scale. In the next step, it splits the dataset of the graph images into training and validation datasets. We used 80% of the total dataset as the training dataset, and the remaining 20% as the validation dataset. And then, CNN classifiers are trained using the images of training dataset in the final step. Regarding the parameters of CNN-FG, we adopted two convolution filters ($5{\times}5{\times}6$ and $5{\times}5{\times}9$) in the convolution layer. In the pooling layer, $2{\times}2$ max pooling filter was used. The numbers of the nodes in two hidden layers were set to, respectively, 900 and 32, and the number of the nodes in the output layer was set to 2(one is for the prediction of upward trend, and the other one is for downward trend). Activation functions for the convolution layer and the hidden layer were set to ReLU(Rectified Linear Unit), and one for the output layer set to Softmax function. To validate our model - CNN-FG, we applied it to the prediction of KOSPI200 for 2,026 days in eight years (from 2009 to 2016). To match the proportions of the two groups in the independent variable (i.e. tomorrow's stock market movement), we selected 1,950 samples by applying random sampling. Finally, we built the training dataset using 80% of the total dataset (1,560 samples), and the validation dataset using 20% (390 samples). The dependent variables of the experimental dataset included twelve technical indicators popularly been used in the previous studies. They include Stochastic %K, Stochastic %D, Momentum, ROC(rate of change), LW %R(Larry William's %R), A/D oscillator(accumulation/distribution oscillator), OSCP(price oscillator), CCI(commodity channel index), and so on. To confirm the superiority of CNN-FG, we compared its prediction accuracy with the ones of other classification models. Experimental results showed that CNN-FG outperforms LOGIT(logistic regression), ANN(artificial neural network), and SVM(support vector machine) with the statistical significance. These empirical results imply that converting time series business data into graphs and building CNN-based classification models using these graphs can be effective from the perspective of prediction accuracy. Thus, this paper sheds a light on how to apply deep learning techniques to the domain of business problem solving.

Prediction of Traffic Congestion in Seoul by Deep Neural Network (심층인공신경망(DNN)과 다각도 상황 정보 기반의 서울시 도로 링크별 교통 혼잡도 예측)

  • Kim, Dong Hyun;Hwang, Kee Yeon;Yoon, Young
    • The Journal of The Korea Institute of Intelligent Transport Systems
    • /
    • v.18 no.4
    • /
    • pp.44-57
    • /
    • 2019
  • Various studies have been conducted to solve traffic congestions in many metropolitan cities through accurate traffic flow prediction. Most studies are based on the assumption that past traffic patterns repeat in the future. Models based on such an assumption fall short in case irregular traffic patterns abruptly occur. Instead, the approaches such as predicting traffic pattern through big data analytics and artificial intelligence have emerged. Specifically, deep learning algorithms such as RNN have been prevalent for tackling the problems of predicting temporal traffic flow as a time series. However, these algorithms do not perform well in terms of long-term prediction. In this paper, we take into account various external factors that may affect the traffic flows. We model the correlation between the multi-dimensional context information with temporal traffic speed pattern using deep neural networks. Our model trained with the traffic data from TOPIS system by Seoul, Korea can predict traffic speed on a specific date with the accuracy reaching nearly 90%. We expect that the accuracy can be improved further by taking into account additional factors such as accidents and constructions for the prediction.

Predicting Future ESG Performance using Past Corporate Financial Information: Application of Deep Neural Networks (심층신경망을 활용한 데이터 기반 ESG 성과 예측에 관한 연구: 기업 재무 정보를 중심으로)

  • Min-Seung Kim;Seung-Hwan Moon;Sungwon Choi
    • Journal of Intelligence and Information Systems
    • /
    • v.29 no.2
    • /
    • pp.85-100
    • /
    • 2023
  • Corporate ESG performance (environmental, social, and corporate governance) reflecting a company's strategic sustainability has emerged as one of the main factors in today's investment decisions. The traditional ESG performance rating process is largely performed in a qualitative and subjective manner based on the institution-specific criteria, entailing limitations in reliability, predictability, and timeliness when making investment decisions. This study attempted to predict the corporate ESG rating through automated machine learning based on quantitative and disclosed corporate financial information. Using 12 types (21,360 cases) of market-disclosed financial information and 1,780 ESG measures available through the Korea Institute of Corporate Governance and Sustainability during 2019 to 2021, we suggested a deep neural network prediction model. Our model yielded about 86% of accurate classification performance in predicting ESG rating, showing better performance than other comparative models. This study contributed the literature in a way that the model achieved relatively accurate ESG rating predictions through an automated process using quantitative and publicly available corporate financial information. In terms of practical implications, the general investors can benefit from the prediction accuracy and time efficiency of our proposed model with nominal cost. In addition, this study can be expanded by accumulating more Korean and international data and by developing a more robust and complex model in the future.

Ensemble Method for Predicting Particulate Matter and Odor Intensity (미세먼지, 악취 농도 예측을 위한 앙상블 방법)

  • Lee, Jong-Yeong;Choi, Myoung Jin;Joo, Yeongin;Yang, Jaekyung
    • Journal of Korean Society of Industrial and Systems Engineering
    • /
    • v.42 no.4
    • /
    • pp.203-210
    • /
    • 2019
  • Recently, a number of researchers have produced research and reports in order to forecast more exactly air quality such as particulate matter and odor. However, such research mainly focuses on the atmospheric diffusion models that have been used for the air quality prediction in environmental engineering area. Even though it has various merits, it has some limitation in that it uses very limited spatial attributes such as geographical attributes. Thus, we propose the new approach to forecast an air quality using a deep learning based ensemble model combining temporal and spatial predictor. The temporal predictor employs the RNN LSTM and the spatial predictor is based on the geographically weighted regression model. The ensemble model also uses the RNN LSTM that combines two models with stacking structure. The ensemble model is capable of inferring the air quality of the areas without air quality monitoring station, and even forecasting future air quality. We installed the IoT sensors measuring PM2.5, PM10, H2S, NH3, VOC at the 8 stations in Jeonju in order to gather air quality data. The numerical results showed that our new model has very exact prediction capability with comparison to the real measured data. It implies that the spatial attributes should be considered to more exact air quality prediction.

Particulate Matter Prediction using Multi-Layer Perceptron Network (다층 퍼셉트론 신경망을 이용한 미세먼지 예측)

  • Cho, Kyoung-woo;Jung, Yong-jin;Kang, Chul-gyu;Oh, Chang-heon
    • Proceedings of the Korean Institute of Information and Commucation Sciences Conference
    • /
    • 2018.10a
    • /
    • pp.620-622
    • /
    • 2018
  • The need for particulate matter prediction algorithms has increased as social interest in the effects of human on particulate matter increased. Many studies have proposed statistical modelling and machine learning techniques based prediction models using weather data, but it is difficult to accurately set the environment and detailed conditions of the models. In addition, there is a need to design a new prediction model for missing data in domestic weather monitoring station. In this paper, fine dust prediction is performed using multi-layer perceptron network as a previous study for particulate matter prediction. For this purpose, a prediction model is designed based on weather data of three monitoring station and the suitability of the algorithm for particulate matter prediction is evaluated through comparison with actual data.

  • PDF

A Study on the Instructional Design of 'Library and Information Life' Subject Based on Backward Design Model (백워드 설계 모형을 적용한 "도서관과 정보생활" 교과의 교수설계에 관한 연구)

  • Lee, Byeong-Ki
    • Journal of the Korean BIBLIA Society for library and Information Science
    • /
    • v.22 no.3
    • /
    • pp.5-24
    • /
    • 2011
  • Teachers must design instruction to meet effective teaching and learning before teaching implementation. The traditional models of instructional design such as Dick and Carey, ADDIE and ASSURE have been widely applied. However, the traditional models of instructional design have limitation in that students fail in deep understanding of subject content because of break down essential goal of the unit small pieces of contents. To solve this problem, Wiggins and McTighe have suggested backward design. Backward design is a method of designing instruction by setting evaluation before choosing activities or content to teach. Therefore, this study explores the effective teaching and learning by analyzing structure of backward design and appling backward design to 'Library and Information Life' subject for information literacy education. Backward design for 'Library and Information Life' subject applies the template which Wiggins and McTighe devised for instructional design.

Technical Trading Rules for Bitcoin Futures (비트코인 선물의 기술적 거래 규칙)

  • Kim, Sun Woong
    • Journal of Convergence for Information Technology
    • /
    • v.11 no.5
    • /
    • pp.94-103
    • /
    • 2021
  • This study aims to propose technical trading rules for Bitcoin futures and empirically analyze investment performance. Investment strategies include standard trading rules such as VMA, TRB, FR, MACD, RSI, BB, using Bitcoin futures daily data from December 18, 2017 to March 31, 2021. The trend-following rules showed higher investment performance than the comparative strategy B&H. Compared to KOSPI200 index futures, Bitcoin futures investment performance was higher. In particular, the investment performance has increased significantly in Sortino Ratio, which reflects downside risk. This study can find academic significance in that it is the first attempt to systematically analyze the investment performance of standard technical trading rules of Bitcoin futures. In future research, it is necessary to improve investment performance through the use of deep learning models or machine learning models to predict the price of Bitcoin futures.