• 제목/요약/키워드: Lightweight convolutional neural network

검색결과 31건 처리시간 0.023초

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.

초경량 Convolutional Neural Network를 이용한 차량용 Intrusion Detection System의 설계 및 구현 (Design and Implementation of Automotive Intrusion Detection System Using Ultra-Lightweight Convolutional Neural Network)

  • 이명진;임형철;최민석;차민재;이성수
    • 전기전자학회논문지
    • /
    • 제27권4호
    • /
    • pp.524-530
    • /
    • 2023
  • 본 논문에서는 경량화된 CNN(Convolutional Neural Network)을 사용하여 CAN(Controller Area Network) 버스 상의 공격을 탐지하는 효율적인 알고리즘을 제안하고, 이를 기반으로 하는 IDS(Intrusion Detection System)를 FPGA로 설계, 구현 및 검증하였다. 제안한 IDS는 기존의 CNN 기반 IDS에 비해 CAN 버스 상의 공격을 프레임 단위로 탐지할 수 있어서 정확하고 신속한 대응이 가능하다. 또한 제안한 IDS는 기존의 CNN 기반 IDS에 비해 컨볼루션 레이어를 하나만 사용하기 때문에 하드웨어를 크게 줄일 수 있다. 시뮬레이션 및 구현 결과는 제안된 IDS가 CAN 버스 상의 다양한 공격을 효과적으로 탐지한다는 것을 보여준다.

Lightweight Single Image Super-Resolution by Channel Split Residual Convolution

  • Liu, Buzhong
    • Journal of Information Processing Systems
    • /
    • 제18권1호
    • /
    • pp.12-25
    • /
    • 2022
  • In recent years, deep convolutional neural networks have made significant progress in the research of single image super-resolution. However, it is difficult to be applied in practical computing terminals or embedded devices due to a large number of parameters and computational effort. To balance these problems, we propose CSRNet, a lightweight neural network based on channel split residual learning structure, to reconstruct highresolution images from low-resolution images. Lightweight refers to designing a neural network with fewer parameters and a simplified structure for lower memory consumption and faster inference speed. At the same time, it is ensured that the performance of recovering high-resolution images is not degraded. In CSRNet, we reduce the parameters and computation by channel split residual learning. Simultaneously, we propose a double-upsampling network structure to improve the performance of the lightweight super-resolution network and make it easy to train. Finally, we propose a new evaluation metric for the lightweight approaches named 100_FPS. Experiments show that our proposed CSRNet not only speeds up the inference of the neural network and reduces memory consumption, but also performs well on single image super-resolution.

Transformer를 활용한 인공신경망의 경량화 알고리즘 및 하드웨어 가속 기술 동향 (Trends in Lightweight Neural Network Algorithms and Hardware Acceleration Technologies for Transformer-based Deep Neural Networks)

  • 김혜지;여준기
    • 전자통신동향분석
    • /
    • 제38권5호
    • /
    • pp.12-22
    • /
    • 2023
  • The development of neural networks is evolving towards the adoption of transformer structures with attention modules. Hence, active research focused on extending the concept of lightweight neural network algorithms and hardware acceleration is being conducted for the transition from conventional convolutional neural networks to transformer-based networks. We present a survey of state-of-the-art research on lightweight neural network algorithms and hardware architectures to reduce memory usage and accelerate both inference and training. To describe the corresponding trends, we review recent studies on token pruning, quantization, and architecture tuning for the vision transformer. In addition, we present a hardware architecture that incorporates lightweight algorithms into artificial intelligence processors to accelerate processing.

교통 신호 인식을 위한 경량 잔류층 기반 컨볼루션 신경망 (Lightweight Residual Layer Based Convolutional Neural Networks for Traffic Sign Recognition)

  • ;류재흥
    • 한국전자통신학회논문지
    • /
    • 제17권1호
    • /
    • pp.105-110
    • /
    • 2022
  • 교통 표지 인식은 교통 관련 문제를 해결하는 데 중요한 역할을 한다. 교통 표지 인식 및 분류 시스템은 교통안전, 교통 모니터링, 자율주행 서비스 및 자율주행 차의 핵심 구성 요소이다. 휴대용 장치에 적용할 수 있는 경량 모델은 설계 의제의 필수 측면이다. 우리는 교통 표지 인식 시스템을 위한 잔여 블록이 있는 경량 합성곱 신경망 모델을 제안한다. 제안된 모델은 공개적으로 사용 가능한 벤치마크 데이터에서 매우 경쟁력 있는 결과를 보여준다.

Lightweight CNN based Meter Digit Recognition

  • Sharma, Akshay Kumar;Kim, Kyung Ki
    • 센서학회지
    • /
    • 제30권1호
    • /
    • pp.15-19
    • /
    • 2021
  • Image processing is one of the major techniques that are used for computer vision. Nowadays, researchers are using machine learning and deep learning for the aforementioned task. In recent years, digit recognition tasks, i.e., automatic meter recognition approach using electric or water meters, have been studied several times. However, two major issues arise when we talk about previous studies: first, the use of the deep learning technique, which includes a large number of parameters that increase the computational cost and consume more power; and second, recent studies are limited to the detection of digits and not storing or providing detected digits to a database or mobile applications. This paper proposes a system that can detect the digital number of meter readings using a lightweight deep neural network (DNN) for low power consumption and send those digits to an Android mobile application in real-time to store them and make life easy. The proposed lightweight DNN is computationally inexpensive and exhibits accuracy similar to those of conventional DNNs.

