• 제목/요약/키워드: Dynamic Parameter Learning

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

Survey of Artificial Intelligence Approaches in Cognitive Radio Networks

  • Morabit, Yasmina EL;Mrabti, Fatiha;Abarkan, El Houssein
    • Journal of information and communication convergence engineering
    • /
    • 제17권1호
    • /
    • pp.21-40
    • /
    • 2019
  • This paper presents a comprehensive survey of various artificial intelligence (AI) techniques implemented in cognitive radio engine to improve cognition capability in cognitive radio networks (CRNs). AI enables systems to solve problems by emulating human biological processes such as learning, reasoning, decision making, self-adaptation, self-organization, and self-stability. The use of AI techniques is studied in applications related to the major tasks of cognitive radio including spectrum sensing, spectrum sharing, spectrum mobility, and decision making regarding dynamic spectrum access, resource allocation, parameter adaptation, and optimization problem. The aim is to provide a single source as a survey paper to help researchers better understand the various implementations of AI approaches to different cognitive radio designs, as well as to refer interested readers to the recent AI research works done in CRNs.

배경분리를 위한 개선된 적응적 가우시안 혼합모델에서의 동적 학습률 제어 (Dynamic Control of Learning Rate in the Improved Adaptive Gaussian Mixture Model for Background Subtraction)

  • 김영주
    • 한국정보통신학회:학술대회논문집
    • /
    • 한국해양정보통신학회 2005년도 추계종합학술대회
    • /
    • pp.366-369
    • /
    • 2005
  • 연속 영상을 이용하여 실시간으로 움직임 객체를 추출하고 추적하기 위해 배경분리(Background Subtraction) 기법을 주로 사용한다. 외부 환경에서는 조명의 변화, 나무의 흔들림과 같은 반복적인 움직임 그리고 급격히 움직이는 객체 등과 같이 고려해야할 많은 환경 변화 요인들이 존재한다. 이러한 외부 환경의 변화를 적응적으로 반영하여 배경을 분리할 수 있는 배경 모델로는 주로 가우시안 혼합 모델(GMM: Gaussian Mixture Model)이 적용되고 있으며, 실시간 성능 등을 개선시킨 적응적 가우시안 혼합 모델 등이 사용되고 있다. 본 논문은 개선된 적응적 가우시안 혼합 모델을 적용하고 고정된 학습률 ${\alpha}$(일반적으로 작은 값)을 사용함으로써 물체의 갑작스러운 움직임 등에 빠르게 적응하지 못하는 문제점을 해결하기 위해 가우시안 분포 수의 적응적 조절 기능과 픽셀 값을 분산을 이용하여 학습률 ${\alpha}$값을 동적으로 제어하는 방법을 제안하고 성능을 평가하였다.

  • PDF

Metaheuristic models for the prediction of bearing capacity of pile foundation

  • Kumar, Manish;Biswas, Rahul;Kumar, Divesh Ranjan;T., Pradeep;Samui, Pijush
    • Geomechanics and Engineering
    • /
    • 제31권2호
    • /
    • pp.129-147
    • /
    • 2022
  • The properties of soil are naturally highly variable and thus, to ensure proper safety and reliability, we need to test a large number of samples across the length and depth. In pile foundations, conducting field tests are highly expensive and the traditional empirical relations too have been proven to be poor in performance. The study proposes a state-of-art Particle Swarm Optimization (PSO) hybridized Artificial Neural Network (ANN), Extreme Learning Machine (ELM) and Adaptive Neuro Fuzzy Inference System (ANFIS); and comparative analysis of metaheuristic models (ANN-PSO, ELM-PSO, ANFIS-PSO) for prediction of bearing capacity of pile foundation trained and tested on dataset of nearly 300 dynamic pile tests from the literature. A novel ensemble model of three hybrid models is constructed to combine and enhance the predictions of the individual models effectively. The authenticity of the dataset is confirmed using descriptive statistics, correlation matrix and sensitivity analysis. Ram weight and diameter of pile are found to be most influential input parameter. The comparative analysis reveals that ANFIS-PSO is the best performing model in testing phase (R2 = 0.85, RMSE = 0.01) while ELM-PSO performs best in training phase (R2 = 0.88, RMSE = 0.08); while the ensemble provided overall best performance based on the rank score. The performance of ANN-PSO is least satisfactory compared to the other two models. The findings were confirmed using Taylor diagram, error matrix and uncertainty analysis. Based on the results ELM-PSO and ANFIS-PSO is proposed to be used for the prediction of bearing capacity of piles and ensemble learning method of joining the outputs of individual models should be encouraged. The study possesses the potential to assist geotechnical engineers in the design phase of civil engineering projects.

