Open Access. Powered by Scholars. Published by Universities.®

Engineering Commons

Open Access. Powered by Scholars. Published by Universities.®

2019

PDF

Computer Engineering

Deep learning

Articles 1 - 30 of 33

Full-Text Articles in Engineering

Cluster-Based Chained Transfer Learning For Energy Forecasting With Big Data, Yifang Tian Dec 2019

Cluster-Based Chained Transfer Learning For Energy Forecasting With Big Data, Yifang Tian

Electronic Thesis and Dissertation Repository

Smart meter popularity has resulted in the ability to collect big energy data and has created opportunities for large-scale energy forecasting. Machine Learning (ML) techniques commonly used for forecasting, such as neural networks, involve computationally intensive training typically with data from a single building/group to predict future consumption for that same building/group. With hundreds of thousands of smart meters, it becomes impractical or even infeasible to individually train a model for each meter. Consequently, this paper proposes Cluster-Based Chained Transfer Learning (CBCTL), an approach for building neural network-based models for many meters by taking advantage of already trained models through …


Research And Implementation Of Driving Concern Area Detection Based On Deep Learning, Jihua Ye, Shuxia Shi, Hanxi Li, Shimin Wang, Siyu Yang Dec 2019

Research And Implementation Of Driving Concern Area Detection Based On Deep Learning, Jihua Ye, Shuxia Shi, Hanxi Li, Shimin Wang, Siyu Yang

Journal of System Simulation

Abstract: As a key technology of intelligent driving, driving concern area detection method has an important impact on the performance of intelligent driving or intelligent early warning system. In view of the shortcomings of the existing methods, this paper proposes an effective method for driving concern area detection based on the deep learning. We obtain the camera internal and external parameters by using camera self-calibration method based on camera model, use the Canny edge detection and Bisecting K-means clustering to realize the vanishing point estimation, and establish the road detection model based on the obtained estimates. We obtain the depth …


Amodal Instance Segmentation And Multi-Object Tracking With Deep Pixel Embedding, Yanfeng Liu Dec 2019

Amodal Instance Segmentation And Multi-Object Tracking With Deep Pixel Embedding, Yanfeng Liu

Department of Electrical and Computer Engineering: Dissertations, Theses, and Student Research

This thesis extends upon the representational output of semantic instance segmentation by explicitly including both visible and occluded parts. A fully convolutional network is trained to produce consistent pixel-level embedding across two layers such that, when clustered, the results convey the full spatial extent and depth ordering of each instance. Results demonstrate that the network can accurately estimate complete masks in the presence of occlusion and outperform leading top-down bounding-box approaches.

The model is further extended to produce consistent pixel-level embeddings across two consecutive image frames from a video to simultaneously perform amodal instance segmentation and multi-object tracking. No post-processing …


Self-Driving Toy Car Using Deep Learning, Fahim Ahmed, Suleyman Turac, Mubtasem Ali Dec 2019

Self-Driving Toy Car Using Deep Learning, Fahim Ahmed, Suleyman Turac, Mubtasem Ali

Publications and Research

Our research focuses on building a student affordable platform for scale model self-driving cars. The goal of this project is to explore current developments of Open Source hardware and software to build a low-cost platform consisting of the car chassis/framework, sensors, and software for the autopilot. Our research will allow other students with low budget to enter into the world of Deep Learning, self-driving cars, and autonomous cars racing competitions.


Multiple Face Detection And Recognition System Design Applying Deep Learning In Web Browsers Using Javascript, Cristhian Gabriel Espinosa Sandoval Dec 2019

Multiple Face Detection And Recognition System Design Applying Deep Learning In Web Browsers Using Javascript, Cristhian Gabriel Espinosa Sandoval

Computer Science and Computer Engineering Undergraduate Honors Theses

Deep learning has advanced progressively in the last years and now demonstrates state-of-the-art performance in various fields. In the era of big data, transformation of data into valuable knowledge has become one of the most important challenges in computing. Therefore, we will review multiple algorithms for face recognition that have been researched for a long time and are maturely developed, and analyze deep learning, presenting examples of current research.

To provide a useful and comprehensive perspective, in this paper we categorize research by deep learning architecture, including neural networks, convolutional neural networks, depthwise Separable Convolutions, densely connected convolutional networks, and …