Lightweight image classifier for CIFAR-10

  • Sharma, Akshay Kumar;Rana, Amrita;Kim, Kyung Ki
    • 센서학회지
    • /
    • 제30권5호
    • /
    • pp.286-289
    • /
    • 2021
  • Image classification is one of the fundamental applications of computer vision. It enables a system to identify an object in an image. Recently, image classification applications have broadened their scope from computer applications to edge devices. The convolutional neural network (CNN) is the main class of deep learning neural networks that are widely used in computer tasks, and it delivers high accuracy. However, CNN algorithms use a large number of parameters and incur high computational costs, which hinder their implementation in edge hardware devices. To address this issue, this paper proposes a lightweight image classifier that provides good accuracy while using fewer parameters. The proposed image classifier diverts the input into three paths and utilizes different scales of receptive fields to extract more feature maps while using fewer parameters at the time of training. This results in the development of a model of small size. This model is tested on the CIFAR-10 dataset and achieves an accuracy of 90% using .26M parameters. This is better than the state-of-the-art models, and it can be implemented on edge devices.

무인기를 이용한 심층 신경망 기반 해파리 분포 인식 시스템 (Deep Neural Network-based Jellyfish Distribution Recognition System Using a UAV)

  • 구정모;명현
    • 로봇학회논문지
    • /
    • 제12권4호
    • /
    • pp.432-440
    • /
    • 2017
  • In this paper, we propose a jellyfish distribution recognition and monitoring system using a UAV (unmanned aerial vehicle). The UAV was designed to satisfy the requirements for flight in ocean environment. The target jellyfish, Aurelia aurita, is recognized through convolutional neural network and its distribution is calculated. The modified deep neural network architecture has been developed to have reliable recognition accuracy and fast operation speed. Recognition speed is about 400 times faster than GoogLeNet by using a lightweight network architecture. We also introduce the method for selecting candidates to be used as inputs to the proposed network. The recognition accuracy of the jellyfish is improved by removing the probability value of the meaningless class among the probability vectors of the evaluated input image and re-evaluating it by normalization. The jellyfish distribution is calculated based on the unit jellyfish image recognized. The distribution level is defined by using the novelty concept of the distribution map buffer.

Multi-classification Sensitive Image Detection Method Based on Lightweight Convolutional Neural Network

  • Yueheng Mao;Bin Song;Zhiyong Zhang;Wenhou Yang;Yu Lan
    • KSII Transactions on Internet and Information Systems (TIIS)
    • /
    • 제17권5호
    • /
    • pp.1433-1449
    • /
    • 2023
  • In recent years, the rapid development of social networks has led to a rapid increase in the amount of information available on the Internet, which contains a large amount of sensitive information related to pornography, politics, and terrorism. In the aspect of sensitive image detection, the existing machine learning algorithms are confronted with problems such as large model size, long training time, and slow detection speed when auditing and supervising. In order to detect sensitive images more accurately and quickly, this paper proposes a multiclassification sensitive image detection method based on lightweight Convolutional Neural Network. On the basis of the EfficientNet model, this method combines the Ghost Module idea of the GhostNet model and adds the SE channel attention mechanism in the Ghost Module for feature extraction training. The experimental results on the sensitive image data set constructed in this paper show that the accuracy of the proposed method in sensitive information detection is 94.46% higher than that of the similar methods. Then, the model is pruned through an ablation experiment, and the activation function is replaced by Hard-Swish, which reduces the parameters of the original model by 54.67%. Under the condition of ensuring accuracy, the detection time of a single image is reduced from 8.88ms to 6.37ms. The results of the experiment demonstrate that the method put forward has successfully enhanced the precision of identifying multi-class sensitive images, significantly decreased the number of parameters in the model, and achieved higher accuracy than comparable algorithms while using a more lightweight model design.

Lightweight Convolutional Neural Network (CNN) based COVID-19 Detection using X-ray Images

  • Khan, Muneeb A.;Park, Hemin
    • Journal of Multimedia Information System
    • /
    • 제8권4호
    • /
    • pp.251-258
    • /
    • 2021
  • In 2019, a novel coronavirus (COVID-19) outbreak started in China and spread all over the world. The countries went into lockdown and closed their borders to minimize the spread of the virus. Shortage of testing kits and trained clinicians, motivate researchers and computer scientists to look for ways to automatically diagnose the COVID-19 patient using X-ray and ease the burden on the healthcare system. In recent years, multiple frameworks are presented but most of them are trained on a very small dataset which makes clinicians adamant to use it. In this paper, we have presented a lightweight deep learning base automatic COVID-19 detection system. We trained our model on more than 22,000 dataset X-ray samples. The proposed model achieved an overall accuracy of 96.88% with a sensitivity of 91.55%.