• 제목/요약/키워드: 하강법

검색결과 179건 처리시간 0.029초

Plume Behavior Study of Apollo Lunar Module Descent Engine Using Computational Fluid Dynamics (전산유체역학을 이용한 아폴로 달착륙선 하강엔진의 플룸 거동 연구)

  • Choi, Wook;Lee, Kyun Ho;Myong, Rho Shin
    • Journal of the Korean Society for Aeronautical & Space Sciences
    • /
    • 제45권9호
    • /
    • pp.766-774
    • /
    • 2017
  • When a plume flow exhausted from a lunar lander descent engine impinges on the lunar surface, regolith particles on the lunar surface will be dispersed due to a plume-surface interaction. If the dispersed particles collide with the lunar lander, some adverse effects such as a performance degradation can be caused. Thus, this study tried to predict the plume flow behaviors using the CFD methods. A nozzle inside region was analyzed by a continuum flow model based on the Navier-Stokes equations while the plume behaviors of the outside nozzle was performed by comparing and analyzing the individual results using the continuum flow model and the DSMC method. As a result, it was possible to establish an optimum procedure of the plume analysis for the lunar lander descent engine in the vacuum condition. In the future, it is expected to utilize the present results for the development of the Korean lunar lander.

Improving the Training Performance of Neural Networks by using Hybrid Algorithm (하이브리드 알고리즘을 이용한 신경망의 학습성능 개선)

  • Kim, Weon-Ook;Cho, Yong-Hyun;Kim, Young-Il;Kang, In-Ku
    • The Transactions of the Korea Information Processing Society
    • /
    • 제4권11호
    • /
    • pp.2769-2779
    • /
    • 1997
  • This Paper Proposes an efficient method for improving the training performance of the neural networks using a hybrid of conjugate gradient backpropagation algorithm and dynamic tunneling backpropagation algorithm The conjugate gradient backpropagation algorithm, which is the fast gradient algorithm, is applied for high speed optimization. The dynamic tunneling backpropagation algorithm, which is the deterministic method with tunneling phenomenon, is applied for global optimization. Conversing to the local minima by using the conjugate gradient backpropagation algorithm, the new initial point for escaping the local minima is estimated by dynamic tunneling backpropagation algorithm. The proposed method has been applied to the parity check and the pattern classification. The simulation results show that the performance of proposed method is superior to those of gradient descent backpropagtion algorithm and a hybrid of gradient descent and dynamic tunneling backpropagation algorithm, and the new algorithm converges more often to the global minima than gradient descent backpropagation algorithm.

  • PDF

An Initialization of Backpropagation Network Using Genetic Algorithm (유전자 알고리즘을 이용한 오차 역전파 신경망의 초기화)

  • 박형태;이행세
    • Proceedings of the IEEK Conference
    • /
    • 대한전자공학회 2003년도 하계종합학술대회 논문집 Ⅲ
    • /
    • pp.1275-1278
    • /
    • 2003
  • 본 논문에서는 오차 역전파 알고리즘의 전역 최소값을 찾지 못하는 문제점에 대해서 설명하였고, 이 문제를 해결하기 위한 방법으로 유전자 알고리즘에 대해서 설명하였다. 오차 역전파 알고리즘은 기본적으로 경도 하강법을 따른다. 따라서 신경망의 각 가중값 행렬이 만드는 고차의 오차 평면이 대부분의 문제에서 다수의 국부 최소값들을 가지는게 일반적인데, 가중값의 변화가 한방으로 진행하기 시작하여, 오차가 증가되어지는 언덕이 학습 계수보다 크다면 더 이상 학습은 진행되지 않고 거기에서 빠져나가지 못한다. 따라서 초기의 위치가 중요한 역할을 하는데, 이 문제를 해결하기 위해서 유전자 알고리즘을 이용한 신경망 초기화 방법을 제안하였다. 끝으로, 간단한 실험으로 제안된 방법을 구현하고 결과에 대해서 논하였다

  • PDF

