AI/tensorflow

    학습 중지된 경우 이어서 하려면?

    EPOCHS = 100 for epoch in range(EPOCHS): for image_batch, _ in train_ds: # _ is label train_step(image_batch) if (epoch + 1) % 15 == 0: checkpoint.save(file_prefix=checkpoint_prefix) generate_and_save_images(generator, epoch + 1, seed) checkpoint.save를 하도록 설정해 두었다면 컴퓨터가 다운되거나 학습이 중지되었어도 아래와 같이 체크포인트 가중치를 불러와서, # 체크포인트 불러오기 checkpoint.restore(tf.train.latest_checkpoint(checkpoint_dir)) # 멈춘 부분부터 ..

    [Tensorflow] EfficientNet 예제

    https://deep-deep-deep.tistory.com/18 Tensorflow 케라스 EfficientNet Finetuning 예제 - 1 Image classification via fine-tuning with EfficientNet Author: Yixing_Fu Date created: 2020/06/30 Last modified: 2020/07/16 Description: imagenet으로 pretrained된 EfficientNet의 Weights를 활용한 Stanford Dogs Classification - Keras - Colab - Github deep-deep-deep.tistory.com https://smecsm.tistory.com/240 (신경망) Efficient..

    [keras] predict_on_batch 와 predict의 차이 ?

    What is the difference between the predict and predict_on_batch methods of a Keras model? What is the difference between the predict and predict_on_batch methods of a Keras model? According to the keras documentation: predict_on_batch(self, x) Returns predictions for a single batch of samples. However, there does not seem to be any difference with the standard predict method stackoverflow.com pr..

    AttributeError: 'Functional' object has no attribute 'predict_proba'

    https://stackoverflow.com/questions/63649503/attributeerror-functional-object-has-no-attribute-predict-proba AttributeError: 'Functional' object has no attribute 'predict_proba' For printing the ROC curve with multiple models, I am facing this particular error. Help is needed from tensorflow.keras.models import load_model def dense(): return (load_model('DenseNet... stackoverflow.com model.predi..

    [tf.data] data transform하여 dataset 추가하기

    https://stackoverflow.com/questions/47337031/how-to-expand-tf-data-dataset-with-additional-example-transformations-in-tensorf?rq=1 How to expand tf.data.Dataset with additional example transformations in Tensorflow I would like to double the size of an existing dataset I'm using to train a neural network in tensorflow on the fly by adding random noise to it. So when I'm done I'll have all the ex..

    자주 사용하는 Tensor함수 정리

    https://acdongpgm.tistory.com/222

    텐서플로우 전이학습

    https://colab.research.google.com/github/tensorflow/docs-l10n/blob/master/site/ko/guide/keras/transfer_learning.ipynb?hl=ko#scrollTo=79fcb9cc960d

    take, skip => train, val, test

    https://stackoverflow.com/questions/48213766/split-a-dataset-created-by-tensorflow-dataset-api-in-to-train-and-test

    Tensorflow GPU 분산 학습

    https://www.tensorflow.org/guide/distributed_training 텐서플로로 분산 훈련하기 | TensorFlow Core 12월 7일 Women in ML 심포지엄 참석 지금 등록 텐서플로로 분산 훈련하기 컬렉션을 사용해 정리하기 내 환경설정을 기준으로 콘텐츠를 저장하고 분류하세요. Note: 이 문서는 텐서플로 커뮤니티에서 www.tensorflow.org

    tensorflow에서 openCV 없이 clahe 적용하는 방법

    tensorflow에서 openCV 없이 clahe 적용하는 방법

    - 서문 - Clahe란? Adaptive Histogram Equalization (AHE) : 이미지 전처리 기법으로 이미지의 contrast 를 늘리는 방법이다. AHE의 변형이 Contrast limited adaptive histogram equalization (CLAHE) 방법. CLAHE는 AHE 의 중대한 문제점인 noise amplification 을 해결하기 위해 contrast limit 을 활용한다. (자세한 설명은 구글이) 이미지를 tensor형식으로 읽어와서 열심히 코딩했는데 나중에 clahe를 적용하려 보니 openCV에선 numpy형식만 받는다고 한다. 변환하긴 귀찮으니 openCV 안 쓰고 적용하는 법을 알아보려 한다. 방법 1. image data generator사용할..