Seer: An Explainable Deep Learning Midi-Based Hybrid Song Recommender System, Khalil Damak, Olfa Nasraoui Dec 2019

Seer: An Explainable Deep Learning Midi-Based Hybrid Song Recommender System, Khalil Damak, Olfa Nasraoui

Faculty Scholarship

State of the art music recommender systems mainly rely on either matrix factorization-based collaborative filtering approaches or deep learning architectures. Deep learning models usually use metadata for content-based filtering or predict the next user interaction by learning from temporal sequences of user actions. Despite advances in deep learning for song recommendation, none has taken advantage of the sequential nature of songs by learning sequence models that are based on content. Aside from the importance of prediction accuracy, other significant aspects are important, such as explainability and solving the cold start problem. In this work, we propose a hybrid deep learning …


Improved Study Of Side-Channel Attacks Using Recurrent Neural Networks, Muhammad Abu Naser Rony Chowdhury Dec 2019

Improved Study Of Side-Channel Attacks Using Recurrent Neural Networks, Muhammad Abu Naser Rony Chowdhury

Boise State University Theses and Dissertations

Differential power analysis attacks are special kinds of side-channel attacks where power traces are considered as the side-channel information to launch the attack. These attacks are threatening and significant security issues for modern cryptographic devices such as smart cards, and Point of Sale (POS) machine; because after careful analysis of the power traces, the attacker can break any secured encryption algorithm and can steal sensitive information.

In our work, we study differential power analysis attack using two popular neural networks: Recurrent Neural Network (RNN) and Convolutional Neural Network (CNN). Our work seeks to answer three research questions(RQs):

RQ1: Is it …


Identifying Regional Trends In Avatar Customization, Peter Mawhorter, Sercan Sengun, Haewoon Kwak, D. Fox Harrell Dec 2019

Identifying Regional Trends In Avatar Customization, Peter Mawhorter, Sercan Sengun, Haewoon Kwak, D. Fox Harrell

Research Collection School Of Computing and Information Systems

Since virtual identities such as social media profiles and avatars have become a common venue for self-expression, it has become important to consider the ways in which existing systems embed the values of their designers. In order to design virtual identity systems that reflect the needs and preferences of diverse users, understanding how the virtual identity construction differs between groups is important. This paper presents a new methodology that leverages deep learning and differential clustering for comparative analysis of profile images, with a case study of almost 100 000 avatars from a large online community using a popular avatar creation …


Deep Learning (Partly) Demystified, Vladik Kreinovich, Olga Kosheleva Nov 2019

Deep Learning (Partly) Demystified, Vladik Kreinovich, Olga Kosheleva

Departmental Technical Reports (CS)

Successes of deep learning are partly due to appropriate selection of activation function, pooling functions, etc. Most of these choices have been made based on empirical comparison and heuristic ideas. In this paper, we show that many of these choices -- and the surprising success of deep learning in the first place -- can be explained by reasonably simple and natural mathematics.


Why Deep Learning Is More Efficient Than Support Vector Machines, And How It Is Related To Sparsity Techniques In Signal Processing, Laxman Bokati, Olga Kosheleva, Vladik Kreinovich Nov 2019

Why Deep Learning Is More Efficient Than Support Vector Machines, And How It Is Related To Sparsity Techniques In Signal Processing, Laxman Bokati, Olga Kosheleva, Vladik Kreinovich

Departmental Technical Reports (CS)

Several decades ago, traditional neural networks were the most efficient machine learning technique. Then it turned out that, in general, a different technique called support vector machines is more efficient. Reasonably recently, a new technique called deep learning has been shown to be the most efficient one. These are empirical observations, but how we explain them -- thus making the corresponding conclusions more reliable? In this paper, we provide a possible theoretical explanation for the above-described empirical comparisons. This explanation enables us to explain yet another empirical fact -- that sparsity techniques turned out to be very efficient in signal …


Limited Data Rolling Bearing Fault Diagnosis With Few-Shot Learning, Ansi Zhang, Shaobo Li, Yuxin Cui, Wanli Yang, Rongzhi Dong, Jianjun Hu Aug 2019

Limited Data Rolling Bearing Fault Diagnosis With Few-Shot Learning, Ansi Zhang, Shaobo Li, Yuxin Cui, Wanli Yang, Rongzhi Dong, Jianjun Hu