쿠버네티스에서 분산 학습 작업 성능 향상을 위한 오토스케일링 기반 동적 자원 조정 오퍼레이터 (Dynamic Resource Adjustment Operator Based on Autoscaling for Improving Distributed Training Job Performance on Kubernetes)

  • 정진원;유헌창
    • 정보처리학회논문지:컴퓨터 및 통신 시스템
    • /
    • 제11권7호
    • /
    • pp.205-216
    • /
    • 2022
  • 딥러닝 분산 학습에 사용되는 많은 도구 중 하나는 컨테이너 오케스트레이션 도구인 쿠버네티스에서 실행되는 큐브플로우이다. 그리고 큐브플로우에서 기본적으로 제공하는 오퍼레이터를 사용하여 텐서플로우 학습 작업을 관리할 수 있다. 하지만 파라미터 서버 아키텍처 기반의 딥러닝 분산 학습 작업을 고려할 때 기존의 오퍼레이터가 사용하는 스케줄링 정책은 분산학습 작업의 태스크 친화도를 고려하지 않으며 자원을 동적으로 할당하거나 해제하는 기능을 제공하지 않는다. 이는 작업의 완료 시간이 오래 걸리거나 낮은 자원 활용률로 이어질 수 있다. 따라서 본 논문에서는 작업의 완료 시간을 단축시키고 자원 활용률을 높이기 위해 딥러닝 분산 학습 작업을 효율적으로 스케줄링하는 새로운 오퍼레이터를 제안한다. 기존 오퍼레이터를 수정하여 새로운 오퍼레이터를 구현하고 성능 평가를 위한 실험을 수행한 결과, 제안한 스케줄링 정책은 평균 작업 완료 시간 감소율을 최대 84%, 평균 CPU 활용 증가율을 최대 92%까지 향상시킬 수 있음을 보여준다.

Lightweight Attention-Guided Network with Frequency Domain Reconstruction for High Dynamic Range Image Fusion

  • 박재현;이근택;조남익
    • 한국방송∙미디어공학회:학술대회논문집
    • /
    • 한국방송∙미디어공학회 2022년도 하계학술대회
    • /
    • pp.205-208
    • /
    • 2022
  • Multi-exposure high dynamic range (HDR) image reconstruction, the task of reconstructing an HDR image from multiple low dynamic range (LDR) images in a dynamic scene, often produces ghosting artifacts caused by camera motion and moving objects and also cannot deal with washed-out regions due to over or under-exposures. While there has been many deep-learning-based methods with motion estimation to alleviate these problems, they still have limitations for severely moving scenes. They also require large parameter counts, especially in the case of state-of-the-art methods that employ attention modules. To address these issues, we propose a frequency domain approach based on the idea that the transform domain coefficients inherently involve the global information from whole image pixels to cope with large motions. Specifically we adopt Residual Fast Fourier Transform (RFFT) blocks, which allows for global interactions of pixels. Moreover, we also employ Depthwise Overparametrized convolution (DO-conv) blocks, a convolution in which each input channel is convolved with its own 2D kernel, for faster convergence and performance gains. We call this LFFNet (Lightweight Frequency Fusion Network), and experiments on the benchmarks show reduced ghosting artifacts and improved performance up to 0.6dB tonemapped PSNR compared to recent state-of-the-art methods. Our architecture also requires fewer parameters and converges faster in training.

  • PDF

