• Title/Summary/Keyword: deep network

Search Result 2,878, Processing Time 0.024 seconds

Prediction of Deep Excavation-induced Ground Surface Movements Using Artificial Neural Network (인공신경망기법을 이용한 깊은 굴착에 따른 지표변위 예측)

  • 유충식;최병석
    • Journal of the Korean Geotechnical Society
    • /
    • v.20 no.3
    • /
    • pp.53-65
    • /
    • 2004
  • This paper presents the prediction of deep excavation-induced ground surface movements using artificial neural network(ANN) technique, which is of prime importance in the damage assessment of adjacent buildings. A finite element model, which can realistically replicate deep excavation-induced ground movements, was employed to perform a parametric study on deep excavations with emphasis on ground movements. The result of the finite element analysis formed a basis for the Artificial Neural Network(ANN) system development. It was shown that the developed ANN system can be effective for a first-order prediction of ground movements associated with deep-excavation.

Sentiment Orientation Using Deep Learning Sequential and Bidirectional Models

  • Alyamani, Hasan J.
    • International Journal of Computer Science & Network Security
    • /
    • v.21 no.11
    • /
    • pp.23-30
    • /
    • 2021
  • Sentiment Analysis has become very important field of research because posting of reviews is becoming a trend. Supervised, unsupervised and semi supervised machine learning methods done lot of work to mine this data. Feature engineering is complex and technical part of machine learning. Deep learning is a new trend, where this laborious work can be done automatically. Many researchers have done many works on Deep learning Convolutional Neural Network (CNN) and Long Shor Term Memory (LSTM) Neural Network. These requires high processing speed and memory. Here author suggested two models simple & bidirectional deep leaning, which can work on text data with normal processing speed. At end both models are compared and found bidirectional model is best, because simple model achieve 50% accuracy and bidirectional deep learning model achieve 99% accuracy on trained data while 78% accuracy on test data. But this is based on 10-epochs and 40-batch size. This accuracy can also be increased by making different attempts on epochs and batch size.

Applying Deep Reinforcement Learning to Improve Throughput and Reduce Collision Rate in IEEE 802.11 Networks

  • Ke, Chih-Heng;Astuti, Lia
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • v.16 no.1
    • /
    • pp.334-349
    • /
    • 2022
  • The effectiveness of Wi-Fi networks is greatly influenced by the optimization of contention window (CW) parameters. Unfortunately, the conventional approach employed by IEEE 802.11 wireless networks is not scalable enough to sustain consistent performance for the increasing number of stations. Yet, it is still the default when accessing channels for single-users of 802.11 transmissions. Recently, there has been a spike in attempts to enhance network performance using a machine learning (ML) technique known as reinforcement learning (RL). Its advantage is interacting with the surrounding environment and making decisions based on its own experience. Deep RL (DRL) uses deep neural networks (DNN) to deal with more complex environments (such as continuous state spaces or actions spaces) and to get optimum rewards. As a result, we present a new approach of CW control mechanism, which is termed as contention window threshold (CWThreshold). It uses the DRL principle to define the threshold value and learn optimal settings under various network scenarios. We demonstrate our proposed method, known as a smart exponential-threshold-linear backoff algorithm with a deep Q-learning network (SETL-DQN). The simulation results show that our proposed SETL-DQN algorithm can effectively improve the throughput and reduce the collision rates.

Sound event classification using deep neural network based transfer learning (깊은 신경망 기반의 전이학습을 이용한 사운드 이벤트 분류)

  • Lim, Hyungjun;Kim, Myung Jong;Kim, Hoirin
    • The Journal of the Acoustical Society of Korea
    • /
    • v.35 no.2
    • /
    • pp.143-148
    • /
    • 2016
  • Deep neural network that effectively capture the characteristics of data has been widely used in various applications. However, the amount of sound database is often insufficient for learning the deep neural network properly, so resulting in overfitting problems. In this paper, we propose a transfer learning framework that can effectively train the deep neural network even with insufficient sound event data by employing rich speech or music data. A series of experimental results verify that proposed method performs significantly better than the baseline deep neural network that was trained only with small sound event data.

An Optimized Deep Learning Techniques for Analyzing Mammograms

  • Satish Babu Bandaru;Natarajasivan. D;Rama Mohan Babu. G
    • International Journal of Computer Science & Network Security
    • /
    • v.23 no.7
    • /
    • pp.39-48
    • /
    • 2023
  • Breast cancer screening makes extensive utilization of mammography. Even so, there has been a lot of debate with regards to this application's starting age as well as screening interval. The deep learning technique of transfer learning is employed for transferring the knowledge learnt from the source tasks to the target tasks. For the resolution of real-world problems, deep neural networks have demonstrated superior performance in comparison with the standard machine learning algorithms. The architecture of the deep neural networks has to be defined by taking into account the problem domain knowledge. Normally, this technique will consume a lot of time as well as computational resources. This work evaluated the efficacy of the deep learning neural network like Visual Geometry Group Network (VGG Net) Residual Network (Res Net), as well as inception network for classifying the mammograms. This work proposed optimization of ResNet with Teaching Learning Based Optimization (TLBO) algorithm's in order to predict breast cancers by means of mammogram images. The proposed TLBO-ResNet, an optimized ResNet with faster convergence ability when compared with other evolutionary methods for mammogram classification.