Faculty Publications

This paper focuses on bearing fault diagnosis with limited training data. A major challenge in fault diagnosis is the infeasibility of obtaining sufficient training samples for every fault type under all working conditions. Recently deep learning based fault diagnosis methods have achieved promising results. However, most of these methods require large amount of training data. In this study, we propose a deep neural network based few-shot learning approach for rolling bearing fault diagnosis with limited data. Our model is based on the siamese neural network, which learns by exploiting sample pairs of the same or different categories. Experimental results over …


A Review Of Text Corpus-Based Tourism Big Data Mining, Qin Li, Shaobo Li, Sen Zhang, Jie Hu, Jianhun Hu Aug 2019

A Review Of Text Corpus-Based Tourism Big Data Mining, Qin Li, Shaobo Li, Sen Zhang, Jie Hu, Jianhun Hu

Faculty Publications

With the massive growth of the Internet, text data has become one of the main formats of tourism big data. As an effective expression means of tourists’ opinions, text mining of such data has big potential to inspire innovations for tourism practitioners. In the past decade, a variety of text mining techniques have been proposed and applied to tourism analysis to develop tourism value analysis models, build tourism recommendation systems, create tourist profiles, and make policies for supervising tourism markets. The successes of these techniques have been further boosted by the progress of natural language processing (NLP), machine learning, and …


Large-Scale Data Analysis And Deep Learning Using Distributed Cyberinfrastructures And High Performance Computing, Richard Dodge Platania Jun 2019

Large-Scale Data Analysis And Deep Learning Using Distributed Cyberinfrastructures And High Performance Computing, Richard Dodge Platania

LSU Doctoral Dissertations

Data in many research fields continues to grow in both size and complexity. For instance, recent technological advances have caused an increased throughput in data in various biological-related endeavors, such as DNA sequencing, molecular simulations, and medical imaging. In addition, the variance in the types of data (textual, signal, image, etc.) adds an additional complexity in analyzing the data. As such, there is a need for uniquely developed applications that cater towards the type of data. Several considerations must be made when attempting to create a tool for a particular dataset. First, we must consider the type of algorithm required …


Deep Autoencoder Neural Networks For Short-Term Traffic Congestion Prediction Of Transportation Networks, Sen Zhang, Yong Yao, Jie Hu, Yong Zhao, Shaobo Li, Jianjun Hu May 2019

Deep Autoencoder Neural Networks For Short-Term Traffic Congestion Prediction Of Transportation Networks, Sen Zhang, Yong Yao, Jie Hu, Yong Zhao, Shaobo Li, Jianjun Hu

Faculty Publications

Traffic congestion prediction is critical for implementing intelligent transportation systems for improving the efficiency and capacity of transportation networks. However, despite its importance, traffic congestion prediction is severely less investigated compared to traffic flow prediction, which is partially due to the severe lack of large-scale high-quality traffic congestion data and advanced algorithms. This paper proposes an accessible and general workflow to acquire large-scale traffic congestion data and to create traffic congestion datasets based on image analysis. With this workflow we create a dataset named Seattle Area Traffic Congestion Status (SATCS) based on traffic congestion map snapshots from a publicly available …


Deep Autoencoder Neural Networks For Short-Term Traffic Congestion Prediction Of Transportation Networks, Sen Zhang, Yong Yao, Jie Hu, Yong Zhao, Shaobo Li, Jianjun Hu May 2019

Deep Autoencoder Neural Networks For Short-Term Traffic Congestion Prediction Of Transportation Networks, Sen Zhang, Yong Yao, Jie Hu, Yong Zhao, Shaobo Li, Jianjun Hu

Faculty Publications

Traffic congestion prediction is critical for implementing intelligent transportation systems for improving the efficiency and capacity of transportation networks. However, despite its importance, traffic congestion prediction is severely less investigated compared to traffic flow prediction, which is partially due to the severe lack of large-scale high-quality traffic congestion data and advanced algorithms. This paper proposes an accessible and general workflow to acquire large-scale traffic congestion data and to create traffic congestion datasets based on image analysis. With this workflow we create a dataset named Seattle Area Traffic Congestion Status (SATCS) based on traffic congestion map snapshots from a publicly available …


