• 제목/요약/키워드: Adam optimizer

검색결과 29건 처리시간 0.021초

폐 CT 영상에서 다양한 노이즈 타입에 따른 딥러닝 네트워크를 이용한 영상의 질 향상에 관한 연구 (Study on the Improvement of Lung CT Image Quality using 2D Deep Learning Network according to Various Noise Types)

  • 이민관;박찬록
    • 한국방사선학회논문지
    • /
    • 제18권2호
    • /
    • pp.93-99
    • /
    • 2024
  • 디지털 영상, 특히, 전산화 단층촬영 영상은 X선 신호를 디지털 영상 신호로 변환하는 과정에서 노이즈가 필수적으로 포함되기 때문에 노이즈 저감화에 대한 고려가 필수적이다. 최근, 딥러닝 모델 기반의 노이즈 감소가 가능한 연구가 수행되고 있다. 그러므로, 본 연구의 목적은 폐 CT 영상에서의 다양한 종류의 노이즈를 U-net 딥러닝 모델을 이용하여 노이즈 감소 효과를 평가하였다. 총 800장의 폐 CT 영상을 사용하였고, Adam 최적화 함수와 100회의 반복 학습 횟수, 0.0001의 학습률을 적용한 U-net 모델을 이용하였다. 노이즈를 포함한 입력 영상 생성을 위하여 Gaussian 노이즈, Poisson 노이즈, salt & pepper 노이즈, speckle 노이즈를 적용하였다. 정량적 분석 인자로 평균 제곱 오차, 최대 신호 대 잡음비, 영상의 변동계수를 사용하여 분석하였다. 결과적으로, U-net 네트워크는 다양한 노이즈 조건에서 우수한 성능을 나타냈으며 그 효용성을 입증하였다.

Breast Mass Classification using the Fundamental Deep Learning Approach: To build the optimal model applying various methods that influence the performance of CNN

  • Lee, Jin;Choi, Kwang Jong;Kim, Seong Jung;Oh, Ji Eun;Yoon, Woong Bae;Kim, Kwang Gi
    • Journal of Multimedia Information System
    • /
    • 제3권3호
    • /
    • pp.97-102
    • /
    • 2016
  • Deep learning enables machines to have perception and can potentially outperform humans in the medical field. It can save a lot of time and reduce human error by detecting certain patterns from medical images without being trained. The main goal of this paper is to build the optimal model for breast mass classification by applying various methods that influence the performance of Convolutional Neural Network (CNN). Google's newly developed software library Tensorflow was used to build CNN and the mammogram dataset used in this study was obtained from 340 breast cancer cases. The best classification performance we achieved was an accuracy of 0.887, sensitivity of 0.903, and specificity of 0.869 for normal tissue versus malignant mass classification with augmented data, more convolutional filters, and ADAM optimizer. A limitation of this method, however, was that it only considered malignant masses which are relatively easier to classify than benign masses. Therefore, further studies are required in order to properly classify any given data for medical uses.

Predicting Brain Tumor Using Transfer Learning

  • Mustafa Abdul Salam;Sanaa Taha;Sameh Alahmady;Alwan Mohamed
    • International Journal of Computer Science & Network Security
    • /
    • 제23권5호
    • /
    • pp.73-88
    • /
    • 2023
  • Brain tumors can also be an abnormal collection or accumulation of cells in the brain that can be life-threatening due to their ability to invade and metastasize to nearby tissues. Accurate diagnosis is critical to the success of treatment planning, and resonant imaging is the primary diagnostic imaging method used to diagnose brain tumors and their extent. Deep learning methods for computer vision applications have shown significant improvements in recent years, primarily due to the undeniable fact that there is a large amount of data on the market to teach models. Therefore, improvements within the model architecture perform better approximations in the monitored configuration. Tumor classification using these deep learning techniques has made great strides by providing reliable, annotated open data sets. Reduce computational effort and learn specific spatial and temporal relationships. This white paper describes transfer models such as the MobileNet model, VGG19 model, InceptionResNetV2 model, Inception model, and DenseNet201 model. The model uses three different optimizers, Adam, SGD, and RMSprop. Finally, the pre-trained MobileNet with RMSprop optimizer is the best model in this paper, with 0.995 accuracies, 0.99 sensitivity, and 1.00 specificity, while at the same time having the lowest computational cost.

