본문 바로가기

분류 전체보기

(32)
RSNA 2023 Abdominal Trauma Detection(2) 모델 변경 1.resnet18 # 전이학습된 ResNet-34 모델 불러옴 model = torchvision.models.resnet18(False) #미리 학습된 모델 가중치를 로드 model.load_state_dict(torch.load("/kaggle/input/pretrained-model-weights-pytorch/resnet18-5c106cde.pth")) #모델의 fully connected (FC) 레이어를 새로운 레이어로 교체 및 출력크기 설정 model.fc = torch.nn.Linear(512, 14) #모델의 첫 번째 합성곱 레이어를 변경. #흑백 이미지를 처리-> 입력 채널 수를 1로 설정함, 출력 채널 수:64로 설정( ResNet 아키텍처에서 사용되는 출력 채널 수) m..
Deep Learning Specialization - Convolutional Neural Networks [1] Implement the foundational layers of CNNs (pooling, convolutions) and stack them properly in a deep network to solve multi-class image classification problems. 학습 목표 Explain the convolution operation Apply two different types of pooling operations Identify the components used in a convolutional neural network (padding, stride, filter, ...) and their purpose Build a convolutional neural network I..
Deep Learning Specialization - Structuring Machine Learning Projects [2주 차] Develop time-saving error analysis procedures to evaluate the most worthwhile options to pursue and gain intuition for how to split your data and when to use multi-task, transfer, and end-to-end deep learning. 학습 목표 Describe multi-task learning and transfer learning Recognize bias, variance and data-mismatch by looking at the performances of your algorithm on train/dev/test sets Carrying Out Err..
Deep Learning Specialization - Structuring Machine Learning Projects [1주 차] 살려주세요...ㅜㅜ 할게 너무 많아.. 조금만 더 화이팅!! Streamline and optimize your ML production workflow by implementing strategic guidelines for goal-setting and applying human-level performance to help define key priorities. 학습 목표 Explain why Machine Learning strategy is important Apply satisficing and optimizing metrics to set up your goal for ML projects Choose a correct train/dev/test split of your dataset De..
RSNA 2023 Abdominal Trauma Detection(1) -base line 입문 1.데이터 분석 (1)train.csv :훈련데이터 csv파일 :환자 id 와 환자의 장기별 손상 지표가 들어있음. :총 3147개의 환자 id. :14개의 의료 상 지표. train_csv = pd.read_csv("/kaggle/input/rsna-2023-abdominal-trauma-detection/train.csv") print(train_csv.shape) train_csv.head() bowel_healthy, bowel_injury: 장기 손상 여부를 나타내는 열로, 이진(binary) 값(0 또는 1)으로 표시됩니다. "bowel_healthy"는 장기가 건강한 상태일 때 1, "bowel_injury"는 장기에 손상이 있을 때 1입니다. extravasation_healthy, ext..
Deep Learning Specialization - Improving Deep Neural Networks: Hyperparameter Tuning, Regularization and Optimization [3주 차] Explore TensorFlow, a deep learning framework that allows you to build neural networks quickly and easily, then train a neural network on a TensorFlow dataset. 학습 목표 Master the process of hyperparameter tuning Describe softmax classification for multiple classes Apply batch normalization to make your neural network more robust Build a neural network in TensorFlow and train it on a TensorFlow dat..
Deep Learning Specialization - Improving Deep Neural Networks: Hyperparameter Tuning, Regularization and Optimization [2주 차] Mini-batch Gradient Descent 이 텍스트는 신경망을 효율적으로 훈련시키기 위한 최적화 알고리즘의 중요성에 대해 논의합니다. 딥 러닝은 대용량 데이터에서 가장 잘 작동하지만 큰 데이터 집합을 처리하는 데 시간이 오래 걸릴 수 있습니다. 미니배치 경사 하강법은 훈련 속도를 높이기 위한 솔루션으로 소개됩니다. 미니배치 경사 하강법은 훈련 데이터를 작은 세트(미니배치)로 분할하고 이를 반복적으로 처리하는 방식입니다. 각 미니배치는 경사 하강법의 한 단계를 수행하는 데 사용되며, 이 프로세스는 여러 번 반복됩니다. 미니배치 경사 하강법은 대규모 데이터셋에 대한 훈련에서 배치 경사 하강법보다 훨씬 빠릅니다. 주요 포인트: 딥 러닝은 빠른 훈련을 가능하게 하는 최적화 알고리즘의 이점을 얻습니다. ..
kaggle 입문 -Digit Recognizer 구글 부트캠프 팀원들과 kaggle 입문을 하기위해 Getting Started Prediction Competition인 Digit Recognizer[Learn computer vision fundamentals with the famous MNIST data]을 각자 풀어보고 리뷰하기로 하였다. intro 이미지 분류 문제임을 확인 할 수 있다. 대회 소개: 이 대회는 컴퓨터 비전(Computer Vision)에 적용되는 기술에 대한 소개를 위한 이상적인 대회로, R 또는 Python 및 기계 학습 기초에 어느 정도 경험이 있지만 컴퓨터 비전에는 새로운 분야인 개발자를 위한 것입니다. 이 대회는 사전 추출된 특징을 포함한 고전적인 데이터셋을 사용하여 신경망(Neural Networks)과 같은 기술..