• 제목/요약/키워드: Tensor flow DNN

검색결과 7건 처리시간 0.02초

Hybrid Tensor Flow DNN and Modified Residual Network Approach for Cyber Security Threats Detection in Internet of Things

  • Alshehri, Abdulrahman Mohammed;Fenais, Mohammed Saeed
    • International Journal of Computer Science & Network Security
    • /
    • 제22권10호
    • /
    • pp.237-245
    • /
    • 2022
  • The prominence of IoTs (Internet of Things) and exponential advancement of computer networks has resulted in massive essential applications. Recognizing various cyber-attacks or anomalies in networks and establishing effective intrusion recognition systems are becoming increasingly vital to current security. MLTs (Machine Learning Techniques) can be developed for such data-driven intelligent recognition systems. Researchers have employed a TFDNNs (Tensor Flow Deep Neural Networks) and DCNNs (Deep Convolution Neural Networks) to recognize pirated software and malwares efficiently. However, tuning the amount of neurons in multiple layers with activation functions leads to learning error rates, degrading classifier's reliability. HTFDNNs ( Hybrid tensor flow DNNs) and MRNs (Modified Residual Networks) or Resnet CNNs were presented to recognize software piracy and malwares. This study proposes HTFDNNs to identify stolen software starting with plagiarized source codes. This work uses Tokens and weights for filtering noises while focusing on token's for identifying source code thefts. DLTs (Deep learning techniques) are then used to detect plagiarized sources. Data from Google Code Jam is used for finding software piracy. MRNs visualize colour images for identifying harms in networks using IoTs. Malware samples of Maling dataset is used for tests in this work.

Discernment of Android User Interaction Data Distribution Using Deep Learning

  • Ho, Jun-Won
    • International Journal of Internet, Broadcasting and Communication
    • /
    • 제14권3호
    • /
    • pp.143-148
    • /
    • 2022
  • In this paper, we employ deep neural network (DNN) to discern Android user interaction data distribution from artificial data distribution. We utilize real Android user interaction trace dataset collected from [1] to evaluate our DNN design. In particular, we use sequential model with 4 dense hidden layers and 1 dense output layer in TensorFlow and Keras. We also deploy sigmoid activation function for a dense output layer with 1 neuron and ReLU activation function for each dense hidden layer with 32 neurons. Our evaluation shows that our DNN design fulfills high test accuracy of at least 0.9955 and low test loss of at most 0.0116 in all cases of artificial data distributions.

River streamflow prediction using a deep neural network: a case study on the Red River, Vietnam

  • Le, Xuan-Hien;Ho, Hung Viet;Lee, Giha
    • 농업과학연구
    • /
    • 제46권4호
    • /
    • pp.843-856
    • /
    • 2019
  • Real-time flood prediction has an important role in significantly reducing potential damage caused by floods for urban residential areas located downstream of river basins. This paper presents an effective approach for flood forecasting based on the construction of a deep neural network (DNN) model. In addition, this research depends closely on the open-source software library, TensorFlow, which was developed by Google for machine and deep learning applications and research. The proposed model was applied to forecast the flowrate one, two, and three days in advance at the Son Tay hydrological station on the Red River, Vietnam. The input data of the model was a series of discharge data observed at five gauge stations on the Red River system, without requiring rainfall data, water levels and topographic characteristics. The research results indicate that the DNN model achieved a high performance for flood forecasting even though only a modest amount of data is required. When forecasting one and two days in advance, the Nash-Sutcliffe Efficiency (NSE) reached 0.993 and 0.938, respectively. The findings of this study suggest that the DNN model can be used to construct a real-time flood warning system on the Red River and for other river basins in Vietnam.

가상현실 기반 3차원 공간에 대한 감정분류 딥러닝 모델 (Emotion Classification DNN Model for Virtual Reality based 3D Space)

  • 명지연;전한종
    • 대한건축학회논문집:계획계
    • /
    • 제36권4호
    • /
    • pp.41-49
    • /
    • 2020
  • The purpose of this study was to investigate the use of the Deep Neural Networks(DNN) model to classify user's emotions, in particular Electroencephalography(EEG) toward Virtual-Reality(VR) based 3D design alternatives. Four different types of VR Space were constructed to measure a user's emotion and EEG was measured for each stimulus. In addition to the quantitative evaluation based on EEG data, a questionnaire was conducted to qualitatively check whether there is a difference between VR stimuli. As a result, there is a significant difference between plan types according to the normalized ranking method. Therefore, the value of the subjective questionnaire was used as labeling data and collected EEG data was used for a feature value in the DNN model. Google TensorFlow was used to build and train the model. The accuracy of the developed model was 98.9%, which is higher than in previous studies. This indicates that there is a possibility of VR and Fast Fourier Transform(FFT) processing would affect the accuracy of the model, which means that it is possible to classify a user's emotions toward VR based 3D design alternatives by measuring the EEG with this model.