Keras와 DNN을 이용한 자동차 MSRP 예측 시스템 (MSRP Prediction System Utilizing KERAS and DNN)

  • 강지원;윤현빈;이상현;최현호;문유진
    • 한국컴퓨터정보학회:학술대회논문집
    • /
    • 한국컴퓨터정보학회 2021년도 제63차 동계학술대회논문집 29권1호
    • /
    • pp.355-356
    • /
    • 2021
  • 본 논문에서는 Python 3의 Keras 모듈을 이용하여 특정 자동차에 대한 최적의 판매자권장소비자가격(MSRP)을 예측하는 시스템을 제안한다. 이 시스템은 2004년에 미국에서 시판된 428종류의 자동차에 대한 정보를 제조사, 차종, 생산지, 엔진 크기, 실린더 수, 시내 주행 시 연비, 고속도로 주행 시 연비, 마력, 차체 무게, 차체 길이의 독립변수를 사용하여 자체적으로 딥러닝한 회귀모델을 통해 특정 지표가 주어진 차량에 대해 종속변수인 판매자권장소비자가격을 예측한다. Optimizer를 adam으로, 학습률을 0.005으로 설정한 경우의 검증 MAE 값이 3842.98로 가장 낮게 산출되었고, 해당 모델의 결과는 예측값과 실제값의 오차율이 ±15% 정도 내외로 예측된 표본의 비율이 약 80.14%로 측정되었다. 위 모델은 향후 신차 가격 결정 및 중고차 시장에서 구매, 판매 결정을 돕는 등 특정 시장 내에서 다양한 자동차의 가치를 판단하기에 유용할 것으로 전망된다.

  • PDF

데이터 예측을 위한 텐서플로우 기반 기계학습 알고리즘 비교 연구 (A Comparative Study of Machine Learning Algorithms Based on Tensorflow for Data Prediction)

  • ;장성봉
    • 정보처리학회논문지:컴퓨터 및 통신 시스템
    • /
    • 제10권3호
    • /
    • pp.71-80
    • /
    • 2021
  • 기계학습에서 정확한 데이터 예측을 위해서는 적절한 인공신경망 알고리즘을 선택해야 한다. 이러한 알고리즘에는 심층 신경망 (DNN), 반복 신경망 (RNN), 장단기 기억 (LSTM) 네트워크 및 게이트 반복 단위 (GRU) 신경망등을 들 수 있다. 개발자가 실험을 위해, 하나를 선택해야 하는 경우, 각 알고리즘의 성능에 대한 충분한 정보가 없었기 때문에, 직관에 의존할 수 밖에 없었다. 본 연구에서는 이러한 어려움을 완화하기 위해 실험을 통해 예측 오류(RMSE)와 처리 시간을 비교 평가 하였다. 각 알고리즘은 텐서플로우를 이용하여 구현하였으며, 세금 데이터를 사용하여 학습을 수행 하였다. 학습 된 모델을 사용하여, 세금 예측을 수행 하였으며, 실제값과의 비교를 통해 정확도를 측정 하였다. 또한, 활성화 함수와 다양한 최적화 함수들이 알고리즘에 미치는 영향을 비교 분석 하였다. 실험 결과, GRU 및 LSTM 알고리즘의 경우, RMSE(Root Mean Sqaure Error)는 0.12이고 R2값은 각각 0.78 및 0.75로 다른 알고리즘에 비해 더 낳은 성능을 보여 주었다. 기본 심층 신경망(DNN)의 경우, 처리 시간은 가장 낮지만 예측 오류는 0.163로 성능은 가장 낮게 측정 되었다. 최적화 알고리즘의 경우, 아담(Adam)이 오류 측면에서 최고의 성능을, 처리 시간 측면에서 최악의 성능을 보여 주었다. 본 연구의 연구결과는 데이터 예측을 위한 알고리즘 선택시, 개발자들에게 유용한 정보로 사용될 것으로 예상된다.

