• 제목/요약/키워드: 1D Convolutional Neural Network

검색결과 77건 처리시간 0.022초

Recognition of Virtual Written Characters Based on Convolutional Neural Network

  • Leem, Seungmin;Kim, Sungyoung
    • Journal of Platform Technology
    • /
    • 제6권1호
    • /
    • pp.3-8
    • /
    • 2018
  • This paper proposes a technique for recognizing online handwritten cursive data obtained by tracing a motion trajectory while a user is in the 3D space based on a convolution neural network (CNN) algorithm. There is a difficulty in recognizing the virtual character input by the user in the 3D space because it includes both the character stroke and the movement stroke. In this paper, we divide syllable into consonant and vowel units by using labeling technique in addition to the result of localizing letter stroke and movement stroke in the previous study. The coordinate information of the separated consonants and vowels are converted into image data, and Korean handwriting recognition was performed using a convolutional neural network. After learning the neural network using 1,680 syllables written by five hand writers, the accuracy is calculated by using the new hand writers who did not participate in the writing of training data. The accuracy of phoneme-based recognition is 98.9% based on convolutional neural network. The proposed method has the advantage of drastically reducing learning data compared to syllable-based learning.

A Proposal of Shuffle Graph Convolutional Network for Skeleton-based Action Recognition

  • Jang, Sungjun;Bae, Han Byeol;Lee, HeanSung;Lee, Sangyoun
    • 한국정보전자통신기술학회논문지
    • /
    • 제14권4호
    • /
    • pp.314-322
    • /
    • 2021
  • Skeleton-based action recognition has attracted considerable attention in human action recognition. Recent methods for skeleton-based action recognition employ spatiotemporal graph convolutional networks (GCNs) and have remarkable performance. However, most of them have heavy computational complexity for robust action recognition. To solve this problem, we propose a shuffle graph convolutional network (SGCN) which is a lightweight graph convolutional network using pointwise group convolution rather than pointwise convolution to reduce computational cost. Our SGCN is composed of spatial and temporal GCN. The spatial shuffle GCN contains pointwise group convolution and part shuffle module which enhances local and global information between correlated joints. In addition, the temporal shuffle GCN contains depthwise convolution to maintain a large receptive field. Our model achieves comparable performance with lowest computational cost and exceeds the performance of baseline at 0.3% and 1.2% on NTU RGB+D and NTU RGB+D 120 datasets, respectively.

정제 모듈을 포함한 컨볼루셔널 뉴럴 네트워크 모델을 이용한 라이다 영상의 분할 (LiDAR Image Segmentation using Convolutional Neural Network Model with Refinement Modules)

  • 박병재;서범수;이세진
    • 로봇학회논문지
    • /
    • 제13권1호
    • /
    • pp.8-15
    • /
    • 2018
  • This paper proposes a convolutional neural network model for distinguishing areas occupied by obstacles from a LiDAR image converted from a 3D point cloud. The channels of a LiDAR image used as input consist of the distances to 3D points, the reflectivities of 3D points, and the heights of 3D points from the ground. The proposed model uses a LiDAR image as an input and outputs a result of a segmented LiDAR image. The proposed model adopts refinement modules with skip connections to segment a LiDAR image. The refinement modules with skip connections in the proposed model make it possible to construct a complex structure with a small number of parameters than a convolutional neural network model with a linear structure. Using the proposed model, it is possible to distinguish areas in a LiDAR image occupied by obstacles such as vehicles, pedestrians, and bicyclists. The proposed model can be applied to recognize surrounding obstacles and to search for safe paths.

Effective Hand Gesture Recognition by Key Frame Selection and 3D Neural Network

  • Hoang, Nguyen Ngoc;Lee, Guee-Sang;Kim, Soo-Hyung;Yang, Hyung-Jeong
    • 스마트미디어저널
    • /
    • 제9권1호
    • /
    • pp.23-29
    • /
    • 2020
  • This paper presents an approach for dynamic hand gesture recognition by using algorithm based on 3D Convolutional Neural Network (3D_CNN), which is later extended to 3D Residual Networks (3D_ResNet), and the neural network based key frame selection. Typically, 3D deep neural network is used to classify gestures from the input of image frames, randomly sampled from a video data. In this work, to improve the classification performance, we employ key frames which represent the overall video, as the input of the classification network. The key frames are extracted by SegNet instead of conventional clustering algorithms for video summarization (VSUMM) which require heavy computation. By using a deep neural network, key frame selection can be performed in a real-time system. Experiments are conducted using 3D convolutional kernels such as 3D_CNN, Inflated 3D_CNN (I3D) and 3D_ResNet for gesture classification. Our algorithm achieved up to 97.8% of classification accuracy on the Cambridge gesture dataset. The experimental results show that the proposed approach is efficient and outperforms existing methods.