Heart Disease Prediction Using Decision Tree With Kaggle Dataset

  • Noh, Young-Dan;Cho, Kyu-Cheol
    • 한국컴퓨터정보학회논문지
    • /
    • 제27권5호
    • /
    • pp.21-28
    • /
    • 2022
  • 심혈관질환은 심장질환과 혈관질환 등 순환기계통에 생기는 모든 질병을 통칭한다. 심혈관질환은 2019년 사망의 1/3을 차지하는 전 세계 사망의 주요 원인이며, 사망자는 계속 증가하고 있다. 이와 같은 질병을 인공지능을 활용해 환자의 데이터로 미리 예측이 가능하다면 질병을 조기에 발견해 치료할 수 있을 것이다. 본 연구에서는 심혈관질환 중 하나인 심장질환을 예측하는 모델들을 생성하였으며 Accuracy, Precision, Recall의 측정값을 지표로 하여 모델들의 성능을 비교한다. 또한 Decision Tree의 성능을 향상시키는 방법에 대해 기술한다. 본 연구에서는 macOS Big Sur환경에서 Jupyter Notebook으로 Python을 사용해 scikit-learn, Keras, TensorFlow 라이브러리를 이용하여 실험을 진행하였다. 연구에 사용된 모델은 Decision Tree, KNN(K-Nearest Neighbor), SVM(Support Vector Machine), DNN(Deep Neural Network)으로 총 4가지 모델을 생성하였다. 모델들의 성능 비교 결과 Decision Tree 성능이 가장 높은 것으로 나타났다. 본 연구에서는 노드의 특성배치를 변경하고 트리의 최대 깊이를 3으로 지정한 Decision Tree를 사용하였을 때 가장 성능이 높은 것으로 나타났으므로 노드의 특성 배치 변경과 트리의 최대 깊이를 설정한 Decision Tree를 사용하는 것을 권장한다.

딥러닝을 이용한 연안 소형 어선 주요 치수 추정 연구 (A study on estimating the main dimensions of a small fishing boat using deep learning)

  • 장민성;김동준;자오양
    • 수산해양기술연구
    • /
    • 제58권3호
    • /
    • pp.272-280
    • /
    • 2022
  • The first step is to determine the principal dimensions of the design ship, such as length between perpendiculars, beam, draft and depth when accomplishing the design of a new vessel. To make this process easier, a database with a large amount of existing ship data and a regression analysis technique are needed. Recently, deep learning, a branch of artificial intelligence (AI) has been used in regression analysis. In this paper, deep learning neural networks are used for regression analysis to find the regression function between the input and output data. To find the neural network structure with the highest accuracy, the errors of neural network structures with varying the number of the layers and the nodes are compared. In this paper, Python TensorFlow Keras API and MATLAB Deep Learning Toolbox are used to build deep learning neural networks. Constructed DNN (deep neural networks) makes helpful in determining the principal dimension of the ship and saves much time in the ship design process.

k-익명화 알고리즘에서 기계학습 기반의 k값 예측 기법 실험 및 구현 (Experiment and Implementation of a Machine-Learning Based k-Value Prediction Scheme in a k-Anonymity Algorithm)

  • ;장성봉
    • 정보처리학회논문지:컴퓨터 및 통신 시스템
    • /
    • 제9권1호
    • /
    • pp.9-16
    • /
    • 2020
  • 빅 데이터를 연구 목적으로 제3자에게 배포할 때 프라이버시 정보를 보호하기 위해서 k-익명화 기법이 널리 사용되어 왔다. k-익명화 기법을 적용할 때, 해결 해야할 어려운 문제 중의 하나는 최적의 k값을 결정하는 것이다. 현재는 대부분 전문가의 직관에 근거하여 수동으로 결정되고 있다. 이러한 방식은 익명화의 성능을 떨어뜨리고 시간과 비용을 많이 낭비하게 만든다. 이러한 문제점을 해결하기 위해서 기계학습 기반의 k값 결정방식을 제안한다. 본 논문에서는 제안된 아이디어를 실제로 적용한 구현 및 실험 내용에 대해서 서술 한다. 실험에서는 심층 신경망을 구현하여 훈련하고 테스트를 수행 하였다. 실험결과 훈련 에러는 전형적인 신경망에서 보여지는 패턴을 나타냈으며, 테스트 실험에서는 훈련에러에서 나타나는 패턴과는 다른 패턴을 보여주고 있다. 제안된 방식의 장점은 k값 결정시 시간과 비용을 줄일 수 있다는 장점이 있다.