Deep Autoencoder Neural Networks For Short-Term Traffic Congestion Prediction Of Transportation Networks, Sen Zhang, Yong Yao, Jie Hu, Yong Zhao, Shaobo Li, Jianjun Hu May 2019

Deep Autoencoder Neural Networks For Short-Term Traffic Congestion Prediction Of Transportation Networks, Sen Zhang, Yong Yao, Jie Hu, Yong Zhao, Shaobo Li, Jianjun Hu

Faculty Publications

Traffic congestion prediction is critical for implementing intelligent transportation systems for improving the efficiency and capacity of transportation networks. However, despite its importance, traffic congestion prediction is severely less investigated compared to traffic flow prediction, which is partially due to the severe lack of large-scale high-quality traffic congestion data and advanced algorithms. This paper proposes an accessible and general workflow to acquire large-scale traffic congestion data and to create traffic congestion datasets based on image analysis. With this workflow we create a dataset named Seattle Area Traffic Congestion Status (SATCS) based on traffic congestion map snapshots from a publicly available …


Unresolved Object Detection Using Synthetic Data Generation And Artificial Neural Networks, Yong U. Sinn Mar 2019

Unresolved Object Detection Using Synthetic Data Generation And Artificial Neural Networks, Yong U. Sinn

Theses and Dissertations

This research presents and solves constrained real-world problems of using synthetic data to train artificial neural networks (ANNs) to detect unresolved moving objects in wide field of view (WFOV) electro-optical/infrared (EO/IR) satellite motion imagery. Objectives include demonstrating the use of the Air Force Institute of Technology (AFIT) Sensor and Scene Emulation Tool (ASSET) as an effective tool for generating EO/IR motion imagery representative of real WFOV sensors and describing the ANN architectures, training, and testing results obtained. Deep learning using a 3-D convolutional neural network (3D ConvNet), long short term memory (LSTM) network, and U-Net are used to solve the …


A Horizon Detection Method Based On Deep Learning And Random Forest, Jihua Ye, Shuxia Shi, Hanxi Li, Jiali Zuo, Shimin Wang Jan 2019

A Horizon Detection Method Based On Deep Learning And Random Forest, Jihua Ye, Shuxia Shi, Hanxi Li, Jiali Zuo, Shimin Wang

Journal of System Simulation

Abstract: The detection effect of existing horizon line detection methods is greatly affected by the environment, and the computational complexity is high. Aiming at the problem of horizon line detection in complex road scene in real-life, a horizon line detection method based on deep learning and random forest is proposed. The deep learning model is used to extract the depth features, then the obtained depth features are used for random forest training. The results of horizon line detection are obtained by random forest regression-voting. The simulation results show that this method has good detection effect. The detection results are not …


Deep Learning Method For Hyperspectral Remote Sensing Images With Small Samples, Xiangbin Shi, Zhong Jian, Cuiwei Liu, Liu Fang, Deyuan Zhang Jan 2019

Deep Learning Method For Hyperspectral Remote Sensing Images With Small Samples, Xiangbin Shi, Zhong Jian, Cuiwei Liu, Liu Fang, Deyuan Zhang

Journal of System Simulation

Abstract: In order to solve the problem of large information dimension and fewer labeled training samples of hyperspectral remote sensing images, this paper proposes a hyperspectral remote sensing image classification framework HSI-CNN, which reduces the number of model parameters while maintaining the depth of neural network. Image pattern invariance and spectral channel contribution rate are analyzed, and the spectral redundancy information is reduced by principal component analysis. A full convolution neural network structure suitable for small sample hyperspectral remote sensing images is designed and the amount of network parameters is effectively reduced. Three kinds of HSI-CNN structures are proposed …


Video Action Recognition Based On Key-Frame, Mingxiao Li, Qichuan Geng, Mo Hong, Wu Wei, Zhou Zhong Jan 2019

Video Action Recognition Based On Key-Frame, Mingxiao Li, Qichuan Geng, Mo Hong, Wu Wei, Zhou Zhong

Journal of System Simulation

Abstract: Video action recognition is an important part of intelligent video analysis. In recent years, deep learning methods, especially the two-stream convolutional neural network achieved the state-of-the-art performance. However, most methods simply use uniform sampling to get frames, which may cause the loss of information in sampling interval. We propose a segmentation method and a key-frame extraction method for video action recognition, and combine them with a multi-temporal-scale two-stream network. Our framework achieves a 94.2% accuracy at UCF101 split1, which is the same as the state-of-the-art method’s performance.