Wavelet 변환과 결합한 잔차 학습을 이용한 희박뷰 전산화단층영상의 인공물 감소 (Artifact Reduction in Sparse-view Computed Tomography Image using Residual Learning Combined with Wavelet Transformation)

  • 이승완
    • 한국방사선학회논문지
    • /
    • 제16권3호
    • /
    • pp.295-302
    • /
    • 2022
  • 희박뷰 전산화단층촬영(computed tomography; CT) 영상화 기술은 피폭 방사선량을 감소시킬 수 있을 뿐만 아니라 획득한 투영상의 균일성을 유지하고 잡음을 감소시킬 수 있는 장점이 있다. 하지만 재구성 영상 내 인공물 발생으로 인하여 화질 및 피사체 구조가 왜곡되는 단점이 있다. 본 연구에서는 희박뷰 CT 영상의 인공물 감소를 위해 wavelet 변환과 잔차 학습(residual learning)을 적용한 콘볼루션 신경망(convolutional neural network; CNN) 기반 영상화 모델을 개발하고, 개발한 모델을 통한 희박뷰 CT 영상의 인공물 감소 정도를 정량적으로 분석하였다. CNN은 wavelet 변환 층, 콘볼루션 층 및 역 wavelet 변환 층으로 구성하였으며, 희박뷰 CT 영상과 잔차 영상을 각각 입출력 영상으로 설정하여 영상화 모델 학습을 진행하였다. 영상화 모델 학습을 위해 평균제곱오차(mean squared error; MSE)를 손실함수로, Adam 함수를 최적화 함수로 사용하였다. 학습된 모델을 통해 입력 희박뷰 CT 영상에 대한 예측 잔차 영상을 획득하고, 두 영상간의 감산을 통해 최종 결과 영상을 획득하였다. 또한 최종 결과 영상에 대한 시각적 특성, 최대신호대잡음비(peak signal-to- noise ratio; PSNR) 및 구조적유사성지수(structural similarity; SSIM)를 측정하였다. 연구결과 본 연구에서 개발한 영상화 모델을 통해 희박뷰 CT 영상의 인공물이 효과적으로 제거되며, 공간분해능이 향상되는 결과를 확인하였다. 또한 wavelet 변환과 잔차 학습을 미적용한 영상화 모델에 비해 본 연구에서 개발한 영상화 모델은 결과 영상의 PSNR 및 SSIM을 각각 8.18% 및 19.71% 향상시킬 수 있음을 확인하였다. 따라서 본 연구에서 개발한 영상화 모델을 이용하여 희박뷰 CT 영상의 인공물 제거는 물론 공간분해능 향상 및 정량적 정확도 향상 효과를 획득할 수 있다.