1-D PE 어레이로 컨볼루션 연산을 수행하는 저전력 DCNN 가속기 (Power-Efficient DCNN Accelerator Mapping Convolutional Operation with 1-D PE Array)

  • 이정혁;한상욱;최승원
    • 디지털산업정보학회논문지
    • /
    • 제18권2호
    • /
    • pp.17-26
    • /
    • 2022
  • In this paper, we propose a novel method of performing convolutional operations on a 2-D Processing Element(PE) array. The conventional method [1] of mapping the convolutional operation using the 2-D PE array lacks flexibility and provides low utilization of PEs. However, by mapping a convolutional operation from a 2-D PE array to a 1-D PE array, the proposed method can increase the number and utilization of active PEs. Consequently, the throughput of the proposed Deep Convolutional Neural Network(DCNN) accelerator can be increased significantly. Furthermore, the power consumption for the transmission of weights between PEs can be saved. Based on the simulation results, the performance of the proposed method provides approximately 4.55%, 13.7%, and 2.27% throughput gains for each of the convolutional layers of AlexNet, VGG16, and ResNet50 using the DCNN accelerator with a (weights size) x (output data size) 2-D PE array compared to the conventional method. Additionally the proposed method provides approximately 63.21%, 52.46%, and 39.23% power savings.

Convolutional Neural Network Based Multi-feature Fusion for Non-rigid 3D Model Retrieval

  • Zeng, Hui;Liu, Yanrong;Li, Siqi;Che, JianYong;Wang, Xiuqing
    • Journal of Information Processing Systems
    • /
    • 제14권1호
    • /
    • pp.176-190
    • /
    • 2018
  • This paper presents a novel convolutional neural network based multi-feature fusion learning method for non-rigid 3D model retrieval, which can investigate the useful discriminative information of the heat kernel signature (HKS) descriptor and the wave kernel signature (WKS) descriptor. At first, we compute the 2D shape distributions of the two kinds of descriptors to represent the 3D model and use them as the input to the networks. Then we construct two convolutional neural networks for the HKS distribution and the WKS distribution separately, and use the multi-feature fusion layer to connect them. The fusion layer not only can exploit more discriminative characteristics of the two descriptors, but also can complement the correlated information between the two kinds of descriptors. Furthermore, to further improve the performance of the description ability, the cross-connected layer is built to combine the low-level features with high-level features. Extensive experiments have validated the effectiveness of the designed multi-feature fusion learning method.

1D CNN과 기계 학습을 사용한 낙상 검출 (1D CNN and Machine Learning Methods for Fall Detection)

  • 김인경;김대희;노송;이재구
    • 정보처리학회논문지:소프트웨어 및 데이터공학
    • /
    • 제10권3호
    • /
    • pp.85-90
    • /
    • 2021
  • 본 논문에서는 고령자를 위한 개별 웨어러블(Wearable) 기기를 이용한 낙상 감지에 대해 논한다. 신뢰할 수 있는 낙상 감지를 위한 저비용 웨어러블 기기를 설계하기 위해서 대표적인 두 가지 모델을 종합적으로 분석하여 제시한다. 기계 학습 모델인 의사결정 나무(Decision Tree), 랜덤 포래스트(Random Forest), SVM(Support Vector Machine)과 심층 학습 모델인 일차원(One-Dimensional) 합성곱 신경망(Convolutional Neural Network)을 사용하여 낙상 감지 학습 능력을 정량화하였다. 또한 입력 데이터에 적용하기 위한 데이터 분할, 전처리, 특징 추출 방법 등을 고려하여 검토된 모델의 유효성을 평가한다. 실험 결과는 전반적인 성능 향상을 보여주며 심층학습 모델의 유효성을 검증한다.