A vibration-based approach for detecting arch dam damage using RBF neural networks and Jaya algorithms

  • Ali Zar;Zahoor Hussain;Muhammad Akbar;Bassam A. Tayeh;Zhibin Lin
    • Smart Structures and Systems
    • /
    • 제32권5호
    • /
    • pp.319-338
    • /
    • 2023
  • The study presents a new hybrid data-driven method by combining radial basis functions neural networks (RBF-NN) with the Jaya algorithm (JA) to provide effective structural health monitoring of arch dams. The novelty of this approach lies in that only one user-defined parameter is required and thus can increase its effectiveness and efficiency, as compared to other machine learning techniques that often require processing a large amount of training and testing model parameters and hyper-parameters, with high time-consuming. This approach seeks rapid damage detection in arch dams under dynamic conditions, to prevent potential disasters, by utilizing the RBF-NNN to seamlessly integrate the dynamic elastic modulus (DEM) and modal parameters (such as natural frequency and mode shape) as damage indicators. To determine the dynamic characteristics of the arch dam, the JA sequentially optimizes an objective function rooted in vibration-based data sets. Two case studies of hyperbolic concrete arch dams were carefully designed using finite element simulation to demonstrate the effectiveness of the RBF-NN model, in conjunction with the Jaya algorithm. The testing results demonstrated that the proposed methods could exhibit significant computational time-savings, while effectively detecting damage in arch dam structures with complex nonlinearities. Furthermore, despite training data contaminated with a high level of noise, the RBF-NN and JA fusion remained the robustness, with high accuracy.

Harmony Search 알고리즘 기반 HMM 구조 최적화에 의한 얼굴 정서 인식 시스템 개발 (Development of Facial Emotion Recognition System Based on Optimization of HMM Structure by using Harmony Search Algorithm)

  • 고광은;심귀보
    • 한국지능시스템학회논문지
    • /
    • 제21권3호
    • /
    • pp.395-400
    • /
    • 2011
  • 본 논문에서는 얼굴 표정에서 나타나는 동적인 정서상태 변화를 고려한 얼굴 영상 기반 정서 인식 연구를 제안한다. 본 연구는 얼굴 영상 기반 정서적 특징 검출 및 분석 단계와 정서 상태 분류/인식 단계로 구분할 수 있다. 세부 연구의 구성 중 첫 번째는 Facial Action Units (FAUs)과 결합한 Active Shape Model (ASM)을 이용하여 정서 특징 영역 검출 및 분석기법의 제안이며, 두 번째는 시간에 따른 정서 상태의 동적 변화를 고려한 정확한 인식을 위하여 Hidden Markov Model(HMM) 형태의 Dynamic Bayesian Network를 사용한 정서 상태 분류 및 인식기법의 제안이다. 또한, 최적의 정서적 상태 분류를 위한 HMM의 파라미터 학습 시 Harmony Search (HS) 알고리즘을 이용한 휴리스틱 최적화 과정을 적용하였으며, 이를 통하여 동적 얼굴 영상 변화를 기반으로 하는 정서 상태 인식 시스템을 구성하고 그 성능의 향상을 도모하였다.

A Vector-Controlled PMSM Drive with a Continually On-Line Learning Hybrid Neural-Network Model-Following Speed Controller

  • EI-Sousy Fayez F. M.
    • Journal of Power Electronics
    • /
    • 제5권2호
    • /
    • pp.129-141
    • /
    • 2005
  • A high-performance robust hybrid speed controller for a permanent-magnet synchronous motor (PMSM) drive with an on-line trained neural-network model-following controller (NNMFC) is proposed. The robust hybrid controller is a two-degrees-of-freedom (2DOF) integral plus proportional & rate feedback (I-PD) with neural-network model-following (NNMF) speed controller (2DOF I-PD NNMFC). The robust controller combines the merits of the 2DOF I-PD controller and the NNMF controller to regulate the speed of a PMSM drive. First, a systematic mathematical procedure is derived to calculate the parameters of the synchronous d-q axes PI current controllers and the 2DOF I-PD speed controller according to the required specifications for the PMSM drive system. Then, the resulting closed loop transfer function of the PMSM drive system including the current control loop is used as the reference model. In addition to the 200F I-PD controller, a neural-network model-following controller whose weights are trained on-line is designed to realize high dynamic performance in disturbance rejection and tracking characteristics. According to the model-following error between the outputs of the reference model and the PMSM drive system, the NNMFC generates an adaptive control signal which is added to the 2DOF I-PD speed controller output to attain robust model-following characteristics under different operating conditions regardless of parameter variations and load disturbances. A computer simulation is developed to demonstrate the effectiveness of the proposed 200F I-PD NNMF controller. The results confirm that the proposed 2DOF I-PO NNMF speed controller produces rapid, robust performance and accurate response to the reference model regardless of load disturbances or PMSM parameter variations.