Comparison of PVC Detecting Methods with ECG Using Descending Slope Tracing Waves and Form Factor (하강 기울기 추적파와 Form Factor를 이용한 심전도 조기심실수축의 검출 방법의 비교)

  • Ju, Jangkyu;Lee, Ki Young
    • The Journal of Korea Institute of Information, Electronics, and Communication Technology
    • /
    • 제1권3호
    • /
    • pp.21-26
    • /
    • 2008
  • In this paper, we extracted descending slope tracing waves (DSTW) and form factors (FF), and compared the detecting results of premature ventricular contraction (PVC) which were derived from DSTW and FF in order to find an efficient method. The 2nd. derivatives and DSTW were employed to extract correct R-waves from ECG. To evaluate extracting methods, ECGs including PVCs from MIT/BIH database were used.

  • PDF

Indirect Adaptive Control of Nonlinear Systems Using a EKF Learning Algorithm Based Wavelet Neural Network (확장 칼만 필터 학습 방법 기반 웨이블릿 신경 회로망을 이용한 비선형 시스템의 간접 적응 제어)

  • Kim Kyoung-Joo;Choi Yoon Ho;Park Jin Bae
    • Journal of the Korean Institute of Intelligent Systems
    • /
    • 제15권6호
    • /
    • pp.720-729
    • /
    • 2005
  • In this paper, we design the indirect adaptive controller using Wavelet Neural Network(WNN) for unknown nonlinear systems. The proposed indirect adaptive controller using WNN consists of identification model and controller. Here, the WNN is used in both Identification model and controller The WNN has advantage of indicating the location in both time and frequency simultaneously, and has faster convergence than MLPN and RBFN. There are several training methods for WNN, such as GD, GA, DNA, etc. In this paper, we present the Extended Kalman Filter(EKF) based training method. Although it is computationally complex, this algorithm updates parameters consistent with previous data and usually converges in a few iterations. Finally, ore illustrate the effectiveness of our method through computer simulations for the Buffing system and the one-link rigid robot manipulator. From the simulation results, we show that the indirect adaptive controller using the EKF method has better performance than the GD method.

An Efficient Traning of Multilayer Neural Newtorks Using Stochastic Approximation and Conjugate Gradient Method (확률적 근사법과 공액기울기법을 이용한 다층신경망의 효율적인 학습)

  • 조용현
    • Journal of the Korean Institute of Intelligent Systems
    • /
    • 제8권5호
    • /
    • pp.98-106
    • /
    • 1998
  • This paper proposes an efficient learning algorithm for improving the training performance of the neural network. The proposed method improves the training performance by applying the backpropagation algorithm of a global optimization method which is a hybrid of a stochastic approximation and a conjugate gradient method. The approximate initial point for f a ~gtl obal optimization is estimated first by applying the stochastic approximation, and then the conjugate gradient method, which is the fast gradient descent method, is applied for a high speed optimization. The proposed method has been applied to the parity checking and the pattern classification, and the simulation results show that the performance of the proposed method is superior to those of the conventional backpropagation and the backpropagation algorithm which is a hyhrid of the stochastic approximation and steepest descent method.

  • PDF

