• Title/Summary/Keyword: NVIDIA

Search Result 163, Processing Time 0.029 seconds

Face-Mask Detection with Micro processor (마이크로프로세서 기반의 얼굴 마스크 감지)

  • Lim, Hyunkeun;Ryoo, Sooyoung;Jung, Hoekyung
    • Journal of the Korea Institute of Information and Communication Engineering
    • /
    • v.25 no.3
    • /
    • pp.490-493
    • /
    • 2021
  • This paper proposes an embedded system that detects mask and face recognition based on a microprocessor instead of Nvidia Jetson Board what is popular development kit. We use a class of efficient models called Mobilenets for mobile and embedded vision applications. MobileNets are based on a streamlined architechture that uses depthwise separable convolutions to build light weight deep neural networks. The device used a Maix development board with CNN hardware acceleration function, and the training model used MobileNet_V2 based SSD(Single Shot Multibox Detector) optimized for mobile devices. To make training model, 7553 face data from Kaggle are used. As a result of test dataset, the AUC (Area Under The Curve) value is as high as 0.98.

Semiconductor Technology Trends and Implications of AMD (AMD의 반도체 기술 동향 및 시사점)

  • Chun, H.S.;Kim, H.T.;Roh, T.M.
    • Electronics and Telecommunications Trends
    • /
    • v.37 no.2
    • /
    • pp.62-72
    • /
    • 2022
  • AMD is an American fabless semiconductor company that designs CPUs, GPUs, FPGAs, and APUs. AMD is competing with Intel with its Ryzen CPUs and Nvidia with its Radeon GPUs. Since 2008, production has been consigned to TSMC, concentrating on semiconductor design. AMD is releasing various new products through continuous R&D which is the basis for its growth. AMD stock have recorded the highest rise among global semiconductor companies as sales and operating profit soared due to the strong sales of new products.

Neural Network Model Compression Algorithms for Image Classification in Embedded Systems (임베디드 시스템에서의 객체 분류를 위한 인공 신경망 경량화 연구)

  • Shin, Heejung;Oh, Hyondong
    • The Journal of Korea Robotics Society
    • /
    • v.17 no.2
    • /
    • pp.133-141
    • /
    • 2022
  • This paper introduces model compression algorithms which make a deep neural network smaller and faster for embedded systems. The model compression algorithms can be largely categorized into pruning, quantization and knowledge distillation. In this study, gradual pruning, quantization aware training, and knowledge distillation which learns the activation boundary in the hidden layer of the teacher neural network are integrated. As a large deep neural network is compressed and accelerated by these algorithms, embedded computing boards can run the deep neural network much faster with less memory usage while preserving the reasonable accuracy. To evaluate the performance of the compressed neural networks, we evaluate the size, latency and accuracy of the deep neural network, DenseNet201, for image classification with CIFAR-10 dataset on the NVIDIA Jetson Xavier.

TVM-based Performance Optimization for Image Classification in Embedded Systems (임베디드 시스템에서의 객체 분류를 위한 TVM기반의 성능 최적화 연구)

  • Cheonghwan Hur;Minhae Ye;Ikhee Shin;Daewoo Lee
    • IEMEK Journal of Embedded Systems and Applications
    • /
    • v.18 no.3
    • /
    • pp.101-108
    • /
    • 2023
  • Optimizing the performance of deep neural networks on embedded systems is a challenging task that requires efficient compilers and runtime systems. We propose a TVM-based approach that consists of three steps: quantization, auto-scheduling, and ahead-of-time compilation. Our approach reduces the computational complexity of models without significant loss of accuracy, and generates optimized code for various hardware platforms. We evaluate our approach on three representative CNNs using ImageNet Dataset on the NVIDIA Jetson AGX Xavier board and show that it outperforms baseline methods in terms of processing speed.

Technical Trends in Hyperscale Artificial Intelligence Processors (초거대 인공지능 프로세서 반도체 기술 개발 동향)

  • W. Jeon;C.G. Lyuh
    • Electronics and Telecommunications Trends
    • /
    • v.38 no.5
    • /
    • pp.1-11
    • /
    • 2023
  • The emergence of generative hyperscale artificial intelligence (AI) has enabled new services, such as image-generating AI and conversational AI based on large language models. Such services likely lead to the influx of numerous users, who cannot be handled using conventional AI models. Furthermore, the exponential increase in training data, computations, and high user demand of AI models has led to intensive hardware resource consumption, highlighting the need to develop domain-specific semiconductors for hyperscale AI. In this technical report, we describe development trends in technologies for hyperscale AI processors pursued by domestic and foreign semiconductor companies, such as NVIDIA, Graphcore, Tesla, Google, Meta, SAPEON, FuriosaAI, and Rebellions.

Efficient Parallel Bilateral Filter using GPGPU (GPGPU 를 이용한 양 방향성 필터의 병렬 구현 및 성능 평가)

  • Chang, Ki Joon;Ro, Won Woo
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2011.11a
    • /
    • pp.369-372
    • /
    • 2011
  • 양 방향성 필터는 이미지표면 평탄화와 잡음제거에 좋은 성능을 보이지만 특유의 연산 복잡도로 인하여 연산 시간이 오래 걸린다는 단점이 존재한다. 따라서 본 논문에서는 고도의 병렬수행을 바탕으로 하는 그래픽연산장치(GPU)에 적합하도록 수정된 효율적인 양 방향성 필터를 NVIDIA 의 CUDA 를 사용하여 GTX 285 GPU 에서 구현하였다. 영상의 전 영역을 참조하는 대신 인접하고 연속된 영역으로의 근사화, 적은 메모리 사용량, 빠른 접근속도를 가지며 충돌이 최소화된 공유메모리 버퍼, Warp 를 고려한 병합된 메모리 접근방법을 바탕으로 병렬화 하였다. 그 결과, 같은 방식의 순차실행 알고리즘 대비 최소 약 34 배에서 최대 약 76 배의 속도 개선과 30dB 내외의 PSNR 을 갖는 양 방향성 필터를 구현할 수 있었다.

