-
- 우사이먼성일 교수 DASH 연구실, CIKM 2022 국제 학술대회 full paper 논문 5편 게재 승인
- DASH 연구실 신유진, 박은주, 이광한, 이한빈, 김정호, 신새별, Binh M. Le, Chingis Oinar의 논문 5편이 full paper가 인공지능 및 정보검색 분야의 top-tier 국제학술대회인 CIKM (Conference on Information and Knowledge Management) 2022에 최종 논문 게재가 승인되어 10월에 발표될 예정입니다. 1. 항공우주연구원과 시계열 기반 괘도 예측 및 이상탐지 연구 2. Neural Networks Pruning 연구 3. 미국 USC와 YouTube의 콘텐츠 Privacy 및 유해성 관련 탐지 모델 개발 연구(국제공동) 4. 호주 CSIRO Data61과 시계열 데이터에 대한 Adversarial Attack 연구(국제공동) 5. Self-Knowledge Distillation기법을 제안하여 다양한 downstream 비전 테스크 성능향상 연구 1. Youjin Shin, Eun-Ju Park, Simon S. Woo, Okchul Jung and Daewon Chung, ”Selective Tensorized Multi-layer LSTM for Orbit Prediction”, Proceedings of the 31st ACM International Conference on Information & Knowledge Management. 2022. 본 연구에서는 위성의 궤도를 예측하는 모델로서 Selective Tensorized multi-layer LSTM (ST-LSTM)을 제안합니다. 최근, 위성의 수가 급격하게 늘어남에따라 위성 충돌 위험이 증가하였습니다. 이러한 위성 충돌과 같은 돌발상황을 막기 위해서는 위성의 궤도를 정확하게 예측하는 것이 중요합니다. ST-LSTM은 딥러닝의 웨이트 매트릭스를 텐서화한 tensorizing layer를 멀티레이어 LSTM에 선택적으로 적용합니다. 항공우주연구소 (KARI)에서 제공된 두 개의 실제 위성에 대한 데이터를 가지고 다양한 비교 모델들과 함께 실험한 결과, ST-LSTM은 계산량을 줄이면서도 정확도 또한 높게 유지하였습니다. Although the collision of space objects not only incurs a high cost but also threatens human life, the risk of collision between satellites has increased, as the number of satellites has rapidly grown due to the significant interests in many space applications. However, it is not trivial to monitor the behavior of the satellite in real-time since the communication between the ground station and spacecraft are dynamic and sparse, and there is an increased latency due to the long distance. Accordingly, it is strongly required to predict the orbit of a satellite to prevent unexpected contingencies such as a collision. Therefore, the real-time monitoring and accurate orbit prediction is required. Furthermore, it is necessarily to compress the prediction model, while achieving a high prediction performance in order to be deployable in the real systems. Although several machine learning and deep learning-based prediction approaches have been studied to address such issues, most of them have applied only basic machine learning models for orbit prediction without considering the size, running time, and complexity of the prediction model. In this research, we propose Selective Tensorized multi-layer LSTM (ST-LSTM) for orbit prediction, which not only improves the orbit prediction performance but also compresses the size of the model that can be applied in practical deployable scenarios. To evaluate our model, we use the real orbit dataset collected from the Korea Multi-Purpose Satellites (KOMPSAT-3 and KOMPSAT-3A) of the Korea Aerospace Research Institute (KARI) for 5 years. In addition, we compare our ST-LSTM to other machine learning-based regression models, LSTM, and basic tensorized LSTM models with regard to the prediction performance, model compression rate, and running time. 2. Gwanghan Lee, Saebyeol Shin, and Simon S. Woo, ”Accelerating CNN via Dynamic Pattern‑based Pruning Network”, Proceedings of the 31st ACM International Conference on Information & Knowledge Management. 2022. 본 연구에서는 실제 가속이 가능한 dynamic pruning method를 제안합니다. 기존의 dynamic pruning method는 매 인풋샘플마다 sparse pattern이 다르기에, 가속을 위해 수행되는 추가적인 오버헤드때문에 실제 가속까지 이루어지기 어려웠습니다. 본 논문에서는 이를 해결하기 위해 새로운 dynamic pruning method를 제안하며, convolution kernel의 representational power를 높여 성능을 높였을 뿐만 아니라 BLAS 라이브러리를 이용해 쉽게 가속이 이루어질 수 있게 만들었습니다. 이를 통해 CIFAR과 ImageNet 데이터셋에서 실험한 결과 기존의 SOTA 방법론에 비해 연산량 대비 정확도가 향상됨을 보였습니다. Most dynamic pruning methods fail to achieve actual acceleration due to the extra overheads caused by indexing and weight-copying to implement the dynamic sparse patterns for every input sample. To address this issue, we propose Dynamic Pattern-based Pruning Network, which preserves the advantages of both static and dynamic networks. Unlike previous dynamic pruning methods, our novel method dynamically fuses static kernel patterns, enhancing the kernel's representational power without additional overhead. Moreover, our dynamic sparse pattern enables an efficient process using BLAS libraries, accomplishing actual acceleration. We demonstrate the effectiveness of the proposed network on CIFAR and ImageNet, outperforming the state-of-the-art methods achieving better accuracy with lower computational cost. 3. Binh M. Le, Rajat Tandon, Chingis Oinar, Jeffrey Liu, Uma Durairaj, Jiani Guo, Spencer Zahabizadeh, Sanjana Ilango, Jeremy Tang, Fred Morstatter, Simon Woo and Jelena Mirkovic, ”Samba: Identifying Inappropriate Videos for Young Children on YouTube”, Proceedings of the 31st ACM International Conference on Information & Knowledge Management. 2022. 본 논문에서는 어린이용 유튜브 동영상을 분류하기위해 메타데이터와 비디오 자막을 모두 사용하는 Samba라는 퓨전 모델을 제안합니다. 기존 연구는 어린이들이 보기에 부적절한 비디오를 감지하기 위해 비디오 썸네일, 제목, 댓글 등과 같은 메타데이터를 활용했습니다. 이러한 메타데이터 기반 접근법은 높은 정확도를 달성하지만, 입력 feature의 신빙성으로 인해 상당한 오분류 결과를 가집니다. Self-supervised contrastive 프레임워크로 pre-train된, 자막에서의 representation feature를 추가함으로써, Samba 모델은 다른 SOTA 분류기보다 7% 이상 높은 성능을 보입니다. 또한 향후 연구를 장려하기 위해 7만여개의 영상도 함께 공개합니다. In this paper, we propose a fusion model, called Samba, which uses both metadata and video subtitles for content classifying YouTube videos for kids. Previous studies utilized metadata, such as video thumbnails, title, comments, ect., for detecting inappropriate videos for young viewers. Such metadata-based approaches achieve high accuracy but still have significant misclassifications due to the reliability of input features. By adding representation features from subtitles, which are pretrained with a self-supervised contrastive framework, our Samba model can outperform other state-of-the-art classifiers by at least 7%. We also publish a large-scale, comprehensive dataset of 70K videos for future studies. 4. Shahroz Tariq, Binh M. Le and Simon Woo, ”Towards an Awareness of Time Series Anomaly Detection Models' Adversarial Vulnerability”, Proceedings of the 31st ACM International Conference on Information & Knowledge Management. 2022. 본 연구에서는 시계열 데이터의 이상(anomaly) 검출기의 적대적 취약성에 대한 인식을 높이는 것을 목표로 하여, 센서 데이터에 약간의 적대적 섭동(adversarial perturbation)을 추가함에도 이상 감지 시스템이 심각하게 약화되는 것을 보입니다. 이상 현상(anomaly)에 대해 견고하며 실제 시스템에서 사용될 수 있다고 주장하는 SOTA 심층 신경망(DNN)과 그래프 신경망(GNN)의 성능이 FGSM(Fast Gradient Sign Method)과 PGD(Projected Gradient Descent)와 같이 잘 알려진 적대적 공격에서 0%로 떨어진다는 것을 보입니다. 우리가 아는 한, 본 연구는 적대적 공격에 대한 이상 감지 시스템의 취약성을 처음으로 입증하였습니다. Time series anomaly detection is studied in statistics, ecology, and computer science. Numerous time series anomaly detection strategies have been presented utilizing deep learning. Many of these methods exhibit state-of-the-art performance on benchmark datasets, giving the false impression that they are robust and deployable in a wide variety of real-world scenarios. In this study, we demonstrate that adding modest adversarial perturbations to sensor data severely weakens anomaly detection systems. Under well-known adversarial attacks such as Fast Gradient Sign Method (FGSM) and Projected Gradient Descent (PGD), we demonstrate that the performance of state-of-the-art deep neural networks (DNNs) and graph neural networks (GNNs), which claim to be robust against anomalies and possibly be used in real-world systems, drops to 0%. We demonstrate for the first time, to our knowledge, the vulnerability of anomaly detection systems to adversarial attacks. This study aims to increase awareness of the adversarial vulnerabilities of time series anomaly detectors. 5. Hanbeen Lee, Jeongho Kim and Simon Woo, “Sliding Cross Entropy for Self-Knowledge Distillation”, Proceedings of the 31st ACM International Conference on Information & Knowledge Management. 2022. 본 연구에서는 기존 self-knowledge distillation에 결합하여 성능을 향상시키는 Sliding Cross Entropy (SCE)를 제안합니다. Self-distillation을 위한 soft target과 모델의 output logit의 차이를 최소화하기 위하여, 정렬된 각 softmax representation을 특정 윈도우로 나누고, 나누어진 슬라이스끼리의 거리를 최소화합니다. 이를 통하여, 모델은 최적화 과정에서 soft target의 클래스간 관계를 동등하게 고려할 수 있습니다. 다양한 실험을 통하여 본 논문에서 제안하는 SCE가 분류, 객체 탐지, 세그멘테이션에서 기존 베이스라인 방법론을 뛰어넘는 성능을 보여줍니다. Knowledge distillation (KD) is a powerful technique for improving the performance of a small model by leveraging the knowledge of a larger model. Despite its remarkable performance boost, KD has a drawback with the substantial computational cost of pre-training larger models in advance. Recently, a method called self-knowledge distillation has emerged to improve the model's performance without any supervision. In this paper, we present a novel plug-in approach called Sliding Cross Entropy (SCE) method, which can be combined with existing self-knowledge distillation to significantly improve the performance. Specifically, to minimize the difference between the output of the model and the soft target obtained by self-distillation, we split each softmax representation by a certain window size, and reduce the distance between sliced parts. Through this approach, the model evenly considers all the inter-class relationships of a soft target during optimization. The extensive experiments show that our approach is effective in various tasks, including classification, object detection, and semantic segmentation. We also demonstrate SCE consistently outperforms existing baseline methods.
-
- 작성일 2022-08-25
- 조회수 1897
-
- 데이터 지능 및 학습 연구실(지도교수: 이종욱), SIGIR 2022 및 IJCAI 2022 논문 게재
- 연구 1: Jae-woong Lee, Seongmin Park, Joonseok Lee, and Jongwuk Lee, “Bilateral Self-unbiased Learning from Biased Implicit Feedback”, 45th International ACM SIGIR Conference on Research and Development in Information Retrieval (SIGIR), 2022 연구 2: Duhyeon Bang, Kyungjune Baek, Jiwoo Kim, Yunho Jeon, Jin-Hwa Kim, Jiwon Kim, Jongwuk Lee, and Hyunjung Shim, “Logit Mixing Training for More Reliable and Accurate Prediction”, 31st International Joint Conference on Artificial Intelligence (IJCAI), 2022 연구 1: 데이터 지능 및 학습(Data Intelligence and Learning, DIAL) 연구실 소속 이재웅(박사과정, 제1저자) 학생, 박성민(석·박통합과정, 제2저자) 학생, 이종욱(교신저자) 교수와 이준석(구글 리서치/서울대, 제3저자) 교수가 연구한 “Bilateral Self-unbiased Learning from Biased Implicit Feedback” 논문이 세계 최고 권위 정보검색 학회인 SIGIR 2022에 full paper track으로 최종 게재 승인되었으며, 지난 7월 12일 스페인 마드리드에서 논문을 발표하였습니다. 이재웅(박사과정) 박성민(석박통합과정) 본 연구는 편향되어 있는 추천 데이터에서 추천 모델을 학습할 때 모델에 존재하는 편향 문제를 완화하는 추천 모델을 제안하였습니다. 구체적으로, 추천 데이터의 편향을 제거하기 위해 두 가지로 요소를 개발하여 추천 모델의 편향 제거에 활용하였습니다. (1) 모델의 출력에 포함되어 있는 편향으로 모델의 편향을 제거하는 자기 역편향 가중치(Self-inverse propensity weighting)를 통해 학습 과정에서 데이터의 편향을 완화하는 방법과 (2) 두 가지 상호 보완적인 추천 모델인 사용자기반 추천 모델과 항목기반 추천 모델을 활용하여 추천 모델의 편향을 안정적으로 제거하기 위해 예측 결과의 오차를 줄이는 방법인 양방향 편향 제거 학습(Bilateral unbiased learning)을 고안하였습니다. 제안된 추천 모델은 실험적으로 효과적으로 추천 결과의 편향을 제거됨을 확인하였으며, 편향 제거 평가 시 일반적으로 사용되는 Coat 및 Yahoo! R3 데이터에서 기존의 편향 제거 모델 대비 추천 성능을 최대 15% 개선하였습니다. <그림 1: 사용자 기반 항목 기반 추천 모델을 활용하여 자기 역편향 가중치와 양방향 편향 제거 학습을 활용한 학습 과정> 연구 2: 데이터 지능 및 학습(Data Intelligence and Learning, DIAL) 연구실 소속 김지우(석사과정, 제3저자) 학생과 이종욱 교수와 카이스트 심현정 교수 연구팀이 공동 연구를 진행한 교수가 “Logit Mixing Training for More Reliable and Accurate Prediction” 논문이 세계 최고 권위 인공지능 학회인 IJCAI 2022에 full paper track으로 최종 게재 승인되었으며, 7월 23일에 연구 성과를 발표하였습니다. 김지우(석사과정) 본 연구는 사람이 객관식 문제를 풀 때, 무엇이 정답인지를 고려할 뿐 아니라 무엇이 정답이 아닌지를 모두 고려하는 사람의 정답 추론 과정에 영감을 받아, 정답 클래스와 오답 클래스 간 관계를 모두 활용한 LogitMix를 제안하였습니다. 구체적으로, 본 연구에서 제안한 LogitMix는 기존에 데이터 증강 방법인 Mixup, Manifold Mixup, CutMix 및 PuzzleMix와 같은 방법과 결합이 가능하며, 두 데이터 결합 시 로짓(Logit) 레벨에서 두 샘플을 효과적으로 결합하는 방법입니다. 이를 통해, 긍정적(정답) 클래스와 부정적(오답) 클래스 간 관계를 보존하여, 효과적으로 클래스의 확률 분포를 학습 과정에 규제화하여 학습할 수 있도록 하였습니다. 제안 방법은 이미지 및 언어 기반 분류 모델에 효과적으로 LogitMix를 적용하여 교정 오류 및 예측 정확도를 개선할 수 있음을 검증하였습니다. <그림: 2차원 나선형 데이에서 다양한 Mixup 기반의 학습 방법 적용시 분류 모델의 결정 평면에 대한 도식도, 제안 방법인 LogitMix가 다른 방법 대비 두 개의 클래스를 효과적으로 구분하고 있으며, 두 클래스간 확률 분포가 자연스럽게 변함을 확인됨>
-
- 작성일 2022-08-01
- 조회수 2022
-
- 허재필 교수 연구실, ECCV 2022 논문 2편 게재 승인
- 비주얼컴퓨팅연구실(지도교수: 허재필)의 논문 2편이 컴퓨터 비전 및 인공지능 분야의 Top-tier 학술대회인 European Conference on Computer Vision 2022에 게재 승인되었습니다. 논문 #1: “Tailoring Self-Supervision for Supervised Learning” (인공지능학과 석사과정 문원준, 인공지능학과 박사과정 김지환) 논문 #2: “Difficulty-Aware Simulator for Open Set Recognition” (인공지능학과 석사과정 문원준, 인공지능학과 석사과정 박준호, 인공지능학과 석박통합과정 성현석, 인공지능학과 석박통합과정 조철호) “Tailoring Self-Supervision for Supervised Learning” 논문에서는 먼저 Supervised Learning 환경에서 Self-supervision Task가 특별한 변경 없이 추가적으로 적용되었을 때, 발생할 수 있는 문제점들을 지적하였습니다. Supervised Learning의 Objective를 보조하는 역할로의 Self-supervision Task가 적용될 때, Self-supervision Task가 가져야 할 세 가지 특성을 제시하고, 이를 만족하는 Localization Rotation이라는 새로운 Task를 제안하였습니다. 제안한 방법이 Deep Learning 모델의 강건함 및 일반화 능력을 시험할 수 있는 여러 벤치마크에서 일관된 성능 향상을 가져오는 것을 확인하였습니다. “Difficulty-Aware Simulator for Open Set Recognition” 논문에서는 Open Set Recognition을 위한 가상의 샘플을 시뮬레이션 하는 새로운 방법을 제시하였습니다. Open Set Recognition 문제는 학습 때 경험하지 못한 새로운 클래스의 데이터를 식별하는 문제로, 인공지능을 실세계에 적용하기 위해 필수적인 요소 기술입니다. 기존의 방법들도 모델 학습 시 가상의 샘플들을 생성하여 활용하였지만, 본 논문에서는 기존 기술들이 다양한 난이도의 Open Set 샘플들에 대응하기 어렵다는 것을 확인하고, 다양한 난이도의 Open Set 샘플들을 시뮬레이션 하는 Difficulty-Aware Simulator 프레임워크를 제안하였습니다. 제안된 기술은 의도한대로 분류기의 입장에서 난이도별로 가상의 샘플을 만들어냈으며, 이를 활용하여 Open Set Recognition 분야에서 높은 성능을 달성하였습니다. [논문 #1 정보] Tailoring Self-Supervision for Supervised Learning WonJun Moon, Ji-Hwan Kim, and Jae-Pil Heo European Conference on Computer Vision (ECCV), 2022 Abstract: Recently, it is shown that deploying a proper self-supervision is a prospective way to enhance the performance of supervised learning. Yet, the benefits of self-supervision are not fully exploited as previous pretext tasks are specialized for unsupervised representation learning. To this end, we begin by presenting three desirable properties for such auxiliary tasks to assist the supervised objective. First, the tasks need to guide the model to learn rich features. Second, the transformations involved in the self-supervision should not significantly alter the training distribution. Third, the tasks are preferred to be light and generic for high applicability to prior arts. Subsequently, to show how existing pretext tasks can fulfill these and be tailored for supervised learning, we propose a simple auxiliary self-supervision task, predicting localizable rotation (LoRot). Our exhaustive experiments validate the merits of LoRot as a pretext task tailored for supervised learning in terms of robustness and generalization capability. [논문 #2 정보] Difficulty-Aware Simulator for Open Set Recognition WonJun Moon, Junho Park, Hyun Seok Seong, Cheol-Ho Cho, and Jae-Pil Heo European Conference on Computer Vision (ECCV), 2022 Abstract: Open set recognition (OSR) assumes unknown instances appear out of the blue at the inference time. The main challenge of OSR is that the response of models for unknowns is totally unpredictable. Furthermore, the diversity of open set makes it harder since instances have different difficulty levels. Therefore, we present a novel framework, DIfficulty-Aware Simulator (DIAS), that generates fakes with diverse difficulty levels to simulate the real world. We first investigate fakes from generative adversarial network (GAN) in the classifier's viewpoint and observe that these are not severely challenging. This leads us to define the criteria for difficulty by regarding samples generated with GANs having moderate-difficulty. To produce hard-difficulty examples, we introduce Copycat, imitating the behavior of the classifier. Furthermore, moderate- and easy-difficulty samples are also yielded by our modified GAN and Copycat, respectively. As a result, DIAS outperforms state-of-the-art methods with both metrics of AUROC and F-score.
-
- 작성일 2022-07-29
- 조회수 1685
-
- 고종환, 박은병 교수 연구팀 ECCV 2022 논문 2편 게재 승인
- 전자전기공학부/인공지능학과 고종환, 박은병 교수 연구팀의 논문 2편이 인공지능 및 컴퓨터비전 분야 최고 학술대회인 ECCV (European Conference on Computer Vision) 2022에 발표 논문으로 선정되었다. 논문 #1: “Bi-PointFlowNet: Bidirectional Learning for Point Cloud Based Scene Flow Estimation”, 정문찬, 고종환 - 구두발표(oral presentation) 논문 #2: “Streamable Neural Fields”, 조준우*, 남승태*, 노다니엘, 고종환, 박은병 (*공동 1저자) ECCV는 CVPR, ICCV 등과 함께 컴퓨터 비전 분야의 3대 학회로 꼽히는 최고의 학술대회 중 하나이다. CVPR은 매년, ICCV와 ECCV는 격년으로 개최되며, 올해는 ECCV가 10월 23일부터 27일까지 이스라엘에서 개최될 예정이다. 고종환 교수 연구팀(인공지능학과 박사과정 정문찬 학생 1저자)의 논문 ”Bi-PointFlowNet: Bidirectional Learning for Point Cloud Based Scene Flow Estimation”은 자율주행 환경에서 3차원 움직임을 정확하고 효율적으로 예측하기 위한 양방향 학습 기법을 제안하였으며, 지난해 ICCV 학회에서도 AR glass를 위한 3차원 hand pose estimation 기법을 발표한데 이어 연구팀의 on-device 3차원 영상 처리 기술의 우수성을 입증하였다. 특히 해당 논문은 전체논문 중 영향력과 우수성이 뛰어난 약 2%의 극소수의 논문에만 주어지는 구두(oral) 발표 논문으로 선정되었다. 박은병 교수 연구팀(인공지능학과 석사과정 조준우/남승태 학생 공동 1저자, 인공지능학과 석사과정 노다니엘 학생 공동저자, 고종환 교수 공동저자)의 논문 ”Streamable Neural Fields”은 새로운 뷰 생성 및 데이터 표현 방법으로 최근 부상하고 있는 뉴럴 필드(Neural Fields) 구조를 개선하여 기존의 방법론이 달성하지 못하였던 스트리밍 기능을 가능하도록 하는 구조와 학습 방법등을 제안하였다. 제안된 방법론을 통하여 뉴럴 필드 구조가 더욱 광범위한 응용분야에 사용 될 수 있을 것으로 기대된다.
-
- 작성일 2022-07-11
- 조회수 2031
-
- 고영중 교수 자연어처리연구실, SIGIR 2022 국제 학술대회 논문 2편 게재 승인
- 자연어처리연구실 허태훈석사과정, 박충원 석사과정(이상 인공지능학과)의 논문 2편이 인공지능 및 정보검색 분야의 top-tier 국제 학술대회(BK21 CS IF=4)인 SIGIR (The 45thInternational ACM SIGIR Conference on Research and Development in Information Retrieval) 2022에 최종 논문 게재가 승인되어 7월에 발표될 예정입니다. 1. Choongwon Park, Youngjoong Ko, “QSG Transformer: Transformer with Query-Attentive Semantic Graph for Query-Focused Summarization”,Proceedings of the 45thInternational ACM SIGIR Conference on Research and Development in Information Retrieval(SIGIR 2022), July 2022. 본 연구에서는 문서에서 질의에 알맞는 요약문을 생성하는 ‘질의 기반 문서 요약’ 의 성능을 높이기 위한 새로운 기법을 제안합니다. 제안 기법은 질의와 문서의 단어들을 여러 자연어처리 기술을 이용해 연결하여 하나의 그래프로 구성하고, 이를 요약문을 생성하는 것에 사용합니다. 구성된 그래프를 질의 기반 문서 요약에 효율적으로 활용하기 위해 새로운 그래프 인공신경망을 제안하고, 이를 트랜스포머 모델에 붙여 사용합니다. 두 개의 데이터셋을 이용한 실험 결과, 제안 기법이 이전 연구들의 성능을 모두 앞서는 결과를 보였습니다. 2. Taehun Huh and Youngjoong Ko, "Lightweight Meta-Learning for Low-Resource Abstractive Summarization", Proceedings of the 45th International ACM SIGIR Conference on Research and Development in Information Retrieval (SIGIR 2022), July 2022 본 연구에서는 레이블 된 학습 데이터가 적은 상태인 ‘저 자원 생성 요약’의 성능을 높이기 위한 새로운 기법을 제안합니다. 제안 모델에서는 적은 데이터를 활용하여 해당 도메인에 빠르게 적응시키기 위해 메타러닝을 사용합니다. 또한, 학습 동안 기존 언어 모델에 추가되는 경량화 모듈만 학습 가능하게 하여 적은 데이터에 과적합 되는 문제를 해결합니다. 총 11개의 요약 데이터셋으로 실험한 결과, 기존 연구 보다 더 높은 Rouge 스코어 성능을 얻었습니다.
-
- 작성일 2022-06-14
- 조회수 1690
-
- 성균관대, KT 및 GC와 힘 합쳐 대한민국 AI바이오헬스 산업 선도
- ▶ 성균관대 KT-GC, 26일 AI원팀 신규 참여를 위한 MOU체결 ▶ AI바이오헬스 영역에서 AI역량 공유하고, 사업화 및 연구 협력 예정 ▶ AI인재 및 초거대 AI개발 등 바이오뿐 아니라 원팀 AI경쟁력 강화 협력 성균관대학교(총장 신동렬)가 대한민국 대표 산∙학∙연 협의체인 ‘AI 원팀(AI One Team)’에 GC(녹십자홀딩스)와 함께 합류했다. 의료·헬스케어 전문기업 GC와 AI 융합연구 인프라의 강점을 가진 성균관대가 참여함으로써 바이오 헬스 영역에서도 AI를 활용한 사업화 및 공동 연구가 본격화 될 것으로 보인다. 성균관대는 26일 KT 송파빌딩에서 KT, GC와 대한민국 인공지능(AI) 1등 국가를 위한 업무협약을 체결했다. 행사에는 AI 원팀을 대표해 KT AI/DX융합사업부문장 송재호 부사장이 참석했으며, GC CR혁신부문장 장평주 부사장, 성균관대 자연과학캠퍼스 박선규 부총장 등 주요 관계자들이 참석했다. 성균관대는 AI 원팀 합류로 ▲현장 중심의 차별화된 연구 협력 ▲AI 융합연구를 위한 인프라 활용 ▲기업의 요구사항에 맞는 인력양성에 협력하기로 했다. AI 원팀의 산학연의 유기적 협력관계를 바탕으로 산업의 문제를 발굴하고, 이를 해결하기 위한 AI 기술과 솔루션을 개발한다는 계획이다. 뿐만 아니라 다자간 공동연구를 통해 초거대 AI 모델 개발과 같은 핵심 기술 개발에도 적극 참여할 예정이다. 또한 성균관대 인공지능대학원, 인공지능융합원, 삼성융합의과학원 등 AI 인재양성과 융합연구를 위해 성균관대의 역량과 인프라를 총동원해 바이오 헬스와 물류, 금융 등 AI 원팀의 다양한 산업 분야에서 협력하기로 했다. GC는 AI 원팀 참여기관들과 함께 ▲의료·헬스케어 AI 기술 및 서비스 개발 ▲AI 헬스케어 연구 시너지를 위한 상호 협력 ▲AI 역량 확보를 위한 인재육성에 나선다. 특히 GC는 AI 원팀에서 컴퓨터 비전으로 질병을 진단하고, 예측 및 예방하는 AI 연구를 진행하기로 했다. 또한, 병원과 의사 추천 모델과 같이 개인 맞춤형 AI 헬스케어 서비스를 개발하고, AI 기반 신약 개발도 적극 추진할 계획이다. 또한 AI 원팀에 참여하고 있는 대학 및 기업들과 바이오·헬스 분야의 사업 협력을 강화하고 기술력을 보유한 스타트업과도 협업할 예정이다. 나아가 GC 임직원들의 AI 역량을 키우고 AI 원팀의 AI 인재확보 프로그램에도 함께 참여한다는 계획이다. 특히 KT가 AI 원팀 기관들과 공동으로 개발한 기업 실무 AI 자격인증인 ‘AIFB(AI Fundamentals for Business)’를 성균관대 맞춤형 학사제도 ‘도전학기’ 및 졸업 요건에 도입했으며, 각 산업 영역 별 특성에 맞는 실무형 AI 교육과정을 개설할 계획이다. 한편 AI 원팀은 ‘인공지능(AI) 1등 국가 대한민국’을 목표로 ‘20년 2월에 출범해 KT, 현대중공업그룹, 한국과학기술원(KAIST), 한양대학교, 한국전자통신연구원(ETRI), LG전자, 한국투자증권, 동원그룹, 우리은행, ㈜한진 등이 참여하고 있으며, 이번 GC와 성균관대의 합류로 총 12개 기관이 AI 원팀에 참여하게 됐다. GC CR혁신부문장 장평주 부사장은 “이번 협력은 국내 디지털 헬스케어 분야의 선도적인 융합모델을 구축하는 좋은 케이스가 될 것“이라고 말했다. 성균관대 자연과학캠퍼스 박선규 부총장은 “AI 기술은 인류사회의 패러다임을 전환할 핵심기술이다”라며, “성균관대는 대학이 보유한 우수 교수진을 활용하여 AI 인재양성과 기술개발에 힘을 쏟을 것이다”라고 말했다. 이어 “AI One Team과 공동 R&D 빅 프로젝트 추진을 통해 시너지를 창출하고 국가 AI 경쟁력을 강화하는 것에 교육연구기관으로서의 사명을 다할 것”이라고 밝혔다. KT AI/DX융합사업부문장 송재호 부사장은 ”뛰어난 AI 연구역량을 보유한 성균관대학교와 GC가 AI 원팀에 참여했다”며, “향후 AI 원팀은 바이오 헬스 등의 분야로 AI 혁신을 지속 확산해 나갈 것”이라고 말했다
-
- 작성일 2022-05-27
- 조회수 1560
-
- 이광한 인공지능학과 석박통합과정 (우사이먼 교수 연구실), Kaggle에서 금메달 수상
- DASH (Data-driven AI Security HCI) 연구실 소속 석박통합과정 이광한 학생이 세계최고 ML Competition인 Kaggle에서 열린 ‘BirdCLEF 2022- Identify bird calls in soundscapes’ 대회에서 808팀중 9등을 차지하여 금메달을 획득했습니다. 해당 대회는 배경잡음이 섞인 오디오 데이터에서 새소리를 식별하는 대회로 1) 학습데이터와 추론데이터 사이의 분포가 다른 점 2) 데이터에 소수의 클래스가 존재한다는 점 3) 학습과 추론 사이에 데이터 차원이 다른 점 등의 여러 문제를 해결해야 했습니다. Noise에 대한 오버피팅을 피하고 이미지로 처리할 시 누리는 다양한 이점을 위해 오디오 데이터를 mel-spectogram으로 변환하였고, 모델 일반화 성능을 높이기 위해 다양한 노이즈와 배경소음을 주입하였습니다. 모델은 SED (Sound Event Detection) head를 사용한 모델과 classification 모델을 앙상블하여 최종적인 결과를 냈습니다.
-
- 작성일 2022-05-26
- 조회수 2305
-
- 우사이먼 교수 연구실 (한시호 석사졸업 학생) KDD 2022 논문 게재 승인
- DASH (Data-driven AI Security HCI) 연구실 소속 한시호(1저자)와 우사이먼성일(교신저자) 교수의 논문 “Learning Sparse Latent Graph Representations for Anomaly Detection in Multivariate Time Series”가 데이터 마이닝 분야 최우수 국제 학회인 KDD 2022(BK21 CS IF=4)의 Applied Data Science Track에 게재 승인되었습니다. 저자들은 사이버물리시스템의 잡음이 있는 고차원 센서 데이터 내 이상징후 탐지를 위해 희소 오토인코더와 그래프 신경망을 결합하여 동시 최적화 하는 FuSAGNet(Fused Sparse Autoencoder and Graph Net) 모델을 제안했습니다. 희소 오토인코더 모듈은 원본 센서 측정값의 희소 잠재 변수를 학습하고, 이는 순환 센서 임베딩을 통해 학습된 특징 간 관계와 함께 센서값 예측을 위한 그래프 신경망의 입력으로 사용됩니다. 하나의 데이터 샘플에 대한 예측값이 정상값 대비 크게 벗어날 경우 이상징후로 취급합니다. 학습된 희소 잠재 변수와 순환 센서 임베딩 벡터는 t-SNE 시각화를 통해 모델의 설명력을 위해서도 사용됩니다. “Learning Sparse Latent Graph Representations for Anomaly Detection in Multivariate Time Series”, a full paper by Siho Han (first author) and Professor Simon S. Woo (corresponding author) of DASH (Data-driven AI Security HCI) Lab has been accepted for publication at the Applied Data Science Track of KDD 2022 (BK21 CS IF=4), a premier international conference for data mining. The authors proposed FuSAGNet (Fused Sparse Autoencoder and Graph Net), a model combining Sparse Autoencoder and Graph Neural Network to detect anomalies in high-dimensional, noisy sensor data from cyber-physical systems through joint optimization of reconstruction and forecasting. The Sparse Autoencoder module learns a sparse latent representation of the original sensor readings which, along with feature interdependencies learned through recurrent sensor embedding, are used as input to a Graph Neural Network module for sensor behavior forecasting. A sample of sensor readings is considered anomalous if its predicted values largely deviate from values under normal operating conditions. Learned sparse latent representations and recurrent sensor embedding vectors are also used for providing model interpretability by visualization through t-SNE plots. FuSAGNet 구성도
-
- 작성일 2022-05-20
- 조회수 1481
-
- 한태희 교수 SKKU Teaching Award 수상
- 반도체시스템공학과/인공지능학과 한태희 교수가 SKKU Teaching Award 수상자로 선정되었다. SKKU Teaching Award 제도는 교육의 질적 향상을 선도한 교/강사를 선정해 포상하는 영예로운 상으로, 교육 역량이 뛰어난 교/강사의 자긍심과 명예를 드높이고, 양질의 교육 제공을 위한 동기부여를 진직, 확산 시키는데 목적을 두고 있다. SKKU Teaching Award은 지난 5월 13일 금요일 600주년 기념과 제1회의실에서 개최되었다. *SKKU Teaching Award 수상자 한옥영(학부대학), 윤민향(학부대학), 백영선(유학.동양학과), 황호덕(국어국문학과), 오종우(러시아어문학과), 이아름(철학과), 구정우(사회학과), 서미혜(미디어커뮤니케이션학과), 이승덕(경제학과), 심수옥(경영대학), 배상훈(교육학과), 김보성(한문교육과), 이진민(디자인학과), 송창식(화학과), 한태희(반도체시스템공학과), 이대호(인터랙션사이언스학과), 구자춘(기계공학부), 이의경(약학과), 권대혁(융합생명공학과), 이준열(글로벌바이오메디컬공학과)
-
- 작성일 2022-05-16
- 조회수 1082
-
- 김유성 교수 연구실 (김유성 교수,김경수,하정수 석사과정 학생) IJCAI 2022 논문 게재 승인
- CSI (Computer Systems and Intelligence) Lab. 연구실 김경수, 하정수 석사과정과 김유성 교수 논문 "Self-Predictive Dynamics for Generalization of Vision-based Reinforcement Learning " 가 인공지능 분야 최우수 학회 (BK IF=4) International Joint Conferences on Artificial Intelligence (IJCAI) 2022 에 게재 승인되었습니다. 카메라로 관측된 이미지 데이터만으로 로봇, 자동차, 장비 등을 제어하는 비전 기반 강화학습 연구 에서는 실제 제어와 무관한 시각적 방해요소가 학습을 방해하는 어려움이 있습니다. 더불어 학습 후 실제 환경에서 테스트시에는 시각적 방해요소가 (예: 그림자, 날씨 변화 등) 더욱 다양할 수 있는 만큼 학습의 일반화 및 강건한 제어가 요구됩니다. 본 논문에서는 관측된 이미지에 다중 데이터 증강을 적용하고 새롭게 제안한 자기지도 학습 기법을 통해 제어에 밀접한 특징(feature) 만을 효율적으로 추출하는 시각적 방해요소에 강건한 모델을 설계하였습니다. 본 연구는 다양한 비전 기반 로봇 제어 환경과 자율 주행 시뮬레이터 (CARLA) 에서 시각적 방해요소가 증가되어도 선행 연구 대비 학습 효율성이 크게 향상되었으며, 학습 후 새로운 시각적 방해요소 등장에도 가장 강건하게 제어할 수 있음을 보였습니다.
-
- 작성일 2022-04-21
- 조회수 1835