합성곱 신경망을 이용한 딥러닝 기반의 프레임 동기 기법 (Deep Learning based Frame Synchronization Using Convolutional Neural Network)

  • 이의수;정의림
    • 한국정보통신학회논문지
    • /
    • 제24권4호
    • /
    • pp.501-507
    • /
    • 2020
  • 본 논문에서는 합성곱 신경망(CNN)에 기반한 프레임 동기 기법을 제안한다. 기존의 프레임 동기 기법은 프리앰블과 수신 신호 사이의 상관을 통해 수신 신호와 프리앰블이 일치하는 지점을 찾는다. 제안하는 기법은 1차원 벡터로 이루어진 상관기 출력 신호를 2차원 행렬로 재구성하며, 이 2차원 행렬을 합성곱 신경망에 입력하고 합성곱 신경망은 프레임 도착 지점을 추정한다. 구체적으로 가산 백색 가우스 잡음(AWGN) 환경에서 무작위로 도착하는 수신 신호를 생성하여 학습 데이터를 만들고, 이 학습 데이터로 합성곱 신경망을 학습시킨다. 컴퓨터 모의실험을 통해 기존의 동기 기법과 제안하는 기법의 프레임 동기 오류 확률을 다양한 신호 대 잡음 비(SNR)에서 비교한다. 모의실험 결과는 제안하는 합성곱 신경망을 이용한 프레임 동기 기법이 기존 기법 대비 약 2dB 우수함을 보인다.

1차원 합성곱 신경망에 기반한 부정맥 분류 시스템의 설계 (Design of Arrhythmia Classification System Based on 1-D Convolutional Neural Networks)

  • 김성우;김인주;신승철
    • 한국정보통신학회논문지
    • /
    • 제24권1호
    • /
    • pp.37-43
    • /
    • 2020
  • 최근 심전도 (ECG) 신호를 사용하여 심장병을 진단하는 많은 연구가 이루어지고 있다. 이러한 심전도 신호는 비정상적인 심장 상태를 나타내는 부정맥을 모니터링하고 진단하는 데 유용하게 쓰인다. 본 논문에서는 1차원 합성곱 신경망을 사용하여 ECG 신호에 대하여 부정맥을 분류하는 시스템을 제안한다. 제안하는 신경망 알고리즘은 부정맥 신호의 특징을 세밀하게 추출하도록 4개의 합성곱 계층으로 구성하고 매개변수를 최적화하도록 설계되었다. MIT-BIH 부정맥 데이터베이스에 대해 학습한 신경망은 시뮬레이션을 통해 99% 이상의 정확도의 분류 성능을 가진다는 것을 보여준다. 비교적 합성곱 커널의 개수가 많을수록 ECG 신호의 특성을 더 잘 나타내기 때문에 좋은 성능을 나타내는 것으로 분석되었다. 또한 제안된 신경망을 활용한 실제 시스템을 구현하여 실시간으로 부정맥을 분류하는 결과를 검증하였다.

균형적인 신체활동을 위한 맞춤형 AI 운동 추천 서비스 (Customized AI Exercise Recommendation Service for the Balanced Physical Activity)

  • 김창민;이우범
    • 융합신호처리학회논문지
    • /
    • 제23권4호
    • /
    • pp.234-240
    • /
    • 2022
  • 본 논문은 직종별 근무 환경에 따른 상대적 운동량을 고려한 맞춤형 AI 운동 추천 서비스 방법을 제안한다. 가속도 및 자이로 센서를 활용하여 수집된 데이터를 18가지 일상생활의 신체활동으로 분류한 WISDM 데이터베이스를 기반으로 전신, 하체, 상체의 3가지 활동으로 분류한 후 인식된 활동 지표를 통해 적절한 운동을 추천한다. 본 논문에서 신체활동 분류를 위해서 사용하는 1차원 합성곱 신경망(1D CNN; 1 Dimensional Convolutional Neural Network) 모델은 커널 크기가 다른 다수의 1D 컨볼루션(Convolution) 계층을 병렬적으로 연결한 컨볼루션 블록을 사용한다. 컨볼루션 블록은 하나의 입력 데이터에 다층 1D 컨볼루션을 적용함으로써 심층 신경망 모델로 추출할 수 있는 입력 패턴의 세부 지역 특징을 보다 얇은 계층으로도 효과적으로 추출 할 수 있다. 제안한 신경망 모델의 성능 평가를 위해서 기존 순환 신경망(RNN; Recurrent Neural Network) 모델과 비교 실험한 결과 98.4%의 현저한 정확도를 보였다.