- 머신러닝을 배우고 사용하기
- 텐서플로우로 배우는 딥러닝
- TensorFlow is an Open Source Software Library for Machine Intelligence
- Open source software library for numerical computation using data flow graphs. http://tensorflow.org
- Awesome TensorFlow
- Awesome Tensorflow Implementations
- 简单粗暴TensorFlow
- TensorFlow-World-Resources
- TensorFlow - Google’s latest machine learning system, open sourced for everyone
- Machine Learning with TensorFlow (GDD Europe '17)
- TensorFlow: Large-Scale Machine Learning on Heterogeneous Distributed Systems
- Google + open-source = TensorFlow
- Image Recognition
- Neural Turing Machine in Tensorflow
- Highway Networks with TensorFlow
- Deep Residual Network
- EDSR Tensorflow Implementation
- Tensorflow implementation of Enhanced Deep Residual Networks for Single Image Super-Resolution
- 머신러닝을 더 쉽게…구글 ‘텐서플로 서빙’ 오픈소스로 공개
- Using Transfer Learning to Classify Images with TensorFlow
- Transfer Learning in Tensorflow (VGG19 on CIFAR-10): Part 1
- Show and Tell: image captioning open sourced in TensorFlow
- "Show and Tell: Lessons learned from the 2015 MSCOCO Image Captioning Challenge"
- 5.2 Improvements Over Our CVPR15 Model; Image Model Improvement, Image Model Fine Tuning, Scheduled Sampling, Ensembling, Beam Size Reduction 다섯개의 요인으로 개선되었다고 설명
- Show and Tell: A Neural Image Caption Generator
- "Show and Tell: Lessons learned from the 2015 MSCOCO Image Captioning Challenge"
- Show, Attend and Tell: Neural Image Caption Generation with Visual Attention
- domain transfer network. tensorflow implementation of unsupervised cross-domain image generation
- Facebook의 "Unsupervised Cross-Domain Image Generation"
- unsupervised learning을 통해 domain S에 있는 이미지를 content는 유지하면서 domain T로 변환
- 예를 들어, SVHN 이미지 '3'을 MNIST 이미지 '3'으로 변환시킬 수 있는데, 이러한 변환은 mapping data가 전혀 없이 가능
- Mapping data가 전혀 없이 이러한 domain transfer가 가능할까라는 의문이 생겼고 직접 확인해보고 싶어 구현했다고 함
- Facebook의 "Unsupervised Cross-Domain Image Generation"
- Image Completion with Deep Learning in TensorFlow
- Google opensource new image captioning model-im2txt
- Building an image caption generator with Deep Learning in Tensorflow
- TensorFuse - Common interface for Theano, CGT, TensorFlow, and mxnet (experimental)
- Vector Representations of Words
- Tinker With a Neural Network Right Here in Your Browser. Don’t Worry, You Can’t Break It. We Promise
- FIRST CONTACT WITH TENSORFLOW
- ResNet
- 구글 ‘텐서플로우’ 개발자가 생각하는 머신러닝이란?
- The Basic Workflow of Tensorflow Codes
- Campus Talks: Machine Learning & TensorFlow
- stackoverflow.com/questions/tagged/tensorflow
- Number plate recognition with Tensorflow
- Mini AI app using TensorFlow and Shiny
- TensorFlow Disappoints – Google Deep Learning falls shallow
- TenforFlow Internals
- medium.com/tag/tensorflow
- Using Google's TensorFlow for Kaggle competition
- A Practical Guide for Debugging Tensorflow Codes
- 얼굴을 인식해 보자
- Dynamic Memory Networks in Tensorflow
- Dynamic Capacity Networks
- Speech recognition using google's tensorflow deep learning framework, sequence-to-sequence neural networks
- Speech-to-Text-WaveNet : End-to-end sentence level English speech recognition using DeepMind's WaveNet
- A (Heavily Documented) TensorFlow Implementation of Tacotron: A Fully End-to-End Text-To-Speech Synthesis Model
- tensorflow_speech_recognition_demo
- From numpy ndarray to tfrecords
- 텐서플로우 트레이닝 데이타 포맷인 *.tfrecord 파일 읽고 쓰기
- feeding the data to Neural Network (TF) using tfrecords
- tf record example
- Tensorflow – parse tfrecords, tf.io.VarLenFeature(tf.string), etc
- Getting Text into Tensorflow with the Dataset API
- Tensorflow 의 Dataset API를 이용해서 텍스트 데이터를 가져와 처리하는 방법
- 이것이 간단해 보이지만, 실제로는 그렇지 않은 것이 이 작업을 위해서는 반구조화된 파일을 읽어와서, numpy 배열로 바꾸고, 이를 다시 TF의 feed dict 예제의 모델로 먹여줘야 하는데, 배치 오버헤드 문제나 파일 구조의 문제 등 의외로 부딪히는 문제들이 많아서 이에 대한 튜토리얼을 쓰기로 결심했다고 함
- Beginner’s guide to feeding data in Tensorflow — Part1 tf.data를 1. memory 2. TFRecord 3. disk에서 읽어오는 코드 설명
- Beginner’s guide to feeding data in Tensorflow — Part2
- Baby Steps to TensorFlow
- Tfk 6618 tensor flow로 얼굴인식 구현 mariocho
- 학습과정 표시하기 (텐서보드 포함)
- Tfk 6618 tensor flow로얼굴인식구현 r10 mariocho
- How to predict a simple sequence using seq2seq from tensorflow?
- Sequence-to-Sequence Learning with Attentional Neural Networks
- Practical seq2seq
- Simple "Hello World" for tensorflow seq2seq model
- Introducing tf-seq2seq: An Open Source Sequence-to-Sequence Framework in TensorFlow
- API guide for tf.contrib.legacy_seq2seq
- RNNCell_linear.ipynb
- Seq2Seq model in TensorFlow
- TensorFlow — Sequence to Sequence
- basic mini encoder decoder model that translates 'hello' to 'hola'
- Variational Auto-Encoder for MNIST
- Conditional Variational Auto-Encoder for MNIST
- 오토 인코더를 이용한 신용카드 비정상 거래 검출
- Variaional AutoEncoder-Tensorflow
- Deep Autoencoder in TensorFlow 2.0 (Keras) | Autoencoders Explained
- TensorFlow - Ep. 22 (Deep Learning SIMPLIFIED)
- Hello Tensorflow
- Hello, TensorFlow!
- Hello, TensorFlow!
- Wide & Deep Learning: Better Together with TensorFlow
- Wide and deep network 모델 활용하기
- 20160701 - Replicating Deep Q Learning with TensorFlow 1/2 - 이선엽
- TensorFlow For Poets
- TensorFlow White Paper 1603.04467 Summary
- Large Scale Deep Learning with TensorFlow
- Continuous Deep Q-Learning with Model-based Acceleration
- TensorFlow With The Latest Papers Implemented
- Understanding neural networks with TensorFlow Playground
- Deep Learning with Apache Spark and TensorFlow
- Distributed Tensor Flow on Spark: Scaling Google's Deep Learning Library
- Distributing TensorFlow
- DISTRIBUTED TENSORFLOW EXAMPLE
- Distributed TensorFlow Example distributed TensorFlow를 활용한 localhost에서의 asynchronous learning 예제
- Distributed Tensorflow
- Distributed TensorFlow: A Gentle Introduction
- Implementation of IMPALA with Distributed Tensorflow
- Parallel Processing
- Implementing Siamese Network using Tensorflow with MNIST
- TensorFlow - Not Just for Deep Learning
- 噂の「TensorFlowでキュウリの仕分けを行うマシン」がMFT2016に展示されていたので実物を見てきた
- DRAW(Deep Recurrent Attentive Writer)
- TensorFlow in Practice with Rajat Monga
- Deep Deterministic Policy Gradients in TensorFlow
- Learning to Learn by Gradient Descent by Gradient Descent
- Text summarization with TensorFlow
- Text To Image Synthesis Using Thought Vectors Join the chat at https://gitter.im/text-to-image/Lobby This is an experimental tensorflow implementation of synthesizing images from captions using Skip Thought Vectors
- Extreme Learning Machine(ELM)
- backpropagation 없이 Single Layer Feedforward Network(SLFN)를 구현
- 인풋 x에 대해 h(x) = sigmoid(xW + b)로 hidden layer의 값을 구하고, 여기에 행렬 B를 곱해 아웃풋 f(x) = h(x)B 를 구함
- 기존의 NN와의 다른 점은 backpropagation이 없다는 점
- W,b는 continuous한 random distribution에서 random하게 구하고, B는 data쌍 (X,T)에 대해 가장 MSE를 줄일 수 있는 T를 analytic하게 구함
- 정리하면 random projection + nonlinear activation + linear regression
- ELM 기본 방법으로는 전체 input를 한번에 넣어야해서 online sequential 하게 인풋을 넣는 방법도 구현해서 실험(OS-ELM)
- 단일 레이어로 backpropagation 없이 바로 해를 구하는데 MNIST data set에 대해 정확도가 92% 정도
- 여러겹을 쓰는 multi-layer ELM의 경우 99%까지 나올 수 있다고 함
- 결과가 뛰어나게 잘 나오진 않는 것 같지만, 데이터가 많지 않거나, training의 시간이 제한된 환경의 경우에는 어느정도 의미가 있을 것 같음
- github.com/iwyoo/ELM-tensorflow
- github.com/iwyoo/OSELM-tensorflow
- ELM 관련 논문
- Deep Learning With Python & Tensorflow - PyConSG 2016
- Ian Lewis: Deep Learning with Python & TensorFlow - PyCon APAC 2016
- TensorFlow: Demystifying Deep Learning with Visualizations
- WaveNet: A Generative Model for Raw Audio
- Introducing Tensorflow Ruby API
- 번역 TensorFlow Ruby API를 소개합니다
- tensorflow.org 문서 번역 레파지토리 http://tensorflowkorea.wordpress.com
- DNC TensorFlow
- 김태훈: 지적 대화를 위한 깊고 넓은 딥러닝 (Feat. TensorFlow) - PyCon APAC 2016
- End-To-End Memory Networks in Tensorflow
- TensorFlow API Changes
- ResNets, HighwayNets, and DenseNets, Oh My!
- TensorKart: self-driving MarioKart with TensorFlow
- Simulated+Unsupervised (S+U) learning
- simulated-unsupervised-tensorflow
- 유한한 진짜 데이터(ex. 진짜 눈 사진)를 보충하기 위해, 인위적으로 만든 데이터(ex. 게임 엔진으로 만든 눈 사진)를 진짜 데이터처럼 보이게 만들어주는 모델을 제안
- 모델은 adversarial learning을 통해 학습
- 일반적인 Generative Adversarial Network(GAN)의 학습과 다른 점은 3가지
- input의 특징들을 잃어버리지 않게 만들어 주는 regularization term
- 특수한 패턴으로 discriminator를 속이는 꼼수를 배우지 않게 하기 위한 local adversarial loss
- 가장 최근에 본 학습 데이터에 너무 편향되게 학습하는 것을 막기 위해 사용한 history buffer
- 논문에서는 눈 사진과 손 사진으로 학습한 결과를 보여줬지만, 자동차 주행 시 찍은 사진과 GTA와 같은 게임에서 찍은 사진 데이터를 활용한다면 자율 주행 자동차의 강화 학습을 돕는 등 다양한 방법으로 활용할 수 있을 것 같음
- CatchGame - Simple Q-Learning example by TensorFlow
- fbsight.com/c/TF-KR
- 텐서플로우 기초 이해하기
- Big deep learning news: Google Tensorflow chooses Keras
- Tensorflow로 369게임하기
- Study Data Science 데이터 과학 실습
- Domain-Adversarial Training of Neural Networks in Tensorflow
- TensorFlow Fold: DL With Dynamic Batching
- 텐서플로우 배치 처리
- TensorFlow Dev Summit 2020
- TensorFlow Dev Summit 2019
- Tensorflow Dev Summit 2017
- tensorflow dev summit
- Part 1
- 2017 tensor flow dev summit
- TensorFlow Dev Summit 2017 요약
- Google Dev Summit Extended Seoul - TensorFlow: Tensorboard & Keras
- High level-api in tensorflow
- TensorFlow High-Level APIs: Models in a Box (TensorFlow Dev Summit 2017)
- TensorFlow at DeepMind (TensorFlow Dev Summit 2017)
- Tensorflow Dev Summit 2018
- CartPole 을 이용한 DQN(NIPS 2013)
- TensorFlow workshop materials
- Image-to-Image Demo
- 딥러닝 (Tensorflow) 을 이용한 추천시스템 개발
- Structuring Your TensorFlow Models
- 머신러닝에서 학습용 데이타양 늘리기
- ImageDataGenerator 샘플코드
- Chainer, MXNet, CNTK, TF benchmarking
- Performance of Distributed Deep Learning using ChainerMN
- NCCL을 이용한 Efficient한 Tensorflow MultiGPU Training 코드 작성하기
- FMA: A Dataset For Music Analysis
- Boost Python으로 Tensorflow에서 C++ API 사용하기
- Tensorflow1.0 에 있는 wide_n_deep_tutorial.py 를 분석해 보았습니다
- 텐서플로우의 세션,그래프 그리고 함수의 개념
- Attention mechanisms with tensorflow
- char-cnn
- Pedagogical Learning with the Inkling Programming Language | Bonsai
- Differentiable Neural Computer (DNC)
- Region of interest pooling in TensorFlow – example
- 라즈베리파이기반 TensorFlow 사물인식 로봇
- Tracking the Millennium Falcon with TensorFlow
- TensorFlow: A proposal of good practices for files, folders and models architecture
- Tensorflow demystified
- 딥러닝 (Tensorflow) 을 이용한 추천시스템 개발
- Using TensorFlow to build image-to-text application
- Welcome to tensorflow-diff-eq
- handwritten Digit Recognization using k - nearest neighbour using tensorflow | Machine Learning
- Handwritten digit Recognization in Tensorflow Using K-Nearest Neighbour
- SimpleHTR: Handwritten Text Recognition (HTR) system implemented with TensorFlow
- A Workaround for Non-Determinism in TensorFlow
- reduce_sum대신 matmul을 이용해 재현성 해결
- dl-3cushion-hint - 딥러닝을 이용한 3쿠션 힌트 안드로이드앱
- TPOT: Automatic ML
- Tensorflow for Deep Learning
- 텐서플로우에서 array index를 문자열로 변환하는 방법
- 텐서플로우에서 checkpoint와 saved model의 차이와 모델을 export할때 그래프를 다시 그리는 이유
- Slurm 클러스터에서 분산된 Tensorflow 실행
- Hadoop에서 TensorFlow를 실행하는 방법
- Implementation of Graph Auto-Encoders in TensorFlow
- Graph Auto-Encoder 모델의 TensorFlow 구현
- From Scikit-learn to TensorFlow: Part 1
- From Scikit-learn to TensorFlow: Part 2
- inception v3 fine-tuning 하기
- 11. 텐서플로우(TensorFlow)를 이용해서 Inception V3 모델 Retraining을 통해 나만의 데이터셋을 이미지 인식(추론) 해보기
- Tensorflow를 사용한 딥러닝의 창조적 응용
- Visual Interaction Networks - Tensorflow Implementation of Visual Interaction Networks from Google Deepmind
- Machine Learning Camp Jeju 2017
- A Step-by-Step Guide to Synthesizing Adversarial Examples
- Amazing Tensorflow Github Projects
- Real Tensorflow Coding
- PYCON KR 2017 - 구름이 하늘의 일이라면 (윤상웅)
- Tensorflow Object Detection API를 이용한 물체 인식
- TensorFlow Objet Detection API 사용법
- 통상적이지 않은 이미지 분류에 대한 고찰 object detection
- 텐서플로우로 랜더링 엔진 만들기
- 텐서플로우 하이레벨 API에 대한 이해
- 텐서플로우 하이레벨 API Estimator를 이용한 모델 정의 방법
- TensorFlow에서 커스텀 Estimator를 만드는 방법에 대해 확인해 보세요
- My Workflow of Supervised Learning - 지도학습의 자세한 나만의 워크플로우
- GCP ML 엔진 튜토리얼: 텐서플로우 고수준 API로 작성된 CIFAR-10 모델의 초모수 최적화 하기
- learn_math_functions_demo.py
- basic_vidfig.ipynb
- TensorFlow Datasets 및 Estimators를 소개합니다
- How to Use a Pre-defined Tensorflow Dataset
- How to use Jupyter in Floyd Hub for Deep Learning
- 누구나 Tensorflow
- Build A TensorFlow Image Classifier In 5 Minutes
- 패스트 캠퍼스 강의 자료
- 1. Machine Learning Basic, Linear Regression, Logistic Regression
- 2. Feed Forward Neural Network
- 3. Pipeline, TFRecord, Queue Runners, Dataset Framework
- 4. Convolutional Neural Network
- 5. Recurrent Neural Network
- 6. RNN Cells, Advanced RNNs
- 7. High Level APIs, Estimator, Experiment
- 8. Word2vec, GAN Basic
- Deep Learning From Scratch VI: TensorFlow
- TensorFlow Lite 101 - MoblieNet 맛보기
- TensorFlow Lite를 사용한 온디바이스 대화형 모델링에 대해 확인해 보세요
- MixNet on Tensorflow Lite
- TensorFlow Lite를 사용해서 몸동작 인식한 중국 국민체조 앱의 케이스를 소개합니다
- Example on-device model personalization with TensorFlow Lite
- Sharing Pixelopolis, a self-driving car demo from Google I/O built with TF-Lite — The TensorFlow Blog
- TensorFlow 머신러닝 적용 시, 미리 알면 좋은 2가지 꿀팁 | by Mike | DelightRoom | May, 2024 | Medium Lite
- Tiny Machine Learning: The Next AI Revolution | by Matthew Stewart, PhD Researcher | Oct, 2020 | Towards Data Science
- iOS 기기에서 Tensorflow 모델 실행시키는 방법들
- 모두의 텐소플로우
- CloudML
- CASED-Tensorflow - Tensorflow implementation of Curriculum Adaptive Sampling for Extreme Data Imbalance with multi GPU using LUNA16
- The Flow of TensorFlow
- Deep Learning Inference & Serving Architecture 를 위한 실험 및 고찰 1 - GPU vs CPU
- Deep Learning Multi Host & Multi GPU Architecture #2 - Keras 를 이용한 Scale Up, Horovod 를 이용한 Scale Out 성능 비교
- How to train a Deep Neural Network using only TensorFlow C++
- Apache Beam (Dataflow)를 이용하여, 이미지 파일을 tfrecord로 컨버팅 하기
- An implementation of Synchronous Advantage Actor Critic (A2C) in TensorFlow
- Testing Capsule Network on various datasets
- Capsule Networks (CapsNet) in tensorflow
- CapsNet-Tensorflow
- Fitting larger networks into memory
- Svmtf
- Announcing TensorFlow 1.5
- Tensorflow Project Template
- Importing Multiple TensorFlow Models (Graphs)
- Michelle Fullwood A gentle introduction to deep learning with TensorFlow PyCon 2017
- Outperforming Tensorflow’s Default Auto Differentiation Optimizers, with Interactive Code Manual Back Prop with TF
- TensorFlow ROCm port
- 일반 IP카메라를 인공지능 CCTV로 변신시킨 개발자
- How to use Dataset in TensorFlow
- TensorFlow - Custom Dataset for Text with TextLineDataset
- HOYA AI Jupyter 텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
- Eager Execution
- Eager execution basics
- TensorFlow-Eager-Execution-Examples
- 대화형 명령 스타일 프로그래밍을 위한 즉시 실행 (Eager Execution) 한글 가이드를 소개합니다
- Tensorflow-eager-papers Classical deep learning paper implementation using tensorflow's eager execution
- Deep Reinforcement Learning: Playing CartPole through Asynchronous Advantage Actor Critic (A3C) with tf.keras and eager execution
- 8 Things To Do Differently in Tensorflow’s Eager Execution Mode
- Building an Iris classifier with eager execution
- A Gentle Introduction To Deep Learning with TensorFlow
- 텐서플로우 & 딥러닝 수박 겉핥기 - 골빈해커(@golbin)
- TensorFlow 1.7과 TensorRT를 통합했습니다
- Solving internal co-variate shift in deep learning with linked Neurons with Interactive Code Manual Back Prop in TF
- Tensorflow C++ 동적 링크드 라이브러리(stanalone C++ project) 만들기
- ENAS-Tensorflow Efficient Neural Architecture Search(ENAS)
- practice - 이미지 탐지기 쉽게 구현하기
- Tensorflow, Linear Regression, Deep Learning, ...
- 개념
- Tensorflow 실습
- Minimize Cost
- Tensorflow를 이용한 Minimized Cost 실습
- Multi Variable 개념 및 실습
- Gradient Descent
- Linear Algebra - 선형 대수학
- Logistic classification 개념
- Mutinomial Classification 개념
- Softmax 실습
- Learning rate, data preprocessing, overfiting
- Data set 구분
- Deep Learning 역사
- Manipulation - matmul, reshape, zip, etc
- XOR 문제 풀기 과정 및 수식
- Deirvative 미분 정리
- TensorBoard 사용 및 ReLU 개념
- Weight 초기화 잘하기
- Dropout 과 앙상블
- Neural Network 종류
- Softmax에 NN 적용하는 순서 팁
- Convolution Neural Network
- Tensorflow CNN 기본
- MNIST 99% 도전
- Class, tf.layers, Ensemble
- Recurrent Neural Network 개념
- Basic & Training 하기
- 강화학습
- Q Network
- Supervised Learning
- 공부 여정
- 로지스틱 회귀의 비용함수 이해
- Tensorflow 강좌 정리
- Get started with TensorFlow on law and statistics
- 9 Things You Should Know About TensorFlow
- Implementing T-SNE in Tensorflow Manual Back Prop in TF
- tSNE-helper
- Mixture Density Network ipynb
- Density modeling with TensorFlow
- Introducing TensorFlow Data Validation: Data Understanding, Validation, and Monitoring At Scale
- Tensorflow Data Validation 사용하기
- Deep_Learning_1: Google Colaboratory and cloning GitHub repository
- Deep_Learning_2: How to Upload Data in Google Colaboratory
- Deep_Learning_3: Importing Kaggle's dataset in Google Colaboratory
- Deep_Learning_4: Basic File operations in Google Colaboratory
- Deep_Learning_5: Easy Understanding of Tensor Flow Programming
- Making the most of Colab (TF Dev Summit '20) colab 사용 10가지 tip
- (1) 텐서플로 2.x 버전대 지정하기(사용 가능)
- (2) 텐서보드 사용
- (3) TFLite? 사용가능 - 코랩에서 훈련하고, 모바일로 배포
- (4) TPU - 무료 : 런타임 변경 필요.
- (5) 로컬 런타임 : 본인 GPU 사용 가능
- (6) 코랩 scratchpad?
- (7) 데이터를 코랩 vm에 복사하기 - 속도 향상
- (8) 메모리 관리
- (9) 작업 종료후 탭 닫기
- (10) 필요시에만 - GPU 사용(자원 관리)
- Differential ML on TensorFlow and Colab - Data Science Central
- Demystify the TensorFlow APIs
- 텐서플로로 OCR 개발해보기: 문제점과 문제점과 문제점
- DeepModels - TensorFlow Implementation of state-of-the-art models since 2012
- Partial Convolution based Padding
- 기존 padding을 사용하던 convolution block을 partial padding convolution block으로 대체하면, classification, segmentation에 대해서 전부 성능 향상
- Code
- Paper
- Video
- Author Pytorch code
- Let AI design your holiday cards!
- An Introduction to TensorFlow and implementing a simple Linear Regression Model
- 정말로? 20분만에 텐서플로 Regression을 정복하다니! 명품강의를 찾아서 #5
- MNIST on TPU (Tensor Processing Unit) or GPU using tf.Keras and tf.data.Dataset colab
- TF Jam — Shooting Hoops with Machine Learning
- TF Jam — 머신러닝을 이용한 농구 슈팅
- Understand TensorFlow by mimicking its API from scratch
- AutoGraph
- Batch PPO
- TensorFlow London: Tensorflow and Graph Recommender Networks by Yaz Santissi, GDG Cloud
- How to manage data science development from an organizational perspective by Nic Young, Bibblio
- 세계 최초 딥러닝 기반 사회관계망(SNS) 자해 이미지 탐색 프로그램 개발기 및 실행 성과
- Exporting trained TensorFlow models to C++ the RIGHT way!
- Ranking Tweets with TensorFlow
- 구글 텐서플로우 첫걸음
- RandWireNN_tensorflow - tensorflow implementation of Exploring Randomly Wired Neural Networks for Image Recognition using Cifar10, MNIST
- TensorFlow를 활용한 네이버쇼핑의 상품 카테고리 자동 분류
- Knowledge Distillation Methods with Tensorflow
- Knowledge Distillation 리뷰
- FunMatch-Distillation: TF2 implementation of knowledge distillation using the "function matching" hypothesis from https://arxiv.org/abs/2106.05237
- DMQA Open Seminar Introduction to Knowledge Distillation - YouTube
- NovelViewSynthesis - A TensorFlow implementation of a simple Novel View Synthesis model on ShapeNet (cars and chairs), KITTI, and Synthia
- Cutting Edge TensorFlow: New Techniques (Google I/O'19)
- RBM Deep Dive with Tensorflow (KR)
- 용인시 수지구 죽전동 도담마을 우미이노스빌 아파트 매매가 예측 - 머신러닝 LTSM모델 활용
- 용인시 수지구 죽전동 도담마을 우미이노스빌 아파트 매매가 예측 - 머신러닝 LTSM모델 활용 - 2탄
- GDWCT-Tensorflow - Simple Tensorflow implementation of "Image-to-Image Translation via Group-wise Deep Whitening-and-Coloring Transformation" (CVPR 2019 Oral)
- Tensorflow C++ 동적 링크드 라이브러리(stanalone C++ project) 만들기
- My Tensorflow Test
- CPU, GPU, and TensorFlow CPU, GPU의 기본 구조 및 차이에 대한 좋은 글
- TensorFlow에서 추천 시스템 구축: 개요
- TensorFlow with Apache Arrow Datasets
- Introducing Neural Structured Learning in TensorFlow
- Using TensorFlow to predict product weight and dimensions
- TensorFlow Serving Example. Part 2: Model Deployment
- Load-testing TensorFlow Serving’s REST Interface — The TensorFlow Blog
- Implementation of IMPALA with Distributed Tensorflow
- 10 TensorFlow Tricks Every ML Practioner Mush Know
- Air Cognizer predicts air quality with machine learning
- How to use FastAPI with MongoDB. An easy way to serve your database… | by Fernando Souza | Python In Plain English | Sep, 2020 | Medium
- TensorFlow Custom Op으로 데이터 변환 최적화하기 – 핑퐁팀 블로그
- Custom Layer in TensorFlow using Keras API | Custom Dense Layer in TensorFlow Keras | Deep Learning
- Custom CallBack Function in Tensorflow 2.0(Basic) | by Pavan Kunchala | Data Driven Investor | Jan, 2021 | Medium
- Tensorflow2 with jit compiling on multi-gpu training
- Regression API Test
- Predicting Probability Distributions Using Neural Networks - Taboola Tech Blog
- SETI, step by step guide for Beginner/EDA/TF | Kaggle
- 케라스와 텐서플로 허브를 사용한 영화 리뷰 텍스트 분류하기 | TensorFlow Core
- Introducing TensorFlow Similarity — The TensorFlow Blog
- Advent of Code 2021 in pure TensorFlow - day 1 – P. Galeone's blog
- TF_Tutorial MoveNet - Pose Detection - 공부 기록장
- 코크리 콘텐츠 coarse label 로 custom dataloader 만들어보기 (근데 이제 딥러닝 인퍼런스 값을 곁들인..) | 모두의연구소 기술 블로그 MoveNet
- 모바일 GPU에서 뉴럴 네트워크를 더 효율적으로 만들기 - LINE ENGINEERING
- TensorFlow DTensor: Unified API for Distributed Deep Network Training
- #Python | Information Bottleneck ...when Intermediate Layer is too small | #DeepLearning #Tensorflow - YouTube
- Macro precision for tensorflow – Passion is like genius; a miracle.
- TensorFlow 2.0을 출시했습니다
- TF_2.0.ipynb
- Quick Review of TF 2.0 Preview
- What’s coming in TensorFlow 2.0
- Keras 기반의 표준화: TensorFlow 2.0의 고수준 API에 대한 안내
- TensorFlow 2.0에서 기호형 API와 명령형 API란?
- TensorFlow 2.0과 Cloud AI를 사용하여 확장 가능한 머신러닝 모델 손쉽게 훈련, 배포 및 관리하기
- 2.0 tutorial colab
- ORAL 세션 - 강재욱
- 어서와 텐서플로우 2.0!: 미리 알면 좋은 몇가지 : – )
- TensorFlow 2.0 and Cloud AI make it easy to train, deploy, and maintain scalable machine learning models
- TensorFlow 2.0 Global Docs Sprint
- Deep Learning With TF 2.0: 04.00- Numerical Computation
- 텐서플로우 2, "더 쉬워진 머신러닝"
- TensorFlow 2.0 베타 발표
- 번역 TensorFlow @ Google I/O ’19 Recap
- addons - Useful extra functionality for TensorFlow 2.0 maintained by SIG-addons
- TensorFlow 2.0 Full Tutorial - Python Neural Networks for Beginners
- Keras 창시자로부터 배우는 TensorFlow 2.0 + Keras 특강.ipynb
- 텐서플로1과 텐서플로2, 코드를 직접 비교해 보겠습니다!
- 텐서플로2 케라스와 케라스, 코드로 비교해 봤습니다!
- TensorFlow 2.0 출시! 무엇이 달라졌을까요?
- Introduction to TensorFlow 2.0: Easier for beginners, and more powerful for experts (TF World '19)
- 텐서플로2로 개편했습니다! 파이썬 머신러닝 완전정복 - 마라톤 기록예측 프로젝트
- TensorFlow 2.0 + Keras, 딥러닝 연구자들을 위한 오버뷰
- 인공지능 Python, Go! 하자!
- 3 ways to create a Keras model with TensorFlow 2.0 (Sequential, Functional, and Model Subclassing)
- Convolutional Neural Network Predictions with TensorFlow's Keras API
- Train a Fine-Tuned Neural Network with TensorFlow's Keras API
- Process Images for Fine-Tuned MobileNet with TensorFlow's Keras API
- Tensorflow2 Keras – Custom loss function and metric classes for multi task learning – Keunwoo Choi
- Getting Your Hands Dirty with TensorFlow 2.0 and Keras API
- Normalizing-Flow-TF2: TensorFlow implementation of "Variational Inference with Normalizing Flows"
- ReXNet-TF2: TensorFlow implementation of "ReXNet: Diminishing Representational Bottleneck on Convolutional Neural Network"
- tf2-reformer: Reproducing the reformer with tf2
- Android에서 TensorFlow 실행하기
- Tensorflow로 학습한 모델을 Android 앱으로 만들기
- E2E tf.Keras to TFLite to Android
- Human Activity Recognition using LSTMs on Android — TensorFlow for Hackers (Part VI)
- 텐서플로 라이트를 활용한 안드로이드 딥러닝 - 더 작고, 더 가벼운, 모바일, 에지 기기용 머신러닝 – Sangkon, Han – 개발자; 읽고 생각하고 쓰고 회고하고 정리한다.
- 토닥토닥 ML Kit - ML Kit 인공지능 앱 만들기 (텐서플로우 Lite 모델) (아이폰 (스위프트)) - WikiDocs
- A Curated List Of Dedicated Resources- TensorFlow Books
- Deep Learning With Python
- First Contact with Tensorflow
- Machine Learning with TensorFlow
- Machine Learning with TensorFlow
- TensorFlow 한글문서
- TensorFlow 한글문서
- 더북(TheBook): 딥러닝 텐서플로 교과서
- 이미지 Classification 문제와 딥러닝: AlexNet으로 개vs고양이 분류하기
- How to use sound classification with TensorFlow on an IoT platform
- Urban Sound Classification
- 맑은날, 흐린날 분류 모델 version 1.0
- TensorFlow Hub와 Estimator로 텍스트 분류 모델 빌드하기
- Auto-classification of NAVER Shopping Product Categories using TensorFlow
- Machine Learning Foundations: How to Classifying real-world images
- ml-deployment-k8s-tfserving: This project shows how to serve an TF based image classification model as a web service with TFServing, Docker, and Kubernetes(GKE)
- tensorflow_text_classification.py
- Convolutional Neural Network for Text Classification in Tensorflow
- Implementing a CNN for Text Classification in TensorFlow
- Improving Inception and Image Classification in TensorFlow
- 텐서플로우를 이용해서 CNN을 학습한 모델 파일과 코드
- 학습 된 모델의 ILSVRC Image Classification 성능은 각 논문에서 발표한 수치와 근접
- New ConvNet Model Inception-ResNet-v2
- Real-World Python Neural Nets Tutorial (Image Classification w/ CNN)
- ByteNet
- dilated CNN 과 causal CNN 으로 RNN 을 대체한 모델
- 트레이닝 속도도 빠르고 결과도 좋은편
- character 단위 language model 과 machine translation 을 시도
- tensorflow ByteNet DeepMind 에서 발표한 ByteNet 을 사용해 프랑스어->영어 번역
- Building Convolutional Neural Networks with Tensorflow
- TensorFlow를 이용하여 나만의 사진으로 CNN 학습시켜보기(1)
- 실제 이미지로 CNN 모델을 구현하여 나만의 이미지 분류기를 만들 수 있을까?
- SRCNN in Tensorflow
- 2018년 샌프란시스코에서 열린 O’Reilly AI 컨퍼런스의 TensorFlow 세션 녹화 자료
- High Performance Machine Learning with Kubernetes, Istio, and GPUs - San Francisco and Seattle Kubernetes Meetups
- Deploying a Mobile App on Tensorflow - Reshama Shaikh, Nidhin Pattaniyil | PyData Global 2021 - YouTube
- Introduction to Unsupervised and Semi-Supervised Learning in TensorFlow - PyData Global 2021 - YouTube
- 텐서플로 월드2019 행사 핵심요약 1
- 텐서플로우 설치도 했고 튜토리얼도 봤고 기초 예제도 짜봤다면
- TF-KR 모임
- NeuralFace
- 1. 이미지(사람의 얼굴 사진)을 이해하고 스스로 만드는 모델
- 2. Atari 게임을 화면의 픽셀만 보고 배우는 모델
- 3. 이미지 버전의 '왕 - 남자 + 여자 = 여왕'
- 4. 뉴럴 네트워크로 만든 튜링 머신
- 5. 강화 학습 모델들
- 6. Question Answering, Language Model
- 7. Character-level Language Models
- 8. Teaching Machines to Read and Comprehend
- 9. Neural Variational Inference for Text Processing
- 10. Text-based Games using Deep Reinforcement Learning
- Excel + Python + Deep Learning = !. 신정규 - PyCon Korea 2021 - YouTube
- Georgios Balikas - Converting sentence-transformers models to a single tensorflow graph - YouTube
- TF-KR 첫 모임: Zen of NumPy
- TF-KR 첫 모임: Tensorflow 모델 디버깅을 위한 팁과 가이드
- TF-KR 첫 모임: Machine Intelligence made easy: Vision/Speech API, TensorFlow and Cloud ML
- TF-KR 첫모임: 텐스플로우를 이용한 얼굴 인식 구현
- 2016-06-18-tensorflow-kr.md
- Tensorflow KR 3차 오프라인 모임 후기
- Electricity price forecasting with Recurrent Neural Networks
- TensorFlow KR 두번째 모임 (2017/1/14)
- Building models with tf.text (TF World '19)
- TF Everywhere Application for Beginner - YouTube
- TF Everywhere Application for Developer - YouTube
- TF Everywhere competition - YouTube
- TF Everywhere Tutorial & Guide - YouTube
- TF-KR 첫 모임: Docker 환경에서 TensorFlow를 설치하고 응용하기
- TensorFlow on GTX 10-series with Docker
- Deepo - a series of Docker images0
- Dockerfile
- Dockerfile for Pydata Eco Systems with Tensorflow
- NVIDIA docker - Build and run Docker containers leveraging NVIDIA GPUs
- TensorFlow Serving 및 Docker로 신속히 ML 서비스를 제공합니다
- Awesome-GANs with Tensorflow
- Tensorflow implementation of different GANs and their comparisions
- Collection of generative models in Tensorflow
- Learning Interpretable Latent Representations with InfoGAN
- GANs comparison without cherry-picking
- Anomaly Detection with GANs
- BicycleGAN implementation in Tensorflow
- denoising-diffusion-gan-Tensorflow: Tensorflow implementation of "Tackling the Generative Learning Trilemma with Denoising Diffusion GANs" (ICLR 2022 Spotlight)
- Energy-based generative adversarial network (EBGAN)
- ebgan in tensorflow
- 생성된 샘플 이미지가 InfoGAN 에 비해 더 좋아 보이지는 않지만 트레이닝 과정은 논문대로 매우 안정적
- discriminator 의 loss 를 bce 에서 hinge 로 바꾸고 auto-encoder 를 도입해 discriminator 의 training 을 어렵게 만든게 (일종의 regualarizer 효과) 포인트
- GAN 트레이닝 과정에서 종종 나오는 collapse 현상 ( GAN 트레이닝 하다 보면 어느 순간 1, 1, 1 ... 만 그려 냄) 을 막기 위해 pull-away term 이라는 regularizer 를 추가했는데 OpenAI 의 InfoGAN 보다 그 효과가 미미
- esrgan-tf2: ESRGAN (Enhanced Super-Resolution Generative Adversarial Networks, published in ECCV 2018) implemented in Tensorflow 2.0+. This is an unofficial implementation. With Colab
- "InfoGAN: Interpretable Representation Learning by Information Maximizing Generative Adversarial Nets"
- supervised_infogan
- repo 명에 supervised 가 들어간 이유는 원논문과 달리 supervised loss 를 추가해서 학습시켰기 때문
- 기존의 GAN 논문들을 보면 supervised loss 를 추가할 경우 성능이 더 나빠진다고 했는데, InfoGAN 의 경우는 트레이닝도 더 안정적이고 성능도 더 좋아진 거 같음(GAN 은 정량 평가가 어려움)
- seed 에 따라 생성된 category 복불복 현상을 피하기 위해 해 본건데 결과가 의외로 좋음
- InfoGAN 구조상 supervised loss 를 추가한 것이 더 좋을 거 같음
- 그냥 실제 데이터와 구분되지 않는 그림을 생성하는 것 보다는 명확히 discriminator 가 특정 숫자로 믿게 트레이닝하게 하는 거니깐 트레이닝 속도도 빠를 거로 추정
- SphereGAN-Tensorflow
- StyleGAN — Official TensorFlow Implementation
- StyleGAN_WebDemo.ipynb
- Stylegan-art
- stylegan-reproduced
- StyleGAN-Tensorflow
- Semantic Image Synthesis with SPADE (GauGAN) - Tensorflow
- U-GAT-IT — Official TensorFlow Implementation
- install tensorflow gpu version on macbook pro
- 텐서플로우를 파이참에서 돌려보자
- TensorFlow Serving의 혁신적인 기능들을 확인해 보세요
- How to deploy TensorFlow models to production using TF Serving
- Deploying 🤗 ViT on Kubernetes with TF Serving
- Deploying Keras models using TensorFlow Serving and Flask
- Straighten out a TensorFlow continuous training link using Alibaba Cloud Container Service
- Set up Anaconda + IPython + Tensorflow + Julia on a Google Compute Engine VM
- TensorFlow v0.10 Release
- Tensorflow r0.11 Install
- TensorFlow v0.11 Release
- TensorFlow 1.0.0-RC0 Release
- 거품물고 구글 클라우드
- 텐서플로우, 직접 소스 빌드하여 설치하기
- Tensorflow Install Script. MultiVersion Support With Jupyter
- Tensorflow유저를 위한 python virtualenv와 Jupyter 같이 쓰기
- Tensorflow jupyter 머신러닝을 위한 간단환경 설정하기 vagrant 사용
- 파이썬 쥬피터를 이용한 텐서플로우 개발환경 구성하기
- install Tensorflow, OpenAI Gym on WSL
- GIT Source로 TensorFlow r1.2 with GPU support 설치하기 (Cuda 8.0 + python 2.7 + cuDNN5.1)
- sysnet4admin.blogspot.com/search/label/dmdl
- GPU EC2 스팟 인스턴스에 Cuda/cuDNN와 Tensorflow/PyTorch/Jupyter Notebook 세팅하기
- CUDA & CUDNN 설치 및 환경 변수 설정
- Tensorflow 설치하기
- Stop Installing Tensorflow using pip for performance sake!
- TensorFlow: Building Feed-Forward Neural Networks Step-by-Step
- 텐서플로우(Tensorflow) GPU설치 (이보다 더 쉬울 수는 없다!)
- ImportError: libcudnn.so.7: cannot open shared object file: No such file or directory
- AI Practitioners Guide for Beginners
- 머신러닝 개발환경 : 아나콘다, 텐서플로우 설치
- M1 텐서플로우 설치하기
- 챗봇준비 - docker를 이용하여 tensorflow를 설치 후 간단히 사용해보기
- Docker-based TensorFlow experimental environment
- Establish a TensorFlow Serving cluster easily using Docker and Alibaba Cloud Container Service
- Installing TensorFlow on Raspberry Pi 3 (and probably 2 as well)
- How To Install Tensorflow On The Raspberry Pi
- 라즈베리파이 텐서플로우 설치하는 법
- Installing & Testing Google TensorFlow on Raspberry Pi2
- Scripts to install and setup Tensorflow and it's dependencies on Ubuntu
- Ubuntu 14.04 에서 아나콘다에 Tensorflow 설치하기
- 우분투 14.04 NVIDIA 그래픽 드라이버 설치 및 cuda, cudnn 설치
- Tensorflow 설치하기 (Ubuntu 16)
- TensorFlow GPU 버전 우분투 16.04에 설치 하기
- Installing Tensorflow GPU on Ubuntu 18.04 LTS
- Google Cloud TF-GPU Setup for Ubuntu 16.04
- How to install Tensorflow GPU with CUDA Toolkit 9.1 and cuDNN 7.1.2 for Python 3 on Ubuntu 16.04-64bit
- UBUNTU 18.04 설치 #2-3 INSTALL TENSORFLOW WITH DOCKER
- UBUNTU 18.04 설치 #1 기본 운영체제의 설치
- Ubuntu 18.04 설치 #2 DOCKER INSTALLATION FOR A.I. RESEARCHER
- UBUNTU 18.04 설치 #3 유틸리티 설치
- Ubuntu 18.04, Nvidia GeForce RTX 2080 Ti, tensorflow, OpenCV, Jupyter Installation
- 텐서플로우를 가장 간단하게 설치하는 방법 – Passion is like genius; a miracle.
- Ubuntu 22.04에 CUDA 사용하도록 Tensorflow 설치하는 방법
- Windows 10에서 Docker for Windows 설치
- 윈도우에 텐서플로우 with CPU를 위한 도커 설치
- Windows 10 build 14332 에 TensorFlow 설치하기
- Windows 10에서 Tensorflow설치하기
- Python Keras+Tensorflow on Windows7 64bit 설치하기
- Tensorflow Installation in Windows
- 1-1. 윈도우(Windows) 환경에서 Docker를 이용해서 텐서플로우(TensorFlow) 설치하기
- 윈도우즈10에서 텐서플로우Tensorflow 컴파일하기
- Tensorflow - Python에서 모델링하고 윈도우에서 실행시키기
- Tensorflow Visual Studio 2016 C++ 솔루션 최소화하기
- Tensorflow C++ API Gradient Descent Test
- Playing with TensorFlow on Windows
- Running Tensorflow implementation of neural Style via Ubuntu-Bash on Windows 10
- TensorFlow for Windows
- install TensorFlow on Windows 10 Bash (include graphiclib)
- Using TensorFlow in Windows with a GPU
- How to run TensorFlow with GPU on Windows 10 in a Jupyter Notebook
- Docker나 가상머신 없이 Window에서 TensorFlow 시작하기: tensorflow-gpu + Window (7,10) 설치 가이드입니다
- GPU TensorFlow on Window 10
- TensorFlow version 1.0.0-rc2 on Windows: “OpKernel ('op: ”BestSplits“ device_type: ”CPU“') for unknown op: BestSplits” with test code
- TensorFlow-v1.0.0 + Keras 설치 (Windows/Linux/macOS)
- 윈도우7(32bit)에서 텐서플로우 구동을 위한 우분투 개발환경 구축하기
- 윈도우에 TensorFlow를 설치하는 쉬운 방법 using Anaconda
- Changing your hardware to achieve faster Deep Learning on your PC
- Installing Tensorflow with CUDA, cuDNN and GPU support on Windows 10
- 2020, TensorFlow 2.0 GPU, Keras, & Python 3.7 in Windows 10
- A Curated List Of Dedicated Resources- Tensorflow Libraries
- BMW InnovationLab - This organization contains open source software published by the developers and partners of the BMW InnovationLab
- Caffe to TensorFlow
- cdc-fraud-detection-demo: Realtime Credit Card fraud detection, using CDC (Change Data Capture) data source and TensorFlow model from a Kaggle competition
- deeplab2: DeepLab2 is a TensorFlow library for deep labeling, aiming to provide a unified and state-of-the-art TensorFlow codebase for dense pixel labeling tasks
- DeepOSM
- Dynamic Neural Manifold --or-- Dynamic Neural Networks in Tensorflow
- Edward is a Python library for probabilistic modeling, inference, and criticism
- enuSpace-Tensorflow
- fttables : HDF5 interface for Tensorflow
- glow Code for reproducing results in "Glow: Generative Flow with Invertible 1x1 Convolutions"
- Horovod: TensorFlow를 위한 Uber의 오픈소스 분산 학습 프레임워크
- Meet Horovod: Uber’s Open Source Distributed Deep Learning Framework for TensorFlow
- Uber 내부 ML- 서비스 플랫폼인 Michelangelo의 딥러닝 툴킷의 오픈소스 구성 요소
- 바이두의 논문에서 소개된 TensorFlow ring-allreduce algorithm을 기반으로 시작하여, 최근에는 nVidia의 NCCL로 변경
- Distributed TensorFlow using Horovod - Reduce training time for deep neural networks by using many GPUs
- Create Horovod cluster easily using Ansible
- Horovod를 활용하여 Tensorflow에서 Multi GPU로 학습하기 (BERT Distributed Training 해보기)
- Lingvo: A TensorFlow Framework for Sequence Modeling
- Ludwig - a toolbox that allows to train and test deep learning models without the need to write code
- Magenta
- mesh: Mesh TensorFlow: Model Parallelism Made Easier
- mltest: Automatically test neural network models in one function call
- Nvidia-docker 기반 Tensorflow 사용하기
- NVIDIA TensorRT | NVIDIA Developer
- paddlepaddle.org
- Phobrain - Photo classification with TensorFlow For Poets
- Polyaxon - A platform that helps you build, manage and monitor deep learning models
- Pretty Tensor: Fluent Networks in TensorFlow
- QuickDraw-AirGesture-tensorflow: Implementation of QuickDraw - an online game developed by Google, combined with AirGesture - a simple gesture recognition application
- Raspberry Pi - Installing TensorFlow on Raspberry Pi 3 (and probably 2 as well)
- S4TF
- fast.ai Embracing Swift for Deep Learning
- swiftML - Swift library for Machine Learning based on Swift for TensorFlow Project
- S4TF 라이브러리를 베이스로, 전통적으로 많이 사용되어 오던 머신러닝 알고리즘을 Swift 언어로 구현, API화
- 현재 지원되는 알고리즘 AdaBoost, BernoulliNB, GaussianNB, MultinomialNB, DecisionTree, GradientBoostingRegressor, GradientDescentLinearRegression, KMeans, KNNClassifier, KNNRegressor, LeastSquaresLinearRegression, Logistic Regression, PCA, RandomForest, SingularValueDecompositionLinearRegression
- 각 알고리즘의 사용 방법에 대한 예제 주피터 노트북이 모두 작성
- Introduction to Swift for TensorFlow
- Scatteract - a framework to automatically extract data from the image of scatter plots
- Scikit Flow: Easy Deep Learning with TensorFlow and Scikit-learn
- SpecAugment that speech data augmentation method which directly process the spectrogram with Tensorflow, introduced by Google Brain
- spleeter - Deezer source separation library including pretrained models
-
TF 2.0 + TF 1.x Compat 기반 작성
-
여러 종류의 음원이 섞여 있는 음악 파일에서, 각 음원을 분리해 내는 pretrained 된 모델 제공. 지원되는 음원 분리 방식은 세 가지
-
- Vocals (singing voice) / accompaniment separation (2 stems)
-
- Vocals / drums / bass / other separation (4 stems)
-
- Vocals / drums / bass / piano / other separation (5 stems)
-
-
- 설치
$ git clone https://github.com/Deezer/spleeter $ conda env create -f spleeter/conda/spleeter-cpu.yaml (gpu 버전은 cpu를 gpu로 교체) $ conda activate spleeter-cpu
-
- 실행
spleeter separate -i spleeter/audio_example.mp3 -p spleeter:2stems -o output
- 실행
-
- TensorBoard.dev - Easily host, track, and share your ML experiments for free
- Add Tensorboard into running docker
- Jupyter notebok tensorboard 실행하기 20160706
- TensorBoard support Embedding Visualization
- Tensorboard Embedding Visualization
- AutoEncoder 에서 뽑은 Z vector Tensorboard 에서 보기
- 텐서보드(TensorBoard) 시작하기
- tensorboard-embedding-visualization - Visualize embedding on tensorboard with thumbnail images
- 함수한번 호출 하면 특정 데이터셋에 대한 sprite 이미지와 라벨파일 전부 자동으로 만들어주고 embedding 정보까지 저장
- 예제는 mnist라 1채널 이미지인데 3채널 이미지도 동작
- 사용법
-
- 모델소스와 pre-trained 모델을 로딩
-
- embedding 확인할 데이터셋을 로딩
-
- summary_embedding_with_labels를 호출
-
- Debugging & Visualising training of Neural Network with TensorBoard
- Jupyter-Tensorboard: Start tensorboard in Jupyter notebook
- What-If Tool tensorboard plugin
- TensorBoard 빌드하기
- TensorBuilder is light wrapper over TensorFlow that enables you to easily create complex deep neural networks using the Builder Pattern through a functional fluent immutable API
- TensorDebugger(TDB): Visual Debugger for TF
- TensorFire: blazing-fast in-browser neural networks
- tensorfollow - 텐서팔로우 - 텐서플로우로 구현된 코드 & 프로젝트들을 따라해보자!
- TensorForce : TF용 강화학습 라이브러리
- TensorFlow Agents
- Tensorflow-cl - Run Tensorflow on OpenCL™ 1.2 devices
- TensorFlow FileSystem TFFS
- TensorFlow Graphics
- Tensorflow Hub
- tensorflow-image-models: TensorFlow port of PyTorch Image Models (timm) - image models with pretrained weights
- TensorFlow.js
- tfjs/GALLERY.md
- tfjs-examples/angular-predictive-prefetching at master · tensorflow/tfjs-examples
- github.com/zaidalyafeai/tensorflowjs-binary
- Introducing TensorFlow.js: Machine Learning in Javascript
- A Gentle Introduction to TensorFlow.js
- demo
- TensorFlow backend for TensorFlow.js via Node.js
- 소개 및 데모
- Deep learning in your browser: A brisk guide
- Real-time Human Pose Estimation in the Browser with TensorFlow.js
- Visualizing Pose with Pts and tensorflow.js
- tensorflow-js로 만들어본 RL 예제
- How to build a Teachable Machine with TensorFlow.js
- A Project Based Introduction to TensorFlow.js
- An Introduction to TensorFlow.js with Nick Kreeger
- Playing Mortal Kombat with TensorFlow.js. Transfer learning and data augmentation
- Introducing TensorSpace.js — A Way to 3D Visualize Neural Networks in Browsers
- TensorFlow.js: 웹 프론트엔드에서 머신러닝 활용하기
- 자바스크립트로 머신러닝하세요! 텐서플로우 자바스크립트 소개
- Face and hand tracking in the browser with MediaPipe and TensorFlow.js
- Not Hotdog with Keras and TensorFlow.js
- Build A Machine Learning Image Classifier with TensorFlowJs
- Face and hand tracking in the browser with MediaPipe and TensorFlow.js
- Face and hand tracking in the browser with MediaPipe and TensorFlow.js
- Build a machine learning node for Node-RED using TensorFlow.js
- Speech Recognition with TensorFlow.js
- TensorFlow.js로 브라우저에서 텐서플로우를 사용하는 방법 - ITWorld Korea
- Build a Voice Assistant using Javascript w/Tensorflow For Beginner
- Realtime Object Detection with MobileNet - ML with Tensorflow.js
- 자바스크립트로 만드는 인공지능 - TensorFlow.js - YouTube
- Real-time AR Sudoku solver - Made with TensorFlow.js - YouTube
- TensorFlow.js의 2021년
- Predicting Diabetes using Logistic Regression with TensorFlow.js | Deep Learning for JavaScript Hackers (Part I)
- TensorFlow로 디자인시스템 만들기. 이 블로그 포스팅은 저에게 매우 의미 있는 순간입니다. 저는 지난해부터… | by Jude Park | Aug, 2021 | Medium
- Real time motion capture for VTubers - Made with TensorFlow.js - YouTube
- TFJS로 아이콘 ‘맞춤법 검사기’ 만들기. Discover | by Jude Park | Mar, 2022 | Medium
- TFJS로 아이콘 ‘맞춤법 검사기’ 만들기(2). 이전 포스팅 | by Jude Park | Mar, 2022 | Medium figma 사용의 복잡도를 해결하려는, 한 마디로 딥블루닷 deep bluedot같은 경우와 비슷해보임
- face-api.js
- Handtrack.js: Hand Tracking Interactions in the Browser using Tensorflow.js and 3 lines of code
- Pose Animator
- tensorspace - Neural network 3D visualization framework, build interactive and intuitive model in browsers, support pre-trained deep learning models from TensorFlow, Keras, TensorFlow.js https://tensorspace.org
- twilio
- How Positive was Your Year with TensorFlow.js and Twilio
- TensorFlow.js는 긍정/부정 감정 레이블과 CNN/LSTM의 두 가지 모델 아키텍처를 고려하여 IMDB에서 제공한 25,000개의 영화 리뷰에 대해 사전 훈련된 모델을 제공
- 여기서는 CNN을 사용해 Twilio API에서 오래된 문자 메시지를 검색하고 정규식으로 입력을 정리하고 JavaScript의 TensorFlow를 사용해 텍스트에 대한 감정 분석 수행
- How Positive was Your Year with TensorFlow.js and Twilio
- zeplin-ml: Object detection based on screens from Zeplin
- TensorFlow Lattice
- tensorflow_macos: TensorFlow for macOS 11.0+ accelerated using Apple's ML Compute framework
- tensorflow-pix2pix - A lightweight pix2pix Tensorflow implementation
- TensorFlow Probability 확률론적 프로그래밍
- TFP는 TensorFlow를 기반으로하는 Python 라이브러리로서 현대 하드웨어에서 확률모델과 딥러닝을 쉽게 결합해 우리 주변의 불확실성을 모델링 가능
- TFP를 사용하면 다음을 수행 가능
- 대화식으로 데이터 탐색
- 다른 모델을 빠르게 평가
- 최신의 벡터화된 하드웨어 가속기를 자동으로 이용
- 쉬운 실행. 전문적으로 제작되고 테스트되었으며 Google 클라우드를 지원하며 활발한 오픈소스 커뮤니티에서 지원
- 현실세계에서 불확실성은 어디에서나 볼 수 있기 때문에 확률론적 프로그래밍에는 금융, 가스 산업 등을 포함한 다양한 응용 존재
- Introducing TensorFlow Probability
- Industrial AI: BHGE’s Physics-based, Probabilistic Deep Learning Using TensorFlow Probability— Part 1 #소개
- An introduction to probabilistic programming, now available in TensorFlow Probability
- aka "Bayesian Methods for Hackers": An introduction to Bayesian methods + probabilistic programming with a computation/understanding-first, mathematics-second point of view. All in pure Python ;)
- Probabilistic Programming & Bayesian Methods for Hackers
- Experimenting with autoregressive flows in TensorFlow Probability
- Tensorflow-Project-Template - A best practice for tensorflow project template architecture
- TENSORFLOWSHARP
- TensorFlow.text
- tensorflow-triplet-loss: Implementation of triplet loss in TensorFlow
- TensorflowTTS - Real-Time State-of-the-art Speech Synthesis for Tensorflow 2
- Tensorlang, a differentiable programming language based on TensorFlow
- TensorLy: Tensor Learning in Python
- 텐서 학습을 간단하고 접근하기 쉽게 만드는 것을 목표로하는 파이썬 라이브러리
- 텐서 분해, 텐서 학습 및 텐서 대수를 쉽게 수행
- 백엔드 시스템은 NumPy, MXNet 또는 PyTorch를 통해 완벽하게 계산을 수행하고 CPU 또는 GPU에서 규모에 따라 메소드를 실행
- Keynote: Anima Anandkumar - Tensorly: A Flexible Python Framework for Machine Learning
- TensorNets
- tensorpack
- tensorport.com
- TensorSpace - a neural network 3D visualization framework built by TensorFlow.js, Three.js and Tween.js
- tensortalk.com
- tensorwatch - Debugging, monitoring and visualization for Deep Learning and Reinforcement Learning
- texar - Toolkit for Machine Learning, Natural Language Processing, and Text Generation, in TensorFlow https://asyml.io
- tfds-korean: A collection of Korean Text Datasets ready to use using Tensorflow-Datasets
- tf-explain implements interpretability methods as Tensorflow 2.0 callbacks to ease neural network's understanding
- TFLearn: Deep learning library featuring a higher-level API for TensorFlow
- TFLearn: Deep learning library featuring a higher-level API for TensorFlow
- TFP(Tensors Fitting Perfectly) 정적분석 툴
- 프로그램 실행 없이 정적으로 분석해, 현재 작성중인 코드에서, Tensor의 shape가 미스매치나는 곳이 있는지 분석
- 작성된 함수나 모듈이 많은 경우, 모든 모듈을 실행하지 않고 미스매치를 발견할 수 있으므로 시간 절약
- 사용법; assert 를 사용해서, 두 Tensor에 대한 shape을 체크후 정적 분석툴 명령인
doesitfit
을 수행 - 현재는 S4TF를 위해서 개발, Python 및 다른 언어로 지원 확장 및 IDE에서 지원가능한 형태로 포팅 예정
- TF-Ranking
- TFX TensorFlow Extended (TFX) - an end-to-end platform for deploying production ML pipelines
- TOCO: 텐서플로우 라이트 최적화 컨버터
- white-box-layer
- ZhuSuan - A Library for Bayesian Deep Learning, Generative Models, Based on Tensorflow http://zhusuan.readthedocs.io
- Implementing a many-to-many LSTM in TensorFlow?
- A noob’s guide to implementing RNN-LSTM using Tensorflow
- LSTM을 텐서플로우 안 쓰고 행렬 연산으로 직접 구해보기
- LSTM by Example using Tensorflow
- Introduction to LSTMs with TensorFlow
- An Introduction to LSTMs in Tensorflow
- Sequence Tagging with Tensorflow - bi-LSTM + CRF with character embeddings for NER and POS
- TensorFlow and deep reinforcement learning, without a PhD (Google I/O '18)
- Simple Reinforcement Learning with Tensorflow: Part 3 - Model-Based RL
- Implementation of Relational Deep Reinforcement Learning
- 매우 중요한 self-attention. attention 개념은 attention is all you need로 시작, 최근 bert 모델까지 사용
- NLP 뿐만 아니라 이미지에서 relational network라는 이름으로 관계에 대한 attention을 계산하는데 사용
- RL에서는 Relational Deep Reinforcement Learning이라는 논문을 통해 사용 확인하였으나 구현체는 없어서 직접 구현
- self-attention의 개념이 적용되어 실제로 필터들이 이미지의 어느 곳을 집중해서 보고있는지 까지 확인 가능
- 왼쪽은 실제 attention이 어디에서 잡히는지, 오른쪽은 실제 벽돌깨기 환경
- 움직이는 공과 하단의 바가 attention으로 잡히는 것을 확인 가능
- Tensorflow 2.0 강화학습 코드 작성(off policy A2C)
- RL-with-TF-2.0 - Tensorflow 2.0 Reinforcement Learning
- distributed_reinforcement_learning: implementation of distributed reinforcement learning with distributed tensorflow
- async-rl-tensorflow - Asynchronous Methods for Deep Reinforcement Learning
- TensorForce: A TensorFlow library for applied reinforcement learning
- TensorLayer: New TF Wrapper
- char-rnn-tensorflow - Multi-layer Recurrent Neural Networks (LSTM, RNN) for character-level language models in Python using Tensorflow
- word-rnn-tensorflow - Multi-layer Recurrent Neural Networks (LSTM, RNN) for word-level language models in Python using TensorFlow
- Practical Examples for RNNs in Tensorflow http://www.wildml.com/2016/08/rnns-in-tensorflow-a-practical-guide-and-undocumented-features
- Introduction to Recurrent Networks in TensorFlow
- Introduction to Recurrent Networks in TensorFlow
- How to build a Recurrent Neural Network in TensorFlow (1/7)
- Using the RNN API in TensorFlow (2/7)
- Using the LSTM API in TensorFlow (3/7)
- Using the Multilayered LSTM API in TensorFlow (4/7)
- Using the DynamicRNN API in TensorFlow (5/7)
- Using the Dropout API in TensorFlow (6/7)
- TensorFlow RNN Tutorial
- [카카오톡 대화 생성기(http://jsideas.net/python/2017/04/05/kakao_rnn.html)
- Python Deep Learning tutorial: Create a GRU (RNN) in TensorFlow
- Implementing an RNN in Tensorflow - Recurrent Neural Network
- How to build a lyrics generator using Python and RNNs
- TensorFlow Tutorial for Time Series Prediction
- 일본어
- Time series prediction with multiple sequences input - LSTM LSTM 데이터 예측에 대한 입력 처리에 대한 글
- LSTM NEURAL NETWORK FOR TIME SERIES PREDICTION 주가 예측 및 정현파 예측
- Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras 국제선 승객에 관한 시계열 예측 문제
- TF-KR 첫모임: CNN과 Data Mutation을 이용한 Time Series Classification
- Time series classification with Tensorflow
- transformer - TensorFlow implementation of Attention Is All You Need. (2017. 6)
- Tensorflow Implementation of Pathnet from Google Deepmind
- TensorFlow implementation of Thin Plate Spline Spatial Transformer Network
- A Transformer Chatbot Tutorial with TensorFlow 2.0
- Transformer model for language understanding
- T2T: Tensor2Tensor Transformers - A library for generalized sequence to sequence models
- Transformer-TF2: TensorFlow implementation of "Attention is all you need (Transformer)"
- vision-transformer-tf: Reproduction of Vision Transformer in Tensorflow2. Train from scratch and Finetune
- Vision transformer를 추가적인 method 적용 없이 논문에 있는 method만을 이용해 재현
- tenosrflow에서 ViT 를 scratch 부터 학습하는 코드는 존재하지 않아서 타겟 논문 'An image is worth 16x16 words: Transformers for image recognition at scale' 와 'How to train your ViT? Data, Augmentation, and Regularization in Vision Transformers'으로 진행
- tensorflow로 구현된 제 ViT 코드의 경우 TPU를 이용하여 빠르게 학습
- vit-tensorflow: Vision Transformer Cookbook with Tensorflow
- TensorFlow 시작하기
- Tensorflow Tutorial : Part 1 – Introduction
- Tensorflow Tutorial : Part 2 – Getting Started
- Tensorflow Tutorial : Part 3 -Building your first model
- TensorFlow Tutorial
sess = tf.Session(config=tf.ConfigProto(gpu_options=tf.GPUOptions(allow_growth=True)))
- session이 필요한 최소한의 자원만 할당해서 사용할 것을 강제하는 옵션
- 여러 명이 서버에 붙어서 프로그램을 실행하는 경우 반드시 이 옵션을 사용해야지 GPU 자원을 공유해서 사용 가능
- TensorBoard 설정하기
- 실시간 업데이트(X) 2분마다 업데이트
- Early Stopping 및 Index Shuffling
- Save & Load Parameters - 학습된 모델을 저장하고 불러오는 기능
- Load Pre-defined Computation Graph and Trained Parameters - Computation Graph를 불러오는 기능
- TF learn 소개
- Part 2. Deep Reinforcement Learning (강화학습 소개)
- 게임의 룰을 쉽게 바꿔가면서 강화학습시킬 수 있는 재밌는 예제
- 녹색점을 먹으면 보상을 받고, 빨간점을 먹으면 페널티를 받는 게임
- 패널티의 점수를 바꿔보면 학습되는 양상이 변화
- 패널티가 적으면 빨간점을 좀 먹더라도 녹색점을 많이 먹는 방향으로 움직이는데, 패널티가 크면 빨간점 근처에는 가지도 않으려 한다
- Tensorflow Tutorial from Google Brain
- 텐서플로우 시작하기
- 텐서플로우(TensorFlow) 시작하기
- 텐서플로 걸음마 (TensorFlow Tutorial)
- TensorFlow - 딥러닝을 위한 TensorFlow
- The Ultimate List of TensorFlow Resources: Books, Tutorials, Libraries and More
- Code of TensorFlow Study
- s2 lab1-1: API.ai concept and terms
- s2 lab1-2: API.ai making bot demo
- s2 lab1-2: API.ai chat-bot demo (in English)
- Tensorflow internal
- 텐서플로 시작하기
- 텐서플로우 기초 이해하기 20160623
- TensorFlow 로 시작하는 기계 학습과 딥 러닝
- 텐서플로우 Basic
- dsmoon.tistory.com/category/Deep Learning/TensorFlow
- TensorFlow Tutorial
- Simple tutorials using Google's TensorFlow Framework
- TensorFlow-Tutorials - Introduction to deep learning based on Google's TensorFlow framework. These tutorials are direct ports of Newmu's Theano Tutorials
- Lecture 7: Introduction to TensorFlow
- CS 20SI: Tensorflow for Deep Learning Research
- CS224d: TensorFlow Tutorial Bharath Ramsundar
- Keras as a simplified interface to TensorFlow: tutorial
- TensorFlow Tutorial— Part 1
- Tensorflow Tutorial — Part 2
- TensorFlow Tutorial — Part 3
- Tensorflow Tutorials using Jupyter Notebook
- Jupyter with tensorflow on windows
- Deep Learning Tutorials in 6 Weeks
- Tensorflow implementations
- MNIST classification by TensorFlow
- tf_cnnvis - CNN visualization tool in TensorFlow
- MNIST for ML beginners
- tensorflow-mnist-tutorial
- 3. 텐서플로우(TensorFlow)를 이용한 MNIST 문자 인식 프로그램 만들기
- JPEG 이미지를 Tensorflow 입력으로 변환 (MNIST 참조)
- JPEG 이미지를 Tensorflow 입력으로 변환 (CIFAR10 참조)
- 딥러닝 CIFAR-10 CNN 예제에 내 사진을 넣어서 학습 시켜 보자
- Image Classification with CIFAR-10 dataset
- CIFAR-10 Image Classification in TensorFlow
- face_recognition
- MNIST의 Gray 이미지가 아니라 Color 이미지를 resize 해서 간단히 학습시키는 예제
- 학습 자체는 매우 단순했고, 학습 데이터 량도 작고, 작은 이미지로 resize 시켜서 모든 학습 데이터를 numpy data 형식(npz)으로 하나의 파일로 저장한 다음에 로드
- Convolutional Neural-Network for MNIST
- CNN vs RNN 을 이용하여 MNIST 데이타셋 다루기
- 10. 텐서플로우(TensorFlow)를 이용해서 MNIST 숫자 분류를 위한 Convolutional Neural Networks(CNNs) 구현해보기
- python – MNIST 데이터 세트 만들기 (MNIST 형식과 동일)
- 혼공머신-번외편 패션 MNIST의 레이블명을 데이터셋에서 가져오기
- VisualizeMnist - real-time visualization of a network recognizing digits from user's input
- AI 코드 리뷰 Fashion MNIST Tutorial - Tensorflow 2.0 Deep Learning Code Review
- ActiveLearning-MNIST.ipynb
- 실제 이미지 데이터를 활용한 CNN 모델 구현하기
- Simple end-to-end TensorFlow examples
- TensorFlow Examples
- Fizz Buzz in Tensorflow
- Julia Ferraioli, Amy Unruh, Eli Bixby - Diving into Machine Learning through TensorFlow - PyCon 2016
- codeonweb.com/course/tensorflow
- Gentlest Introduction to Tensorflow
- Gentlest Introduction to Tensorflow: Part 2
- Study_TensorFlow
- Intro to ML and TensorFlow Tutorial
- TensorFlow Tutorial #01 - Simple Linear Model
- TensorFlow Tutorial #02 - Convolutional Neural Network
- TensorFlow Tutorial #03 - PrettyTensor
- Google I/O Extended Seoul 2016 - Tensorflow 101
- TensorFlow at Google I/O 2018
- 모두를 위한 ML/DL 예제 실행
- Google TensorFlow Tutorial
- TensorFlow Variable-Length Sequence Classification
- TensorFlow-Examples/multigpu_basics.py
- DL with Neural Networks and TensorFlow Introduction
- ML with Python
- TensorFlow in a Nutshell — Part One: Basics
- TensorFlow in a Nutshell — Part Two: Hybrid Learning
- TensorFlow in a Nutshell — Part Three: All the Models
- Learning TensorFlow
- Practical tutorials and labs for TensorFlow used by Nvidia, FFN, CNN, RNN, Kaggle, AE
- solarisailab.com/archives/category/tensorflow
- github.com/tensorflow/models 프로젝트를 시작할 때 인터넷에 공개된 오픈소스 프로젝트를 clone해서 수정해서 사용하면 개발기간을 단축
- TensorFlow Data Input (Part 1): Placeholders, Protobufs & Queues
- TensorFlow-Slim image classification library
- TF-Slim: A high level library to define complex models in TensorFlow
- Image Segmentation using deconvolution layer in Tensorflow
- Semantic Segmentation
- 윈도우에서 Tensorflow slim 모델 사용하기 - 3.1 Caltech 이미지 다운로드
- (TF 1.1 & Slim) 4 학습된 모델 사용하기( Caltech)
- 텐서플로 강의 (편집본)
- 텐서플로 강의 (Full)
- github.com/leechanwoo/tensorflow-projects
- learningtensorflow.com
- pythonkim.tistory.com/category/머신러닝_김성훈교수님
- pythonkim.tistory.com/텐서플로우
- Re: 제로부터시작하는텐서플로우
- Machine Learning using Google's TensorFlow 17-May-2016
- TensorFlow For Poets
- ML_Practice with TensorFlow TensorFlow를 이용한 머신러닝 공부 자료
- 텐서플로우-#1 자료형의 이해
- 텐서플로우 #2 - 행렬과 텐서플로우
- 텐서플로우 #3-숫자를 인식하는 모델을 만들어보자
- 딥러닝을 이용한 숫자 이미지 인식 #1/2
- 딥러닝을 이용한 숫자 이미지 인식 #2/2
- 텐서보드를 이용하여 학습 과정을 시각화 해보자
- 텐서플로우 - 파일에서 학습데이타를 읽어보자#1
- 텐서플로우 - 파일에서 학습데이타를 읽어보자#2 (Reader와 Decoder)
- 연예인 얼굴 인식 모델을 만들어보자 - #1. 학습 데이타 준비하기
- 연예인 얼굴 인식 모델을 만들어보자 #2 CNN 모델을 만들고 학습 시켜보기
- 연예인 얼굴 인식 서비스를 만들어보자 #2-CSV에 있는 이미지 목록을 텐서로 읽어보자
- 얼굴 인식 모델을 만들어보자
- 머신러닝으로 얼굴 인식 모델 개발 삽질기
- CNN을 이용한 얼굴 분류기
- Learning Machine Learning with TensorFlow
- TensorFlow Tutorials
- Visualizing Neural Network Layer Activation (Tensorflow Tutorial)
- Visualizing TensorFlow Graphs in Jupyter Notebooks
- An implementation of weight/bias initializers and batch normalization in Tensorflow. MNIST database is used to show performance-comparison
- Style Transfer (Neural Style) - A tensorflow implementation of style transfer (neural style)
- Picking an optimizer for Style Transfer
- Fast Style Transfer - A tensorflow implementation of fast style transfer
- deep-photo-styletransfer-tf
- Neural Style Transfer: Creating Art with Deep Learning using tf.keras and eager execution
- Style Transfer - This Repo is originated from cs231n(2017) Assignment Repository
- Tensorflow and deep learning, without a PhD, Martin Gorner, Google
- Tensorflow and deep learning - without a PhD by Martin Görner
- Learning Tensorflow - Beginner-level tutorials for a powerful framework
- TensorFlow Python API Upgrade Utility
- Advanced TensorFlow - Collection of (Little More) Advanced TensorFlow Implementations
- TensorFlow Tutorial
- Getting started with Tensorflow
- TensorFlow Tutorials with YouTube Videos
- 랩탑으로 tensorflow 도전하기 - tensorflow 설치
- 랩탑으로 tensorflow 도전하기 - tutorial
- CNN 초보자가 만드는 초보자 가이드 (VGG 약간 포함)
- 5장 다중 계층 신경망 (Multi-Layer Neural Network)
- deep_learning_4_ai - Works and thoughts on how might deep learning help to achieve artificial intelligence
- 모두를 위한 TensorFlow
- tensorflow를 이용한 선형 회귀 분석
- github.com/maestrojeong/tensorflowcoding
- github.com/ubro/tensor-sample
- 2017년 겨울 끝자락: Tensorflow study
- 10 minutes Practical TensorFlow Tutorial for quick learners
- How to use tensorflow api
- github.com/maestrojeong/tensorflow_basic
- SNU TF 스터디 발표 자료
- SNU TF
- A quick complete tutorial to save and restore Tensorflow models
- github.com/MorvanZhou/Tensorflow-Tutorial
- github.com/Kyubyong
- Deep Learning Tutorial | Deep Learning Neural Networks | Deep Learning With TensorFlow | Edureka
- github.com/awjuliani/TF-Tutorials
- file load - contrib안의 data class 이용
- github.com/zerosum99/tensorflow_ipynb
- Tensorflow tutorial for "Methods for Interpreting and Understanding Deep Neural Networks"
- Getting Started with TensorFlow (Beginner Level) | SciPy 2018 Tutorial | Josh Gordon
- Tensorflow Scan Tutorial
- Ultimate Guide to Getting Started with TensorFlow
- lilianweng.github.io/lil-log/tag/tutorial
- Tensorflow RNN Tutorial
- Tensorflow 2 RNN tutorial
- Simple Tensorflow Cookbook for easy-to-use
- TensorFlow Tutorial For Beginners
- tensorflow_tutorial udacity course
- Classifying Images of Clothing Fashion MNIST 사용
- CNN을 사용한 fashion mnist - 미완성의신
- 완전 쉬운 인공지능, AI, 머신러닝, 딥러닝
- tensor로부터 특정 index 값 추출하는 4가지 방법
- 텐서플로2 딥러닝
- TensorFlow TPU 학습 101
- Tensorflow가 뭔가요? (설치없이 머신러닝 사용해보기) - YouTube
- TensorFlow Tutorial 2 - Tensor Basics
- Getting started with TensorFlow
- TensorFlow 2.0 Complete Course - Python Neural Networks for Beginners Tutorial - YouTube
- Neural Networks & TensorfFlow Crash Course
- 9 Best Tensorflow Courses & Certifications Online in 2021- Find the Best!
- Build your first neural network with Tenorflow
- 파이썬 머신러닝 스터디 모두의 딥러닝 computational graph | sTricky
- 파이썬 머신러닝 linear regression과 supervised learning (모두의 딥러닝) | sTricky
- Multivariable linear regression 딥러닝 예제 개념 및 실습 | sTricky
- Logistic classification 모두의 딥러닝 실습 및 개념 파악 하기 | sTricky
- Softmax Regression 기본 개념 파악 및 실습하기 | sTricky
- 꿀벌개발일지 :: DeepLearning.AI TensorFlow Developer 노트
- 7 Best Free Tensorflow Courses You Must Know in 2021
- Best TensorFlow Courses from World-Class Educators
- Tensorflow (python) - 생활코딩