유도전동기 드라이브의 고성능 제어를 위한 PI, FNN 및 ALM-FNN 제어기의 비교연구 (Comparative Study of PI, FNN and ALM-FNN for High Control of Induction Motor Drive)

  • 강성준;고재섭;최정식;장미금;백정우;정동화
    • 한국조명전기설비학회:학술대회논문집
    • /
    • 한국조명전기설비학회 2009년도 춘계학술대회 논문집
    • /
    • pp.408-411
    • /
    • 2009
  • In this paper, conventional PI, fuzzy neural network(FNN) and adaptive teaming mechanism(ALM)-FNN for rotor field oriented controlled(RFOC) induction motor are studied comparatively. The widely used control theory based design of PI family controllers fails to perform satisfactorily under parameter variation nonlinear or load disturbance. In high performance applications, it is useful to automatically extract the complex relation that represent the drive behaviour. The use of learning through example algorithms can be a powerful tool for automatic modelling variable speed drives. They can automatically extract a functional relationship representative of the drive behavior. These methods present some advantages over the classical ones since they do not rely on the precise knowledge of mathematical models and parameters. Comparative study of PI, FNN and ALM-FNN are carried out from various aspects which is dynamic performance, steady-state accuracy, parameter robustness and complementation etc. To have a clear view of the three techniques, a RFOC system based on a three level neutral point clamped inverter-fed induction motor drive is established in this paper. Each of the three control technique: PI, FNN and ALM-FNN, are used in the outer loops for rotor speed. The merit and drawbacks of each method are summarized in the conclusion part, which may a guideline for industry application.

  • PDF

RoutingConvNet: 양방향 MFCC 기반 경량 음성감정인식 모델 (RoutingConvNet: A Light-weight Speech Emotion Recognition Model Based on Bidirectional MFCC)

  • 임현택;김수형;이귀상;양형정
    • 스마트미디어저널
    • /
    • 제12권5호
    • /
    • pp.28-35
    • /
    • 2023
  • 본 연구에서는 음성감정인식의 적용 가능성과 실용성 향상을 위해 적은 수의 파라미터를 가지는 새로운 경량화 모델 RoutingConvNet(Routing Convolutional Neural Network)을 제안한다. 제안모델은 학습 가능한 매개변수를 줄이기 위해 양방향 MFCC(Mel-Frequency Cepstral Coefficient)를 채널 단위로 연결해 장기간의 감정 의존성을 학습하고 상황 특징을 추출한다. 저수준 특징 추출을 위해 경량심층 CNN을 구성하고, 음성신호에서의 채널 및 공간 신호에 대한 정보 확보를 위해 셀프어텐션(Self-attention)을 사용한다. 또한, 정확도 향상을 위해 동적 라우팅을 적용해 특징의 변형에 강인한 모델을 구성하였다. 제안모델은 음성감정 데이터셋(EMO-DB, RAVDESS, IEMOCAP)의 전반적인 실험에서 매개변수 감소와 정확도 향상을 보여주며 약 156,000개의 매개변수로 각각 87.86%, 83.44%, 66.06%의 정확도를 달성하였다. 본 연구에서는 경량화 대비 성능 평가를 위한 매개변수의 수, 정확도간 trade-off를 계산하는 지표를 제안하였다.