화자 겹침 검출 시스템의 프레임워크 전환 연구 (Framework Switching of Speaker Overlap Detection System)

  • 김회남;박지수;차신;손경아;윤영선;박전규
    • 한국소프트웨어감정평가학회 논문지
    • /
    • 제17권1호
    • /
    • pp.101-113
    • /
    • 2021
  • 본 논문에서는 화자 겹침 시스템을 소개하고 인공지능 분야에서 널리 사용되는 프레임워크에서 이미 구축된 시스템을 전환하는 과정을 고찰하고자 한다. 화자 겹침은 대화 과정에서 두 명 이상의 화자가 동시에 발성하는 것을 말하며, 사전에 화자 겹침을 탐지하여 음성인식이나 화자인식의 성능 저하를 예방할 수 있으므로 많은 연구가 진행되고 있다. 최근 인공지능을 이용한 다양한 응용 시스템의 활용도가 높아지면서 인공지능 프레임워크 (framework) 간의 전환이 요구되고 있다. 그러나 프레임워크 전환 시 각 프레임워크의 고유 특성에 의하여 성능 저하가 관찰되고 있으며 이는 프레임워크 전환을 어렵게 하고 있다. 본 논문에서는 케라스 (Keras) 기반 화자 겹침 시스템을 파이토치 (pytorch) 시스템으로 전환하는 과정을 기술하고 고려해야 할 구성 요소들을 정리하였다. 프레임워크 전환 결과 기존 케라스 기반 화자 겹침 시스템보다 파이토치로 전환된 시스템에서 더 좋은 성능을 보여 체계적인 프레임워크 전환의 기본 연구로서 가치를 지닌다고 할 수 있다.

증류공정 내부 온도 예측을 위한 머신 러닝 모델 개발 (Development of Machine Learning Model for Predicting Distillation Column Temperature)

  • 권혁원;오광철;정용철;조형태;김정환
    • 공업화학
    • /
    • 제31권5호
    • /
    • pp.520-525
    • /
    • 2020
  • 본 연구에서는 증류공정의 제품 생산단 온도 예측을 위한 머신러닝 기반 모델을 개발하였다. 증류공정의 제어는 제품 생산단의 온도를 통해 이루어지고 있어 제어를 위해 정확한 온도 예측이 필요하다. 증류공정에서 온도는 다양한 변수들과 복잡한 비선형의 관계를 형성하고 있으며 시계열 데이터의 특성이 있어 이를 예측하기 위해 순환신경망 기반 알고리즘을 이용하였다. 모델 개발 과정에서 적절한 예측 알고리즘을 선정하기 위해 세 가지 순환신경망 기반 알고리즘과 배치 사이즈 조절하여 제품 생산단 온도를 예측하기 위한 가장 적저한 모델을 선정하였다. LSTM128 모델이 제품 생산단 온도를 예측하기 위한 가장 적절한 모델로 선정되었다. 선정된 모델을 활용하여 실제 공정 운전데이터에 적용한 결과 RMSE 0.0791, R2 0.924의 성능을 보였다.

흉부 X선 영상을 이용한 작은 층수 ResNet 기반 폐렴 진단 모델의 성능 평가 (Performance Evaluation of ResNet-based Pneumonia Detection Model with the Small Number of Layers Using Chest X-ray Images)

  • 최용은;이승완
    • 대한방사선기술학회지:방사선기술과학
    • /
    • 제46권4호
    • /
    • pp.277-285
    • /
    • 2023
  • In this study, pneumonia identification networks with the small number of layers were constructed by using chest X-ray images. The networks had similar trainable-parameters, and the performance of the trained models was quantitatively evaluated with the modification of the network architectures. A total of 6 networks were constructed: convolutional neural network (CNN), VGGNet, GoogleNet, residual network with identity blocks, ResNet with bottleneck blocks and ResNet with identity and bottleneck blocks. Trainable parameters for the 6 networks were set in a range of 273,921-294,817 by adjusting the output channels of convolution layers. The network training was implemented with binary cross entropy (BCE) loss function, sigmoid activation function, adaptive moment estimation (Adam) optimizer and 100 epochs. The performance of the trained models was evaluated in terms of training time, accuracy, precision, recall, specificity and F1-score. The results showed that the trained models with the small number of layers precisely detect pneumonia from chest X-ray images. In particular, the overall quantitative performance of the trained models based on the ResNets was above 0.9, and the performance levels were similar or superior to those based on the CNN, VGGNet and GoogleNet. Also, the residual blocks affected the performance of the trained models based on the ResNets. Therefore, in this study, we demonstrated that the object detection networks with the small number of layers are suitable for detecting pneumonia using chest X-ray images. And, the trained models based on the ResNets can be optimized by applying appropriate residual-blocks.