Performance Evaluation of Deep Neural Network (DNN) Based on HRV Parameters for Judgment of Risk Factors for Coronary Artery Disease (관상동맥질환 위험인자 유무 판단을 위한 심박변이도 매개변수 기반 심층 신경망의 성능 평가)

  • Park, Sung Jun;Choi, Seung Yeon;Kim, Young Mo
    • Journal of Biomedical Engineering Research
    • /
    • v.40 no.2
    • /
    • pp.62-67
    • /
    • 2019
  • The purpose of this study was to evaluate the performance of deep neural network model in order to determine whether there is a risk factor for coronary artery disease based on the cardiac variation parameter. The study used unidentifiable 297 data to evaluate the performance of the model. Input data consists of heart rate parameters, which are SDNN (standard deviation of the N-N intervals), PSI (physical stress index), TP (total power), VLF (very low frequency), LF (low frequency), HF (high frequency), RMSSD (root mean square of successive difference) APEN (approximate entropy) and SRD (successive R-R interval difference), the age group and sex. Output data are divided into normal and patient groups, and the patient group consists of those diagnosed with diabetes, high blood pressure, and hyperlipidemia among the various risk factors that can cause coronary artery disease. Based on this, a binary classification model was applied using Deep Neural Network of deep learning techniques to classify normal and patient groups efficiently. To evaluate the effectiveness of the model used in this study, Kernel SVM (support vector machine), one of the classification models in machine learning, was compared and evaluated using same data. The results showed that the accuracy of the proposed deep neural network was train set 91.79% and test set 85.56% and the specificity was 87.04% and the sensitivity was 83.33% from the point of diagnosis. These results suggest that deep learning is more efficient when classifying these medical data because the train set accuracy in the deep neural network was 7.73% higher than the comparative model Kernel SVM.

GRADIENTS IN A DEEP NEURAL NETWORK AND THEIR PYTHON IMPLEMENTATIONS

  • Park, Young Ho
    • Korean Journal of Mathematics
    • /
    • v.30 no.1
    • /
    • pp.131-146
    • /
    • 2022
  • This is an expository article about the gradients in deep neural network. It is hard to find a place where gradients in a deep neural network are dealt in details in a systematic and mathematical way. We review and compute the gradients and Jacobians to derive formulas for gradients which appear in the backpropagation and implement them in vectorized forms in Python.

Deep Neural Network(DNN) based Clinic Decision Support System(CDSS) Framework (Deep Neural Network(DNN) 기반 Clinic Decision Support System(CDSS) Framework)

  • Yu, Hyerin;Joe, Inwhee
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2022.11a
    • /
    • pp.357-358
    • /
    • 2022
  • 이 논문은 Deep Learning 을 이용해 의사의 진단의 도움을 줄 수 있는 Clinic Decision Support System(CDSS) Framework 를 제안한다. 당뇨병, 고혈압, 고지혈증 같은 대사질환은 증상이 있는 경우도 있지만 없는 경우가 대부분이다.[1] 그렇기 때문에 원격으로 진료할 경우 대사질환에 대한 부분을 놓칠 수 있다. 이러한 부분을 챗봇이 의사에게 Deep Neural Network(DNN)으로 예측된 정보를 제공해 도움을 준다.

Prediction of fine dust PM10 using a deep neural network model (심층 신경망모형을 사용한 미세먼지 PM10의 예측)

  • Jeon, Seonghyeon;Son, Young Sook
    • The Korean Journal of Applied Statistics
    • /
    • v.31 no.2
    • /
    • pp.265-285
    • /
    • 2018
  • In this study, we applied a deep neural network model to predict four grades of fine dust $PM_{10}$, 'Good, Moderate, Bad, Very Bad' and two grades, 'Good or Moderate and Bad or Very Bad'. The deep neural network model and existing classification techniques (such as neural network model, multinomial logistic regression model, support vector machine, and random forest) were applied to fine dust daily data observed from 2010 to 2015 in six major metropolitan areas of Korea. Data analysis shows that the deep neural network model outperforms others in the sense of accuracy.

Visual Analysis of Deep Q-network

  • Seng, Dewen;Zhang, Jiaming;Shi, Xiaoying
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • v.15 no.3
    • /
    • pp.853-873
    • /
    • 2021
  • In recent years, deep reinforcement learning (DRL) models are enjoying great interest as their success in a variety of challenging tasks. Deep Q-Network (DQN) is a widely used deep reinforcement learning model, which trains an intelligent agent that executes optimal actions while interacting with an environment. This model is well known for its ability to surpass skilled human players across many Atari 2600 games. Although DQN has achieved excellent performance in practice, there lacks a clear understanding of why the model works. In this paper, we present a visual analytics system for understanding deep Q-network in a non-blind matter. Based on the stored data generated from the training and testing process, four coordinated views are designed to expose the internal execution mechanism of DQN from different perspectives. We report the system performance and demonstrate its effectiveness through two case studies. By using our system, users can learn the relationship between states and Q-values, the function of convolutional layers, the strategies learned by DQN and the rationality of decisions made by the agent.