Machine Learning zero to hero- 정리본

2023. 5. 14. 16:59·취준

아Part1: Intro to ML

 컴퓨터가 사람처럼 가위바위보를 인식하기 위해서는 수많은 코드가 필요하다. Answers, Data가 머신러닝을 통해 알 수 있다. 

 

model = keras.Sequential([keras.layers.Dense(units=1, imput_shape=[1])])
// model을 define함, layer에 1개의 unit과 1의 value를 지님 

model.compile(optimizer='sgd', loss='mean_squared_error')
// 함수가 두 개임 optimizer(또 다른 추측)과 loss(오차)

xs = np.array([-1.0, 0.0, 1.0, 2.0, 3.0, 4.0], dtype = float)
ys = np.array([-3.0, -1.0, 1.0, 3.0, 5.0, 7.0], dtype = float)

model.fit(xs, ys, epochs=500) 
// xs를 ys에 대입하여 500번 반복하여 실행함

print(model.predict([10.0]))
// x가 10.0일 때 y를 predict한다.

Part2: Basic Computer vision with ML

70k Images, 10 categoreis, Image are 28x28, Can train a neural net

import tensorflow as tf
from tensorflow import keras

fashion_mnist = keras.datasets.fashion_mnist
(train_images, train_labels), (test_images, test_labels) = fashion_mnist.load_data()
// labels 09 = ankle boot

model = keras.Sequential([

	keras.layers.Flatter(input_shape = (28,28)), // 이미지의 크기, 입력값
    keras.layers.Dense(128, activation = tf.nn.relu), // 128개의 함수 
    keras.layers.Dense(10, activation = tf.nn.softmax) // 데이터 세트에 표시된 의류의 개수 10
    ]) // activation 함수
    
model.compile(optimizer = tf.train.AdamOptimizer(),
			loss='sparse_categorical_crossentropy')

Neural Network는 필터로 동작한다.

relu는 0 이하는 그냥 거른다. 

Activation함수 중에서 softmax 함수는 한 세트에서 가장 큰 숫자를 골라낸다. 해당항목을 1로 설정하고 나머지는 0으로 처리한다. 

 

모델이 얼마나 작업을 잘 수행하는지 테스트 하는 작업이다. 

 

model.fit(train_images, train_labels, epochs=5)

test_loss, test_acc = model.evaluate(test_images, test_labels)

predictions = model.predict(my_images)

새로운 이미지를 위한 예측을 받는다. 

단점, 지금까지는 gray scale 이미지, 항상 이미지가 중심이 되어야하는 단점을 지닌다. 

Numeric Labeling의 단점:

 -  subject centered 되어 있을 때 만 가능하다. 


Part3: Introducing convolutional neural networks

위의 단점을 해결하기 위한 개선 방법으로 CNN을 사용한다. 

Filter the images before training the deep neural network. 

 

'취준' 카테고리의 다른 글

[현대자동차 신입] 자율주행 서류전형 합격 후기  (1) 2024.05.07
[GM Technical Center] SDV 직무 인턴 최종합격  (2) 2023.12.30
옵시디언 3개월 이용해본 후기  (0) 2023.11.23
포스코 AI 빅데이터 아카데미 지원준비하기!!  (0) 2023.03.29
failure2  (0) 2022.12.13
'취준' 카테고리의 다른 글
  • [GM Technical Center] SDV 직무 인턴 최종합격
  • 옵시디언 3개월 이용해본 후기
  • 포스코 AI 빅데이터 아카데미 지원준비하기!!
  • failure2
뚱이, not a starfish
뚱이, not a starfish
M.S. Student,. Mainly interested in computer vision and autonomous cars
  • 뚱이, not a starfish
    Wilbur-Babo
    뚱이, not a starfish
  • 전체
    오늘
    어제
    • 분류 전체보기 (194)
      • 통신 및 네트워크 (12)
      • Embedded Projects (2)
      • 3D Reconstruction (1)
        • Gaussian Splatting (0)
        • 3D-GS (1)
        • Multi-view Geometry (0)
        • VSLAM (0)
        • Computer Graphics (0)
      • LLM(VLM) (0)
      • AI-Study (28)
        • Mono-Depth (7)
        • Base (2)
        • Computer Vision (1)
        • Image Processing (3)
        • Tiny Object Detection (3)
      • 자율주행 (20)
        • [2023] 1-fifth AA EV (4)
        • [2022] 1-tenth AA EV (2)
        • ROS 1,2 (4)
        • 이론 (7)
        • 실습 (3)
      • Pointcloud (0)
      • sw (16)
        • 정보보안 (1)
        • Android_develop (3)
      • [학부] 전기전자공학 (12)
        • 반도체 (2)
        • 마이크로프로세서 (6)
      • 코딩테스트 (22)
        • BOJ (21)
      • 취준 (21)
        • EVS37 Ambassador (5)
        • 차량 제어 플랫폼 (5)
        • 영어 (3)
  • 블로그 메뉴

    • 홈
    • 태그
    • 방명록
  • 링크

  • 공지사항

  • 인기 글

  • 태그

    심포지움
    현대자동차 연구개발
    tar 파일
    현대차3월신입후기
    현차 자율주행
    자율주행
    정렬
    우분투터미널
    현대자동차 자율주행
    오블완챌린지
    자율주행자동차
    현대자동차최종면접결과
    evs37sdv
    현대자동차 서류합격후기
    자율주행경진대회
    현차 3월 자율주행
    현차 3월 신입 서류
    헤네스유아용자동차
    software defined vehicle
    tar압축풀기
    현대자동차 자율주행 서류 합격 후기
    evs37 sdv
    현차떨
    헤네스
    자율주행시험
    현대자동차최종불합
    rc카
    자율주행작품
    EVS37
    오픽후기
  • 최근 댓글

  • 최근 글

  • hELLO· Designed By정상우.v4.10.0
뚱이, not a starfish
Machine Learning zero to hero- 정리본
상단으로

티스토리툴바