Safety and Efficiency Learning for Multi-Robot Manufacturing Logistics Tasks (다중 로봇 제조 물류 작업을 위한 안전성과 효율성 학습)

  • Minkyo Kang;Incheol Kim
    • The Journal of Korea Robotics Society
    • /
    • v.18 no.2
    • /
    • pp.225-232
    • /
    • 2023
  • With the recent increase of multiple robots cooperating in smart manufacturing logistics environments, it has become very important how to predict the safety and efficiency of the individual tasks and dynamically assign them to the best one of available robots. In this paper, we propose a novel task policy learner based on deep relational reinforcement learning for predicting the safety and efficiency of tasks in a multi-robot manufacturing logistics environment. To reduce learning complexity, the proposed system divides the entire safety/efficiency prediction process into two distinct steps: the policy parameter estimation and the rule-based policy inference. It also makes full use of domain-specific knowledge for policy rule learning. Through experiments conducted with virtual dynamic manufacturing logistics environments using NVIDIA's Isaac simulator, we show the effectiveness and superiority of the proposed system.

The Framework of Realistic Fabric Rendering Based on Measurement (실측 기반의 사실적 옷감 렌더링 프레임워크)

  • Nam, Hyeongil;Sim, Kyudong;Park, Jong-Il
    • Proceedings of the Korean Society of Broadcast Engineers Conference
    • /
    • 2020.11a
    • /
    • pp.192-195
    • /
    • 2020
  • 실제 원단의 소재를 반영한 렌더링은 의류 디자인 단계에서 완성된 옷을 미리 파악하는 좋은 수단 증 하나이다. 본 논문에서는 오픈소스 기반의 원단 렌더링 방법과 실제 원단 재질을 측정하는 장치를 이용하는 실측으로부터 렌더링까지의 프레임워크를 제안한다. 옷감의 재질을 측정하고 렌더링 하는 방법은 두 과정에서 공통된 특정을 파라미터화하여 측정하고 렌더링에 반영하는 것이 중요하다. 본 논문에서는 렌더링 방법으로 Ray-Tracing이 가능하고 적절한 컴퓨팅 성능을 사용하면서 최적의 렌더링 결과를 얻을 수 있는 nvidia의 오픈소스인 visRTX를 사용하였다. 또한 원단 재질 측정 장치로 렌더링에 반영되는 파라미터인 고해상도 diffuse map과 normal map을 측정하여 렌더링에 반영하였다. 본 논문에서 제안하는 원단 재질을 측정하고 렌더링하는 프레임워크를 통해서 옷을 디자인하연서 확인할 수 있는 실사 렌더링 결과물을 제공하고 이를 통해 의상 디자인 업계에 큰 도움이 될 것으로 기대된다.

  • PDF

Real-time face detection in embedded system (실시간 얼굴 검출을 위한 임베디드 시스템에서의 구현방법)

  • Yoo, Hye-Bin;Park, Sung-Hyun;Jeong, Hye-Won;Park, Myung-Suk;Kim, Sang-Hoon
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2020.11a
    • /
    • pp.1066-1069
    • /
    • 2020
  • 본 논문에서는 임베디드 GPU 보드를 탑재한 로봇에서의 검출 결과를 원격지에서 확인할 수 있는 방법에 대해 기술하였다. 딥러닝 모델의 연산량을 줄이는 방법 대신 Nvidia에서 제공하는 라이브러리를 이용하여 성능을 개선하였고, 로봇의 배터리 소모를 최소화하기 위해 실시간 영상 통신이 아닌 검출이 되었을 시에만 통신이 되게 하여 보다 긴 구동 시간을 얻도록 하였다.

Development of AI Systems for Counting Visitors and Check of Wearing Masks Using Deep Learning Algorithms (딥러닝 알고리즘을 활용한 출입자 통계와 마스크 착용 판별 인공지능 시스템)

  • Cho, Won-Young;Park, Sung-Leol;Kim, Hyun-Soo;Yun, Tae-Jin
    • Proceedings of the Korean Society of Computer Information Conference
    • /
    • 2020.07a
    • /
    • pp.285-286
    • /
    • 2020
  • 전 세계적으로 유행하는 COVID-19(코로나19)로 인해 사람들은 대면 접촉을 피하게 되었고, 전염성이 높은 이유로 마스크의 착용이 의무화되고 있고, 이를 검사하는 업무가 증가하고 있다. 그래서, 인공지능 기술을 통해 업무를 도와줄 수 있는 출입자 통계와 출입자 마스크 착용 검사를 할 수 있는 시스템이 필요하다. 이를 위해 본 논문에서는 딥러닝 알고리즘을 활용한 출입자 통계와 마스크 착용 판별 시스템을 제시한다. 또한, 실시간 영상인식에 많이 활용되고 있는 YOLO-v3와 YOLO-v4, YOLO-Tiny 알고리즘을 데스크탑 PC와 Nvidia사의 Jetson Nano에 적용하여 알고리즘별 성능 비교를 통해 적합한 방법을 찾고 적용하였다.

  • PDF