Traffic Flow Prediction Based On Deep Learning, Mingyu Liu, Jianping Wu, Yubo Wang, He Lei Jan 2019

Traffic Flow Prediction Based On Deep Learning, Mingyu Liu, Jianping Wu, Yubo Wang, He Lei

Journal of System Simulation

Abstract: Traffic flow prediction is an important component of urban intelligent transportation system. With the development of machine learning and artificial intelligence, deep learning has been applied in traffic engineering area. Gated recurrent unit (GRU) neural network is selected to predict urban traffic flow. Cross-validation method is used to explore the optimal number of gated recurrent units. The GRU model is compared with other three predictors such as support vector regression and evaluated in different performance measurements. The results show that GRU model has better performance in traffic flow prediction than the other three models.


Research On Evaluation Framework Of Coa Based On Wargaming, Haiyang Liu, Yubo Tang, Xiaofeng Hu, Guangpeng Qiao Jan 2019

Research On Evaluation Framework Of Coa Based On Wargaming, Haiyang Liu, Yubo Tang, Xiaofeng Hu, Guangpeng Qiao

Journal of System Simulation

Abstract: Aiming at the evaluation problem of COA (course of action) level indicators in joint operation, an evaluation framework of COA based on wargaming was proposed. By multidimensional analysis of wargaming data, an evaluation feature space was constructed from basic features generated by data cube models and SoS (system of systems) features based on complex network. Wargaming experiments were used to generate small batch metrics results of COA level indicators, and the corresponding result labels of evaluation feature space data were generated by data fitting method. Two-phase correlation analysis was used for dimensionality reduction of high dimensional evaluation features. …


Visual Object Tracking Algorithm Based On Deep Denoising Autoencoder Over Rgb-D Data, Mingxin Jiang, Zhigeng Pan, Lanfang Wang, Taoxin Hu Jan 2019

Visual Object Tracking Algorithm Based On Deep Denoising Autoencoder Over Rgb-D Data, Mingxin Jiang, Zhigeng Pan, Lanfang Wang, Taoxin Hu

Journal of System Simulation

Abstract: A visual object tracking algorithm based on cross-modality features deep learning over RGB-D data is proposed. A sparse denoising autoencoder deep learning network is constructed, which can extract cross-modal features of the samples in RGB-D video data. The cross-modal features of the samples are input to the logistic regression classifier, the observation likelihood model is established according to the confidence score of the classifier, and the reasonable state transition model is established. The object tracking results over RGB-D data are obtained using particle filtering algorithm. Experimental results show that the proposed method has strong robustness to abnormal changes. …


A Model For Battlefield Situation Change Rate Prediction Based On Deep Learning, Jiuyang Tao, Wu Lin, Wang Chi, Junda Chu, Liao Ying, Zhu Feng Jan 2019

A Model For Battlefield Situation Change Rate Prediction Based On Deep Learning, Jiuyang Tao, Wu Lin, Wang Chi, Junda Chu, Liao Ying, Zhu Feng

Journal of System Simulation

Abstract: To measure and estimate the uncertainty of the battlefield situation is of great significance for the commanders to plan the reconnaissance mission and reduce the risk of decision-making. Based on Shannon's information theory, firstly, methods and a model on measurement of situation change rate are proposed. Secondly, a scene with two-dimensional grid elements maneuvering is established, based on deep learning, the prediction method for maneuvering trend is explored. It is proved that cross entropy is equivalent to situation change rate. Finally, with the increase of the objective uncertainty, situation change rate and the accuracy of the forecast is …


Multi-Pig Part Detection And Association With A Fully-Convolutional Network, Eric T. Psota, Mateusz Mittek, Lance C. Pérez, Ty Schmidt, Benny Mote Jan 2019

Multi-Pig Part Detection And Association With A Fully-Convolutional Network, Eric T. Psota, Mateusz Mittek, Lance C. Pérez, Ty Schmidt, Benny Mote

Department of Electrical and Computer Engineering: Faculty Publications

