Resources70 [UniProt Challenge] Round 1, 종료. 드디어 8개월간의 여정이 일단락되었다. 포스팅을 주기적으로 하려 했으나 정말 정신이 없었어서 round 1 이 끝난 지금에야 포스팅을 한다! 심지어 이것도 내지 못할 뻔 했는데 일화를 설명하자면, 대회 담당자 : "너 Synapse 에 등록된 것으로 나오긴 하는데, 대회 제출한 흔적이 없어서. 혹시 제출할 생각 있으면 제출 기간 5월까지로 늘려줄게!" 나 : " 11월까지로 연기된 줄 알았어. 그래주면 고맙지. 바로 제출할게. " 로 되어서 어제 Method 정리해서 제출하였다. Round 1 은 성능평가 , Round 2 는 code 평가로 이어지는 대회라서 우선 Round 1 에서 전체적인 성능을 포함하여 Method도 같이 달라고 했다. 모든 대회가 다 그렇듯 prediction file 의 val.. Resources/Personal Projects 2023. 3. 12. [Archive] DL model in Android 1. 모바일 기기용 AI 프로젝트 모음 (Awesome Tensorflow Lite) | Smilegate.AI 2. OpenCV 강좌 - 안드로이드 폰에서 딥러닝 네트워크(deep learning network) 실행하기 (Caffe) - 멈춤보단 천천히라도 (tistory.com) 3. 모바일 기기용 AI 프로젝트 모음 (Awesome Tensorflow Lite) | Smilegate.AI Resources/Hands-on 실습 자료 2023. 2. 10. 2월 2주차 6. ResNet50 Transfer learning & fine tuning 적용하기(이미지 수집부터 분류 모델까지) (tistory.com) 6. ResNet50 Transfer learning & fine tuning 적용하기(이미지 수집부터 분류 모델까지) 이 포스팅은 아래 흐름대로 진행되는 포스팅입니다. 데이터 수집 - 전처리 - 모델링 - 성능 개선 이 포스팅에서 저는 직접 이미지를 크롤링하여 수집하고(링크1), 수집한 이미지를 정리하고(링크2 inhovation97.tistory.com [딥러닝 일지] 오프라인에서 파이토치 모델 불러오기 (joonas.io) [딥러닝 일지] 오프라인에서 파이토치 모델 불러오기 이전 글 - [딥러닝 일지] Conv2d 알아보기 오류 메시지 VGG 같은 모델을 .. Resources/Weekly reading list 2023. 2. 8. Research scientist 가 되기 위한 여러 강좌들 모음 ahmedbahaaeldin/From-0-to-Research-Scientist-resources-guide: Detailed and tailored guide for undergraduate students or anybody want to dig deep into the field of AI with solid foundation. (github.com) GitHub - ahmedbahaaeldin/From-0-to-Research-Scientist-resources-guide: Detailed and tailored guide for undergraduate students or Detailed and tailored guide for undergraduate students or anybody w.. Resources/Classes 2023. 2. 8. 다양한 input size 의 미니배치 학습을 위한 custom collate function import torch def collate_fn(batch): # Find the largest width and height in the batch max_width = max(tensor.shape[2] for tensor in batch) max_height = max(tensor.shape[1] for tensor in batch) # Resize all tensors in the batch to the size of the largest width and height resized_batch = [] for tensor in batch: resized_tensor = torch.zeros((tensor.shape[0], max_height, max_width), dtype=tensor.dtyp.. Resources/Answers from ChatGPT 2023. 2. 6. 2월 1주차 1. 음악 작곡과 AI - LG AI research [ISMIR / NeurIPS 2022] Symbolic Music Motif Generation | LG AI (lgresearch.ai) Resources/Weekly reading list 2023. 2. 1. [Archive] 주가 관련 프로젝트 모음 1. 칼만 필터를 이용한 주가의 실제 평균 구하기 ( Smoothing ) Kalman filter. The Kalman filter updates its estimates… | by Chaudhari Abhishek | Jan, 2023 | Medium The Kalman filter is an algorithm that tracks an object in state space. The Kalman filter updates its estimates at every time step so it’s useful for estimating rolling parameters. Quants use it to smooth… medium.com Resources/Hands-on 실습 자료 2023. 1. 27. [Archive] 핸즈온 추천시스템 구현 아카이빙 1. Tensorflow 를 이용한 Embedding-Based 추천시스템 구현 Introduction to Embedding-Based Recommender Systems | by Dr. Robert Kübler | Jan, 2023 | Towards Data Science Introduction to Embedding-Based Recommender Systems Learn to build a simple recommender in TensorFlow towardsdatascience.com 2. Amazon 제품들에 대한 추천시스템 구축하기 | 코사인 유사도 Building a Recommender System for Amazon Products with Python | by Giovanni Val.. Resources/Hands-on 실습 자료 2023. 1. 27. CSEP 590B Explainable AI | 자료 공개 SHAP으로 유명한 이수인 교수 연구실에서 XAI 관련한 수업 자료 공개 CSEP 590B (google.com) CSEP 590B General Information Lecture time: Tuesdays, 6:30-9:20 pm Location: Bill & Melinda Gates Center (CSE2) G10 Instructors: Su-In Lee and Ian Covert Teaching assistants: Hugh Chen and Chris Lin Office hours Su-In Lee: Thursdays 5:00-6:00pm @ Zoom Ian Covert: Su sites.google.com Resources/Classes 2023. 1. 26. [Archive] 신호처리를 이용한 딥러닝 1. Singal processing + GAN Hands-on Generative Adversarial Networks (GAN) for Signal Processing, with Python | by Piero Paialunga | Dec, 2022 | Towards Data Science Resources/Hands-on 실습 자료 2023. 1. 6. [Archive] 의료영상을 이용한 딥러닝 1. MRI 를 이용한 딥러닝 : PyTorch 이용 How to get started with deep learning using MRI data. | by Divya Gaur | MICCAI Educational Initiative | Medium How to get started with deep learning using MRI data. Even though all the algorithms and information are open-source these days, sometimes using even the most well-established computer vision… medium.com 2. 3D Deep Learning : Python. 3D Deep Learning Python.. Resources/Hands-on 실습 자료 2023. 1. 6. [Archive] Small projects 1. ChatGPT 를 사용한 웹 스크래핑 I Found a Loophole to (Successfully) Web Scrape Using ChatGPT. Here’s How it Works | by The PyCoach | Geek Culture | Dec, 2022 | Medium ChatGPT의 보호장치를 우회하는 방법들 | GeekNews (hada.io) 2. LSTM 을 사용한 음원 자동생성기 How I Built a Lo-fi Music Web Player with AI-Generated Tracks | by Aleksandra Ma | Jan, 2023 | Towards Data Science 3. CV Projects Best Computer Vision projects With Sour.. Resources/Hands-on 실습 자료 2023. 1. 5. 이전 1 2 3 4 5 6 다음