The Characteristic Analysis of Sediment Discharge in 2009 (2009년 하천 유사량 특성 분석)

  • Go, Ju-Yeon;Lee, Yeon-Kil;Lee, Jin-Won;Jung, Sung-Won
    • Proceedings of the Korea Water Resources Association Conference
    • /
    • 한국수자원학회 2010년도 학술발표회
    • /
    • pp.1729-1733
    • /
    • 2010
  • 본 연구에서는 7개 지점(여주, 적성, 왜관, 진동, 공주, 구례2, 나주)에 대해 유사량 특성 분석을 수행하였다. 부유사량은 강우가 집중되는 홍수기와 이의 전 후시기인 저 평수기(2회)로 나누어 왕복수심적분법(D-74)으로 측정하였고, 하상토는 BM-54, Grab Sampler(60 L), 선격자 등을 이용하여 홍수기 전 후로 2회 채취하였다. 채취된 시료는 그 목적에 따라 여과법(부유사농도), BW관법(부유사입도분포), 체분석법(하상토입도분포)으로 분석하였고, 그 결과로 작성된 평균 부유사농도 및 Oden Curve와 입도분포곡선과 수리량(수위, 유속, 측정수심, 수면폭, 수면경사, 수온)등의 자료를 이용하여 총유사량(미측정구간의 유사량 포함)을 추정(실측+계산: Modified Einstein)하였다. 총유사량 추정시, 세류사량을 제외한 부유사량을 적용하였다. 유량-부유사농도와 부유사량 및 총유사량 관계에 대한 결과는 다음과 같다: 1) 하나의 강우사상의 수위 상승-첨두-하강에 대한 측정성과는 대체적으로 Loop 형태를 보였고 이로 인해 일부 지점에서 측정성과들 간의 산포도가 다소 크게 나타났으며 수위 하강 때보다 상승시 초기 탁도의 증가 현상으로 부유사농도가 더 높은 것을 볼 수 있었다. 2) 유량-부유사농도, 부유사량, 총유사량 관계에서 왜관과 공주 지점의 경우, 첨두 수위에서 값들의 최고치를 보였고 나머지 지점들은 첨두 수위의 앞선 측정 수위에서 최고치를 보였다. 이는 강우사상별, 강우강도, 댐 방류량, 수위 상승-하강부, 유량에 따른 부유사농도와 부유사량의 특성이 각각 다른 점과 총유사량 추정시, 추정방법에서 추천하는 범위에서 벗어나는 자료를 적용해서 나타나는 결과로 판단된다. 여기서 유량, 수심, 하상토의 입도크기 등 자료의 범위가 추정공식들이 추천하는 범위에서 벗어나면 그 분석 결과도 서로 다르게 나타난다는 것은 그만큼 총유사량 공식의 범용성이 적다는 것을 의미한다. 이러한 점에서 때로는 자료 전체에 대해 전반적으로 양호한 결과를 보이는 공식보다는 정확한 답을 원하는 자료의 범위 내에서 예측하는 공식을 선정하는 것이 필요하다. 즉, 공식을 적용하여 유사량을 추정하고자 하는 하천이나 수로의 특성에 맞는 유사량 공식을 선정하는 것이 중요하다는 것이다.

  • PDF

Performance Comparison of the Optimizers in a Faster R-CNN Model for Object Detection of Metaphase Chromosomes (중기 염색체 객체 검출을 위한 Faster R-CNN 모델의 최적화기 성능 비교)

  • Jung, Wonseok;Lee, Byeong-Soo;Seo, Jeongwook
    • Journal of the Korea Institute of Information and Communication Engineering
    • /
    • 제23권11호
    • /
    • pp.1357-1363
    • /
    • 2019
  • In this paper, we compares the performance of the gredient descent optimizers of the Faster Region-based Convolutional Neural Network (R-CNN) model for the chromosome object detection in digital images composed of human metaphase chromosomes. In faster R-CNN, the gradient descent optimizer is used to minimize the objective function of the region proposal network (RPN) module and the classification score and bounding box regression blocks. The gradient descent optimizer. Through performance comparisons among these four gradient descent optimizers in our experiments, we found that the Adamax optimizer could achieve the mean average precision (mAP) of about 52% when considering faster R-CNN with a base network, VGG16. In case of faster R-CNN with a base network, ResNet50, the Adadelta optimizer could achieve the mAP of about 58%.