Computer vision systems have the potential to provide automated, non-invasive monitoring of livestock animals, however, the lack of public datasets with well-defined targets and evaluation metrics presents a significant challenge for researchers. Consequently, existing solutions often focus on achieving task-specific objectives using relatively small, private datasets. This work introduces a new dataset and method for instance-level detection of multiple pigs in group-housed environments. The method uses a single fully-convolutional neural network to detect the location and orientation of each animal, where both body part locations and pairwise associations are represented in the image space. Accompanying this method is a new …


Lung Segmentation In Chest Radiographs Using Fully Convolutional Networks, Rahul Hooda, Ajay Mittal, Sanjeev Sofat Jan 2019

Lung Segmentation In Chest Radiographs Using Fully Convolutional Networks, Rahul Hooda, Ajay Mittal, Sanjeev Sofat

Turkish Journal of Electrical Engineering and Computer Sciences

Automated segmentation of medical images that aims at extracting anatomical boundaries is a fundamental step in any computer-aided diagnosis (CAD) system. Chest radiographic CAD systems, which are used to detect pulmonary diseases, first segment the lung field to precisely define the region-of-interest from which radiographic patterns are sought. In this paper, a deep learning-based method for segmenting lung fields from chest radiographs has been proposed. Several modifications in the fully convolutional network, which is used for segmenting natural images to date, have been attempted and evaluated to finally evolve a network fine-tuned for segmenting lung fields. The testing accuracy and …


Enhancing Face Pose Normalization With Deep Learning, Anil Çeli̇k, Nafi̇z Arica Jan 2019

Enhancing Face Pose Normalization With Deep Learning, Anil Çeli̇k, Nafi̇z Arica

Turkish Journal of Electrical Engineering and Computer Sciences

In this study, we propose a hybrid method for face pose normalization, which combines the 3-D model-based method with stacked denoising autoencoder (SDAE) deep network. Instead of applying a mirroring operation for the invisible face parts of the posed image, SDAE learns how to fill in those regions by a large set of training samples. In the performance evaluation, we compare the proposed method to four different pose normalization methods and investigate their effects on facial emotion recognition and verification problems in addition to visual quality tests. Methods evaluated in the experiments include 2-D alignment, 3-D model-based method, pure SDAE-based …


Novel Applications Of Machine Learning In Bioinformatics, Yi Zhang Jan 2019

Novel Applications Of Machine Learning In Bioinformatics, Yi Zhang

Theses and Dissertations--Computer Science

Technological advances in next-generation sequencing and biomedical imaging have led to a rapid increase in biomedical data dimension and acquisition rate, which is challenging the conventional data analysis strategies. Modern machine learning techniques promise to leverage large data sets for finding hidden patterns within them, and for making accurate predictions. This dissertation aims to design novel machine learning-based models to transform biomedical big data into valuable biological insights. The research presented in this dissertation focuses on three bioinformatics domains: splice junction classification, gene regulatory network reconstruction, and lesion detection in mammograms.

A critical step in defining gene structures and mRNA …


Elimination Of Useless Images From Raw Camera-Trap Data, Ulaş Tekeli̇, Yalin Baştanlar Jan 2019

Elimination Of Useless Images From Raw Camera-Trap Data, Ulaş Tekeli̇, Yalin Baştanlar

Turkish Journal of Electrical Engineering and Computer Sciences

Camera-traps are motion triggered cameras that are used to observe animals in nature. The number of images collected from camera-traps has increased significantly with the widening use of camera-traps thanks to advances in digital technology. A great workload is required for wild-life researchers to group and label these images. We propose a system to decrease the amount of time spent by the researchers by eliminating useless images from raw camera-trap data. These images are too bright, too dark, blurred, or they contain no animals. To eliminate bright, dark, and blurred images we employ techniques based on image histograms and fast …


Multi-Sensory Deep Learning Architectures For Slam Dunk Scene Classification, Paul Minogue Jan 2019

Multi-Sensory Deep Learning Architectures For Slam Dunk Scene Classification, Paul Minogue

Dissertations

Basketball teams at all levels of the game invest a considerable amount of time and effort into collecting, segmenting, and analysing footage from their upcoming opponents previous games. This analysis helps teams identify and exploit the potential weaknesses of their opponents and is commonly cited as one of the key elements required to achieve success in the modern game. The growing importance of this type of analysis has prompted research into the application of computer vision and audio classification techniques to help teams classify scoring sequences and key events using game footage. However, this research tends to focus on classifying …