Development of new artificial neural network optimizer to improve water quality index prediction performance (수질 지수 예측성능 향상을 위한 새로운 인공신경망 옵티마이저의 개발)

  • Ryu, Yong Min;Kim, Young Nam;Lee, Dae Won;Lee, Eui Hoon
    • Journal of Korea Water Resources Association
    • /
    • 제57권2호
    • /
    • pp.73-85
    • /
    • 2024
  • Predicting water quality of rivers and reservoirs is necessary for the management of water resources. Artificial Neural Networks (ANNs) have been used in many studies to predict water quality with high accuracy. Previous studies have used Gradient Descent (GD)-based optimizers as an optimizer, an operator of ANN that searches parameters. However, GD-based optimizers have the disadvantages of the possibility of local optimal convergence and absence of a solution storage and comparison structure. This study developed improved optimizers to overcome the disadvantages of GD-based optimizers. Proposed optimizers are optimizers that combine adaptive moments (Adam) and Nesterov-accelerated adaptive moments (Nadam), which have low learning errors among GD-based optimizers, with Harmony Search (HS) or Novel Self-adaptive Harmony Search (NSHS). To evaluate the performance of Long Short-Term Memory (LSTM) using improved optimizers, the water quality data from the Dasan water quality monitoring station were used for training and prediction. Comparing the learning results, Mean Squared Error (MSE) of LSTM using Nadam combined with NSHS (NadamNSHS) was the lowest at 0.002921. In addition, the prediction rankings according to MSE and R2 for the four water quality indices for each optimizer were compared. Comparing the average of ranking for each optimizer, it was confirmed that LSTM using NadamNSHS was the highest at 2.25.

A Method Study on Discharge Computation of Backwater effect station by Handle of Gate of a Geumgang estuary dyke (금강하구둑 갑문조작에 의한 배수영향 지점에서의 유량산정 방법 연구)

  • Lee, Chung-Dae;Han, Hak-Young;Lim, Tae-Eun
    • Proceedings of the Korea Water Resources Association Conference
    • /
    • 한국수자원학회 2010년도 학술발표회
    • /
    • pp.1307-1311
    • /
    • 2010
  • 수자원의 효율적인 관리를 위해서는 홍수량 자료뿐만 아니라 저 평수량의 자료도 매우 중요하며, 이는 최근의 가뭄 발생으로 인하여 용수공급 및 하천수질관리 문제에서 저수위 유량자료의 파악이 중요한 관심 대상이기 때문이다. 이를 위해서는 저수위에 대해 유량측정을 실시하여 유량자료를 확보해야 하며, 이와 더불어 연속적인 유량자료를 얻기 위해서는 신뢰성 있는 수위-유량관계곡선식이 필수적이다. 일반적으로 자연하천에서 수위-유량관계는 수위의 상승 및 하강에 따라 유량변화가 일정한 경향성을 가지고 변동을 하기 때문에 단일함수 관계로 설명이 가능하다. 하지만 갑문 조작에 영향을 받는 구간에서는 수위와 유량만의 단일함수 관계가 아닌 갑문의 개 폐에 따라 수위와 유량이 변동하는 특성을 가지고 있어 일반하천에 비해 수위-유량관계를 규명하는 것이 매우 어려운 문제이다. 본 연구는 금강 하구둑의 갑문조작에 의하여 배수영향을 받는 규암 수위관측소에 대하여 수위-하강고-유량관계를 이용한 유량환산방법, 수면경사를 매개변수로 추가한 다중 회귀식 개발, 자동유량측정 장치를 이용한 유속지수법, 기존 수위-유량관계곡선식을 이용한 유량환산, ADCP(Acoustic Doppler Current Profiler)를 이용한 유량측정성과에 대하여 비교 분석을 통하여 갑문조작에 의한 배수영향을 받는 지점의 안정적인 유량자료를 제공하는데 목적이 있다. 이와 같이 각 유량환산 방법에 따라 실측 유량과 환산유량 비교의 결과 수위-하강고 유량관계의 경우 평균 26.60%, 기존 수위-유량관계곡선의 경우 130.29%, 유속지수법의 경우 36.48%, 다중회귀식의 경우 24.65%의 상대오차가 발생하였다.

  • PDF