- 수학자는 어떻게 인공지능을 발전시키는가?
- Deep Dive into Math Behind Deep Networks
- MathsDL-spring18 - Topics course Mathematics of Deep Learning, NYU, Spring 18
- 딥러닝(데이터분석/머신러닝)을 위한 수학
- 왜 크로스 엔트로피를 쓸까? 정확도의 이론적 바운드
- 딥러닝 마일스톤
- From Perceptron to Deep Neural Nets
- 인공신경망, 퍼셉트론
- Building a Deep Neural Net In Google Sheets
- Deep Learning - Taking machine learning to the next level
- Deep Learning Nanodegree Foundation
- Awesome Deep Learning
- Awesome Deep Learning Resources
- DeepLearning-Summary
- awesome-network-embedding
- Deep Learning Drizzle
- Deep Learning Drizzle
- Deep Learning - 2016년 8월부터 딥러닝공부를 하면서 봤던 강의영상, 동영상, 블로그들의 목록입니다
- digest.deeplearningweekly.com
- Top Deep Learning Projects
- Deep Learning Resources
- Up to Speed on Deep Learning: September, Part 2 and October, Part 1
- My playlist – Top YouTube Videos on Machine HALearning, Neural Network & Deep Learning
- Designing Machine Learning Models: A Tale of Precision and Recall
- Deep Learning Study Caffe, TensorFlow
- The Deep Learning Playbook
- A Brief Overview of Deep Learning
- github.com/wbaek/deeplearing_exercise
- deepcumen.com
- Deep Learning Study - Study of HeXA at Ulsan National Institute of Science and Technology
- My Journal from Neural Network to Deep Learning: A Brief Introduction to Deep Learning. Contents
- Deep learning - Yann LeCun, Yoshua Bengio & Geoffrey Hinton
- nvidia Deep Learning Courses
- Best Resources to Learn Deep Learning( YouTube, Tutorials, etc)- 2021
- Best Courses to Learn Deep Learning Beginner to Advanced Level-2022
- Why GEMM is at the heart of deep learning
- 딥러닝 워크샵: 딥러닝의 현재와 미래
- Deep Learning at Flickr, Pierre Garrigues
- Andrew Ng: Why ‘Deep Learning’ Is a Mandate for Humans, Not Just Machines
- Andrew Ng: Deep Learning, Self-Taught Learning and Unsupervised Feature Learning
- The tensor renaissance in data science
- Tensor Explained
- The Paradox of Deeper Learning: The Unlearning Curve
- Are there Deep Reasons Underlying the Pathologies of Today’s Deep Learning Algorithms?
- 집단지성프로그래밍 05. 최적화(optimization) 김지은 20150522
- A birds-eye view of optimization algorithms
- slideslive.com/iclr
- Top 8 trends from ICLR 2019 번역글
- Deep Learning for Computer Vision Barcelona
- Algorithms of the Mind
- What's Wrong With Deep Learning?
- Why does Deep Learning work?
- Why Deep Learning Works II: the Renormalization Group
- Why Deep Learning Works
- Normalization 방법
- Normalization vs Standardization - Quantitative analysis (KR)
- 18 Great Deep Learning Resources, most free
- 인공지능의 눈으로 바라본 세상
- XLDB2015: Accelerating Deep Learning at Facebook
- The Brain vs Deep Learning Part I: Computational Complexity — Or Why the Singularity Is Nowhere Near
- A Beginner’s Guide to Restricted Boltzmann Machines
- Energy based models and boltzmann machines - v2.0
- 내맘대로 이해하는 Deep Belief Network와Restricted Boltzmann Machine
- Deep Learning meets Physics: Restricted Boltzmann Machines Part I
- Deep learning for assisting the process of music composition
- Neural Translation of Musical Style
- End-to-end Music Classification
- Sound Classification using Deep Learning
- Guitar-Set, a New Dataset for Music Information Retrieval
- Music Deep learning 프로젝트는 왜 별로 없을까요?
- Machine Learning for Creativity and Design Workshop (NeurIPS2018), and +@
- Andrew Ng: Deep Learning, Self-Taught Learning and Unsupervised Feature Learning
- Deep Learning Summer School 2015
- Deep Learning Summer School 2016
- Deep Learning Summer School, Montreal 2017
- 26 THINGS I LEARNED IN THE DEEP LEARNING SUMMER SCHOOL
- Deep Learning and Neural Networks
- 한국에서 처음 열린 GTC, 딥러닝의 현재를 이야기하다
- 네이버, 사람 없이 이미지 뉴스 만든다
- Deep Learning Startups, Applications and Acquisitions – A Summary
- Theoretical Motivations for Deep Learning
- How We Use Deep Learning to Classify Business Photos at Yelp
- PyData Tel Aviv Meetup: Deep Analysis of Clickstream - Segev Arbiv classify web traffic
- Artificial Intelligence, Neural Networks, and Deep Learning
- Deep Learning in a Single File for Smart Devices
- Boosting Methods
- Deep Residual Networks
- stat212b - Topics Course on Deep Learning for Spring 2016
- Fujitsu develops new deep learning technology to analyze time-series data with high precision
- 2016-02-17~18 자연어처리 튜토리얼 심층학습과 언어처리 응용
- TensorFlow Tutorial; SKT 정상근 박사님
- GitHub
- mnist.py 파일을 먼저 본다.
- mnist_with_monitoring.py
- TensorBoard 서버에 모니터링 로그를 보내고 웹으로 볼 수 있다
- Keras
- computaion backend를 추상화하여 편하게 적용할 수 있도록 하는 라이브러리
- theano, tensorflow 둘다 지원
- 형태소 분석기같은 걸 빠르게 만들어 보기에 좋다
- pos_tagger_fcn.py
- word embedding => wikipedia로 SENNA에서 만들어서 오픈한 데이터
- 변수명은 mnist와 일부러 동일하게 뒀으니 비교해서 보면 좋음
- 참고: fcn => fully connected network
- pos_tagger_rnn_seq.py
- 궁극의 코드!
- learning rate를 처음에는 크게해서 점점 작게 만들어 준다
- optimizer를 바꿔가며 학습을 할 수도 있다
- epoch이 50이 넘으면 중간에 바꿔라! 등
- TensorFlow github 소스에 보면,
- models -> rnn -> translate 구글의 기계번역 소스가 있다
- https://github.com/tensorflow/tensorflow/tree/master/tensorflow/models/rnn/translate
- Deep Learning for NLP 응용; 강원대 이창기 박사님
- NLP from Scratch
- SENNA
- CNN + CRF
- RNN(LSTM) + attention score
- attention score는 alignment prob과 동일한 역할을 해준다.
- t-SNE scatter plot
- 자질의 차원을 축소하여 2차원으로 뿌려주는 방식
- TensorFlow Tutorial; SKT 정상근 박사님
- Visualizing Deep Learning with t-SNE (Tutorial and Video)
- Make Your Own 3D t-SNE Visualizations (Download Binary and Code)
- 오픈 소스 딥러닝 소프트웨어
- DataScience/Deep Learning
- Introduction to Deep Learning for Image Analysis at Strata NYC, Sep 2015
- Show and tell takmin: A Neural Image Caption Generator
- Building an Automated Image Captioning Application
- 그림 그리는 AI
- 딥러닝 임팩트가 온다
- Deep Learning for Visual Question Answering
- Visualizing and Understanding Deep Neural Networks by Matt Zeiler
- Visualizing Deep Learning Networks - Part II
- How to draw Deep learning network architecture diagrams?
- When Does Deep Learning Work Better Than SVMs or Random Forests?
- openai.com
- OpenAI Universe (OpenAI)
- 오픈소스로…인공지능 학습 플랫폼
- GTA V + Universe
- Actor Critic with OpenAI Gym
- Learning to communicate
- 첫번째 프로젝트: gym 기반으로 틱택토 환경 만들어 보기
- atari_py - A Windows-MSYS2-MinGW compatible version of https://github.com/openai/ale_python_interface
- 강화학습 그리고 OpenAI - 1: Introduction to OpenAI
- Gathering Human Feedback
- Rendering OpenAi Gym in Colaboratory.ipynb
- multiprocessing에서 gym이 오작동하는 경우
- OpenAI's Jukebox has a Colab Notebook for interacting with it!
- OpenAI Model Generates Python Code - YouTube
- Trending use cases of GPT-3 by openAI | by Anjali | Eoraa & Co. | Aug, 2021 | Medium
- Introducing Text and Code Embeddings in the OpenAI API
- Solving (Some) Formal Math Olympiad Problems
- How to Build an OpenAI Powered Tool Really Quickly - YouTube
- DALL·E: Creating Images from Text
- DALL-E, 메타버스, 그리고 한계비용 제로 콘텐츠 (번역) – 이바닥늬우스
- I replaced all our blog thumbnails using DALL·E 2 for $45: here’s what I learned | Deephaven
- 이미지가 있는 블로그 글은 2.3배 더 engagement가 높은데, 이 블로그 이미지를 만들 사람이 없으므로
- DALL·E 2를 이용해서 블로그의 이미지를 만들어 내면서 배운 과정 설명
- DALL·E 2 프롬프트에 설명을 적으면 이미지를 얻을 수 있는데 이때
- 창의성이 꽤 필요, 원하는 이미지를 얻으려면 연습이 좀 필요
- 스타일 수정 요구사항을 주면 도움
- 아이디어를 얻기 위해 Reddit의 도움을 받을 수 있고
- 이상한 문자를 종종 출력하므로 이는 따로 지우는 게 좋음
- 특히 숫자에 대한 것은 잘 처리 못함
- 예술에서 사람의 역할이 곧 사라지진 않겠지만 이미지 사이트는 오래 가지 않을 거라고 얘기, 100개 블로그 이미지를 얻는데 45달러
- 이미지가 있는 블로그 글은 2.3배 더 engagement가 높은데, 이 블로그 이미지를 만들 사람이 없으므로
- How I Used DALL·E 2 to Generate The Logo for OctoSQL | Jacob Martin
- OctoSQL이라는 프로젝트의 로고를 만들기 위해서 DALL·E 2를 사용하는 과정 설명
- Octo라는 이름이 붙은 만큼 문어가 들어간 원하는 아이디어가 있었고
- 원하는 이미지를 얻기 위해서 계속해서 키워드를 바꿔가면서 얻어낸 로고의 기록
- The-DALL·E-2-prompt-book-v1.02.pdf
- DALL·E 2의 프롬프트를 어떻게 이용할 수 있고 어떤 결과가 나오는지 정리된 PDF. DALL·E 2를 활용하기 전에 참고해 보기 좋은 문서
- 산타 방문 증빙 feat. DALL.E | Pega Devlog
- Alejandro Saucedo - Industrial Strength DALLE-E:Scaling Complex Large Text & Image Models - YouTube
- ChatGPT로 한글과 한자가 적힌 카드 만들기 | Pega Devlog
- DALL.E 대비가 강한 그림 그리기 | Pega Devlog
- DALL.E로 그리는 "그리는 손" (M.C Escher) | Pega Devlog
- DALL.E, Watermark & Signature | Pega Devlog
- DALL·E 3
- DALL.E style (1) GPT로 스타일 리스팅 | Pega Devlog
- DALL.E style (2) API 사용 달리공장 | Pega Devlog
- DALL.E style (3) 스타일 가이드북 | Pega Devlog
- OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
- openai-cookbook: Examples and guides for using the OpenAI API
- OpenAI Gym Beta
- OpenAI는 뉴럴 네트워크 대형 모델을 어떻게 학습시키는가
- OpenAI API with Python | 3 Use Cases with codes - YouTube
- Function calling and other API updates
- OpenAI 의 미래 로드맵 - 샘 알트만 대담 요약 - TILNOTE
- Developing an AI-based Business Data Analyst using OpenAI Function Calling - Bernhard Schäfer - YouTube
- OpenAI, 새로운 임베딩 모델 공개 및 API 업데이트 | GeekNews
- openai api code 429, You exceeded your current quota, please check your plan and billing details 에러 해결하기 | 사진찍는 웹 개발자의 블로그
- OpenAI와 일론 머스크 | GeekNews
- evals: Evals is a framework for evaluating OpenAI models and an open-source registry of benchmarks
- openai-scala-client: Scala client for OpenAI API
- openai-zio: A ZIO API Client for Open AI's API
- orrb - Code for the paper "OpenAI Remote Rendering Backend"
- requests-for-research
- PIXELCNN++: A PIXELCNN IMPLEMENTATION WITH DISCRETIZED LOGISTIC MIXTURE LIKELIHOOD AND OTHER MODIFICATIONS
- whisper.cpp: Port of OpenAI's Whisper model in C/C++
- wolverine
- Neural Programmer-Interpreters
- Video Recordings of the ICML’15 Deep Learning Workshop
- Deep Learning: Nine Lectures at Collège de France
- Deep Learning with RE•WORK #reworkDL
- csl.sony.fr/publications
- Deep Patient: An Unsupervised Representation to Predict the Future of Patients from the Electronic Health Records
- deepnumbers.com
- 10 Deep Learning Terms Explained in Simple English
- A Statistical View of Deep Learning
- Deep Learning in Practice: Speech Recognition and Beyond
- CHAR2WAV: END-TO-END SPEECH SYNTHESIS
- DEEP LEARNING AND REINFORCEMENT LEARNING SUMMER SCHOOL 2017
- Google DeepMind Teaches Artificial Intelligence Machines to Read
- WaveNet: A Generative Model for Raw Audio
- 10 Deep Learning Trends at NIPS 2015
- Nuts and Bolts of Building Deep Learning Applications: Ng @ NIPS2016
- Fast and Provably Good Seedings for k-Means
- 클러스터링과 KMeans를 이용한 데이타의 군집화
- Hierarchical clustering을 이용한 데이타 군집화
- DeepMind Papers @ NIPS (Part 1)
- DeepMind Papers @ NIPS (Part 2)
- DeepMind Papers @ NIPS (Part 3)
- Repo. for NIPS 2016 papers
- Bayesian Deep Learning NIPS 2016 Workshop
- Bayesian Deep Learning
- Bayesian Machine Learning, Explained
- Bayesian Recurrent Neural Networks
- Understanding Bayesian Deep Learning
- Bayesian-deep-learning
- IRT and DKT implementation
- Magenta wins "Best Demo" at NIPS 2016!
- DeepMind Lab (DeepMind)
- Learning explanatory rules from noisy data
- 신경망의 직관적/지각적 추론과 논리 프로그래밍쪽의 상징/논리 추론을 결합한 프레임워크 ∂ILP
- 모두의연구소 쫄지말자딥러닝
- 쫄지말자딥러닝2 - CNN RNN 포함버전
- www.modulabs.co.kr/DeepLAB
- 딥러닝연구실 과거 자료
- What My Deep Model Doesn't Know
- Train your deep model faster and sharper — two novel techniques training 속도 단축 방법
- tobigs-gm1 ( 생성모델쟁이) / 시리즈- velog
- Deep Learning with Eigenvalue Decay Regularizer
- Eigenfaces
- Deep Network with Stochastic Depth
- Prof. Geoff Hinton - Deep Learning
- Deep Learning for Recommender Systems
- 맥주마시며 만들어본 딥러닝 맥주 추천엔진 python
- SVD를 이용한 추천 시스템 구현하기
- 딥러닝 개인화 추천
- 딥러닝 추천 시스템 in production airflow -> kubeflow
- Absolute ANN: A simplified approach for structuring the learnt representations
- 차원 축소 (Principal Component Analysis)
- 차원 감소와 PCA 분석
- #5.0. PCA의 이해 (1)
- PCA: "분산이 큰 축일 수록 정보가 더 많다?"
- PCA; Dimension Reduction + $\alpha$ | Pega Devlog
- 주성분 분석(Principal Component Analysis) 직관적 & 수식적 설명
- A step by step explanation of Principal Component Analysis
- CS 7931: Deep Learning Seminar
- Stanford Seminar - Song Han of Stanford University
- Deep Learning, Tools and Methods workshop
- How to Start Learning Deep Learning
- Summary of Deep Learning Environments
- Deep Learning for Object Detection with DIGITS
- Lecture Slides for Deeplearning book
- khanrc.tistory.com/category/DataScience/Deep Learning
- 도커와 AWS를 활용한 클라우드 딥러닝 환경 구축
- Initialization Of Deep Networks Case of Rectifiers
- ANN 구현하고 x^2 근사함수 찾기
- Universal Approximation Theorem 에 따르면 간단한 ANN으로도 가능
- 구현된 간단한 ANN
- 입력 레이어: 노드 1개
- x 그대로임. 즉, feature 로서 다항식이나 비선형 함수 사용하지 않음
- 히든 레이어: 1개, 노드: 50개
- a = sigmoid(wx + b1)
- 출력 레이어: 노드 1개
- o = wa + b2
- 코스트 함수: Squared Error
- 히든 레이어가 하나라서 DNN이라고 적지 않음
- ANN 중 가장 표준적이고 기초적이라고 할 수 있는 ANN 그대로, 또는 그중에서도 가장 간단한 형태라고 보면 됨
- 입력 레이어: 노드 1개
- 실험 결과
- t(x)=x^2 함수: x=[1.0~12.0]까지 학습 시켰는데 잘 되었음
- t(x)=sin(x) 함수: x=[1.0~10.0]까지 학습 시켰는데 잘 되었음
- t(x)=x^3+3 * sin(x)^2-10 함수: x=[-5.5~5.5]까지 학습 시켰는데 잘 되었음
- 히든 노드수를 늘릴 수록 더 넓은 범위의 x 값을 커버할 수 있음을 일정 범위 내에서 확인
- 코드
- numpy 외에 아무런 라이브러리도 사용하지 않았음
- Back Propagation 외에 요구되는 배경 지식은 없음
- python 3.5 환경에서 작성 하였고, numpy만 있으면 실행 됨
- 실행 동영상
- iteration: 학습 회수
- train: 학습 데이터
- test: 학습되지 않은 데이터
- x: 입력
- h: 학습된 네트워크의 결과
- y: 정답 출력
- cost: squared error
- "손으로 아무렇게나 그린 함수"를 "초간단 ANN으로 근사 시키기"; Universal Approximation Theorem의 내용 직접 실험
- [Human Learning #1003 : Visual Test of Universal Approximation Theorem]((https://www.youtube.com/watch?v=SahmdQs6X74&list=PLefQdA1SdkhtRUuN_D3PdxaR2XTGQw8Ph&index=9)
- ANN; 지난 글에서와 마찬가지 초간단 (Deep도 아닌) ANN
- 히든 레이어 1개, 히든 노드 100개
- 입력 레이어: 노드 1개
- x 그대로임. 즉, feature 로서 다항식이나 비선형 함수 사용하지 않음
- 히든 레이어: 1개, 노드: 100개
- a = sigmoid(w1*x + b1)
- 출력 레이어: 노드 1개
- o = w2*a + b2
- 코스트 함수: Squared Error
- 코드
- Artificial Neural Network의 기초, Gradient Descent의 기초, Back Propagation의 기초
- python에서 매트릭스 다루는 법: numpy
- python에서 그래프 그리는 법: matplotlib
- python에서 이미지 읽는 법: skimage
- Learning Rate 변경에 따른 학습 능력의 변화, 히든 노드수 변경에 따른 학습 능력의 변화
- 실행환경
- python3.5 및 numpy
- 처음부터 새로 설치 하려면 다음 영상을 참고
- 실행방법
- python 1003.py [이미지파일경로]
- 이미지 파일 경로에 data/1003_plot1.png 등을 넣어주면 됨
- 예제 이미지 git 페이지
- Universal Approximation Theorem
- Universal Approximation Theorem
- 수식 t(x)는 아무 곡선이나 임의로 그려 보기 위해서 사용한 도구일 뿐인 것으로 이해해야 함
- 즉, 수식 t(x)의 식이 중요한 것은 아님. 수식 t(x)의 내용을 문제 출제자도 모르는 상태에서 아무렇게나 (물론 함수로 표현은 가능하게) 곡선들을 그려넣으면 단순한 ANN으로도 언제나 그 곡선이 표현 가능
- 즉 그 곡선에 거의 딱 맞는 함수 t(x)를 (사람은 모르고, 아마 만들 낼수도 없어도) 기계가 (단순 함수 f1, f2 등의 조합으로) 만들수 낼수 있다는 것을 실험해 본 것
- 그렇기 때문에 학습한 범위 밖의 t(x)를 추정 할수 있느냐 없느냐는 여기서는 중요하지 않음
- 왜냐하면 수식 t(x)는 범위 안의 값을 그리기 위해서 사용한 도구였으므로 사실 t(x)가 아니라 (범위 안의 출력만 일치 한다면) 수식 t2(x) 또는 t3(x)였어도 상관이 없음
- ANN은 머신러닝을 통해서 수식 t(x)가 아니라 수식 t10(x)를 만들어 낸 것
- 자율운전의 이상적인 정답 함수 세트 T(x)가 존재 한다면 그 함수들은 사람이 수식으로 쓸수는 없으나(!) (운전 데이터를 통해서) 곡선 그림 t(x)를 그려주면 기계가 머신러닝으로 근사함수 h(x)를 만들어 낼수도 있지 않을까? 하는 것을 보여주는 실험
- 바둑의 이상적인 정답 함수 세트 T(x) 또한 사람은 그 함수들의 수식을 정리할 능력이 없지만 기초 학습을 위한 그림 t(x)는 (기보 데이터를 통해서) 그려줄수는 있고 알파고는 우선 그 사람이 그려준 그림 t(x)에 근사하는 h(x)를 머신러닝을 통해서 만들어 보는 것으로 시작
- 그 근사가 어느 정도 완료된 이후엔 자기 h1(x) vs 자기 h2(x) 싸움을 통한 학습에 들어가므로 t(x)는 불필요
- 실험 실행 영상; 다음 3가지 함수에 대하여 실험한 영상 첨부
- x^2
- 8*x^2-X^3
- 10*sin(X)+(X-4)^2-10
- 초록색 선: 실제 함수
- 파란색 점: 학습용 정답 데이터
- 빨간색 점: 학습 결과 만들어진 근사 함수의 출력 데이터
- 코드
- ANN; 지난 글에서와 마찬가지 초간단 (Deep도 아닌) ANN이고, 히든 노드만 100개로 변경함
- 입력 레이어: 노드 1개
- x 그대로임. 즉, feature 로서 다항식이나 비선형 함수 사용하지 않음
- 히든 레이어: 1개, 노드: 100개
- a = sigmoid(w1*x + b1)
- 출력 레이어: 노드 1개
- o = w2*a + b2
- 코스트 함수: Squared Error
- 입력 레이어: 노드 1개
- 실행 환경 준비; python3.5, numpy, matplotlib 설치
- 목표 함수 t에 따라서 사람이 조정해야 하는 값
- Learning Rate: 너무 작게 하면 학습이 느리고, 너무 크게 하면 학습이 안 됨
- 히든 노드수: 너무 적으면 학습이 불가능할테고, 너무 많으면 학습이 느려짐
- 머신 러닝이란 무엇일까?
- Neural Network Algorithms - Learn How To Train ANN
- research.artifacia.com
- Source Code Classification Using Deep Learning
- Deep Learning Cases: Text and Image Processing
- Introduction to Deep Learning part 1
- Introduction to Deep Learning part 2
- An introduction to Deep Learning by Breandan Considine
- 딥러닝의 인공지능 수단으로서의 성격과 방향
- CM 세미나
- Deep Learning in real world @Deep Learning Tokyo
- Bay Area DL School Live Stream!
- Deep Generative Models
- Generative Model 101 실제와 유사한 음악이나 이미지를 만들어내는 "Generative Model" 주요 논문 정리
- Deep Advances in Generative Modeling
- Latent Constraints: Conditional Generation from Unconditional Generative Models coalb code
- 딥러닝 ‘생성모델’과 ‘잠재 벡터’에 관하여 – AI PLUS Tech Blog
- slow paper Glow: Generative Flow with Invertible 1x1 Convolutions | by Sunwoo Park | Medium generative model
- Nocode, Serverless cloud Services for Generative AI : monokode stein / 제1회 kakao tech meet – tech.kakao.com
- How generative AI is changing the way developers work - The GitHub Blog
- GITxAWS AWS GenAI Basic Training - Day1 기초 - YouTube
- GITxAWS AWS GenAI Basic Training - Day2 심화 - YouTube
- Nuts and Bolts of Applying Deep Learning: Tips and Tricks by Andrew Ng
- Evaluation of Deep Learning Toolkits
- 딥러닝 프레임워크 조사와 몇가지 홍보
- Deep Learning Frameworks 주요 프레임워크들의 설치를 쉽게 안내하는 엔비디아 페이지
- 딥러닝프레임워크비교
- Comparison of deep learning software 위키피디아의 방대한 딥러닝 프레임워크 비교 표
- Comparison of deep learning software/Resources 위에서 커버되지 않은 최신 프레임워크들
- Deep Learning Framework Examples
- Comparing Deep Learning Frameworks: A Rosetta Stone Approach
- 【PyTorch、Chainer、Keras、TensorFlow】ディープラーニングのフレームワークの利点・欠点【2017年10月更新】
- Release Chainer Chemistry: A library for Deep Learning in Biology and Chemistry
- A Look at Popular Machine Learning Frameworks 프레임워크들의 깃허브와 스택오버플로에서의 관심도 차이
- Battle of the Deep Learning frameworks — Part I: 2017, even more frameworks and interfaces
- 데이터지능 E9 딥러닝 프레임워크 및 활용편
- Choosing a Deep Learning Framework in 2018: Tensorflow or Pytorch?
- Deep Learning Framework Power Scores 2018
- The Deep Learning Toolset — An Overview
- Top 10 Deep Learning Github Repositories 2018
- 딥러닝 분산처리 기술동향
- DEEP LEARNING Your daily dose of Deep learning 딥러닝에 대한 기사
- The Next Wave of Deep Learning Architectures 이후 딥러닝 HW에 대한 전망 (2016년 3Q 기준)
- Deep Architecture Genealogy
- Reward Augmented Maximum Likelihood for Neural Structured Prediction
- reinforcement learning에서의 아이디어를 가져와 maximum likelihood objective를 확장해 training data로부터 추가적인 데이터를 샘플링
- 결과적으로 알고리즘은 간단한 데이터 전처리에 불과한, Speech recognition과 neural machine translation 모두에 있어서 상당한 성능의 향상
- reinforcement learning과 supervised learning의 아이디어가 결합. structured prediction에서 전통적인 기계학습의 아이디어와 신경망이 결합해 좋은 결과를 가져옴
- Deep Learning Reading Group: SqueezeNet
- Uncertainty in Deep Learning (PhD Thesis)
- Deep Learning’s Uncertainty Principle
- Malte Tichy - Knowing what you don’t know matters- Uncertainty-aware model rating - YouTube
- Tensor Physics for Deep Learning
- Deep Visualization Toolbox
- DEVIEW 2016 딥러닝/머신러닝 관련 슬라이드
- 통역하는 앵무새 파파고 이야기
- 딥러닝을 이용한 지역 컨텍스트 검색
- 딥러닝을 활용한 이미지 검색: 포토요약과 타임라인
- 딥러닝과 강화 학습으로 나보다 잘하는 쿠키런 AI 구현하기
- Backend 개발자의 Neural Machine Translation 개발기
- YARN 기반의 Deep Learning Application Cluster 구축
- Multimodal Residual Learning for Visual Question-Answering
- 딥러닝 예제로 보는 개발자를 위한 통계
- Deep Recurrent Neural Network를 이용한 대용량 텍스트 마이닝 기술 및 실제 응용사례
- 빅데이터 분석에 적합한 LDA & HDP 베이지안 토픽모형에 대한 알고리즘
- Deep Learning is Revolutionary - 10 reasons why deep learning is living up to the hype
- Intelligence Platform Stack
- UFLDL Tutorial
- Batch Normalization 설명 및 구현
- Batch normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift
- Understanding Batch Normalization with Examples in Numpy and Tensorflow with Interactive Code
- Introduction to Deep Learning Normalization
- Deep Learning - Achieve faster training of deep neural networks on a robust, scalable infrastructure
- CPU, GPU Put to Deep Learning Framework Test
- XPU(GPU, IPU, TPU 등) – Hardware Acceleration #1 – <A Story about…/>
- 딥러닝의 역사와 기본 개념
- 김현호: 오늘 당장 딥러닝 실험하기 - PyCon Korea 2015
- Nuts and Bolts of Applying Deep Learning
- 한눈에 보는 실리콘밸리 AI 트렌드(2)
- The major advancements in Deep Learning in 2016
- Deep Learning Into Advance - 1. Image, ConvNet
- Deep Learning SIMPLIFIED
- Intel® Distribution for Python for high performance to supercharge all your Python applications on modern Intel platforms
- Deep Learning Demystified
- Recognizing Sounds (A Deep Learning Case Study)
- Has Deep Learning Made Traditional Machine Learning Irrelevant?
- Feedback Networks
- paper
- 영상분야 Deep Learning에서 일반적인 학습 모델은 연속적인 ConvNets layers를 이용하여 Feature를 추출한 다음 classification layer가 이어지는 모델을 기반
- 본 논문에서는 이러한 일반적인 Feedfoward Multi Layers 대신 동일한 목표를 달성 할 수있는 대안을 제시
- Recurrent Neural Networks의 개념을 도입하여 이전 출력에서 받은 피드백을 기반으로 반복적으로 표현이 형성되는 Feedback 기반 접근 방식을 제시
- Feedback 기반 접근 방식은 Feedfoward보다 몇 가지 장점
- 연산과정 중 초기에 예측 가능
- 출력은 자연스럽게 레이블 공간의 계층 구조 (예 : 분류법)를 따르며 커리큘럼의 새로운 기초를 제공
- Feedback 네트워크는 이러한 장점외에 Feedfoward 대응 네트워크와 비교하여 상당히 다른 표현의 개발이 가능(Feedback architecture (예 : skip connections in time) 및 디자인 선택 (예 : 피드백 길이))
- A Theory Explains Deep Learning
- 20170121 한국인공지능협회 - 제7차 오픈세미나 - 딥러닝
- DeepMind just published a mind blowing paper: PathNet
- Bringing HPC Techniques to Deep Learning
- 여러대 GPU머신을 이용하여 parallel하게 학습할 때 네트웍 오버헤드 때문에 오히려 속도가 감소
- 바이두에서 ring allreduce라는 알고리즘으로 해결
- 実世界の人工知能@DeNA TechCon 2017
- Deep Forest: Towards An Alternative to Deep Neural Networks
- Asynchronous Advantage Actor-Critic (A3C)
- 스스로 코딩을 하는 인공지능의 현 주소-Deepcoder
- Improving Hardware Efficiency for DNN Applications
- DeepLearning 연구 2016 년의 정리 일본어 번역
- Squeezing Deep Learning Into Mobile Phones
- 짚으면 찾아주는 사전 - Just Point It와 모바일 머신러닝
- 딥러닝 분산처리 기술동향
- Understanding deep learning requires rethinking generalization (2017) 1/2
- Understanding deep learning requires rethinking generalization (2017) 2 2(2)
- Rethinking Generalization in Deep Learning
- Deep Learning From A to Z (Raphael Gontijo Lopes)
- Linear algebra cheat sheet for deep learning
- Linear Algebra for Deep Learning
- The Black Magic of Deep Learning - Tips and Tricks for the practitioner
- Game Theory reveals the Future of Deep Learning
- Game Theory Study (1) Introduction and Overview
- todaysdeeplearning.com
- Try Deep Learning in Python now with a fully pre-configured VM VMWare
- Why Momentum Really Works
- dlwiki.finfra.com/start
- Deconvolution and Checkerboard Artifacts
- Compressing and regularizing deep neural networks 번역
- Deep Learning for Program Synthesis
- Welcome to The Advanced Matrix Factorization Jungle
- 인공지능은 의료를 어떻게 혁신할 것인가 (1) 제2의 기계시대와 의료 인공지능
- Deep learning techniques
- Deep Learning Methods for Image Classification
- Deep Learning Image Classification Guidebook 1 LeNet, AlexNet, ZFNet, VGG, GoogLeNet, ResNet
- Kullback-Leibler Divergence Explained
- The Strange Loop in Deep Learning
- Training a deep learning model to steer a car in 99 lines of code
- Lane Detection with Deep Learning (Part 1)
- 카카오AI리포트
- Deep Learning Project Workflow
- Affine Transformation
- 애파인 변환 Affine Transformation
- THE MNIST DATABASE of handwritten digits
- Applying deep learning to real-world problems
- Practical UseCases of Deep Learning Techniques
- Practical UseCases of Deep Learning Techniques… Part II
- Policy Gradient
- 0. Policy Gradient의 세계로
- PG Travel Guide
- Policy Gradients in a Nutshell
- 강화학습 DDPG 리뷰 Deep Deterministic Policy Gradient
- Policy Gradient is all you need! A step-by-step tutorial for well-known PG methods
- 가깝고도 먼 Trpo
- Policy Gradient(정책 경사) 시리즈 7 - TRPO(1부) : 네이버블로그
- Policy Gradient(정책 경사) 시리즈 7 - TRPO(2부) : 네이버블로그
- You can probably use deep learning even if your data isn't that big
- 번역 2017년 iOS를 위한 나의 개발 툴 셋
- The $1700 great Deep Learning box: Assembly, setup and benchmarks
- Kernel Mixture Networks
- Taxonomy of Methods for Deep Meta Learning
- From zero to research — An introduction to Meta-learning
- Awesome Meta Learning
- Baysian Model-Agnostic Meta-Learning
- Baysian Model-Agnostic Meta-Learning
- 신경 번역 seq2seq 모델 튜토리얼
- seq2seq icml tutorial
- Sequence to sequence tutorial
- Google net
- "Advances in Deep Neural Networks," at ACM Turing 50 Celebration
- BUILDING A SOUND CLASSIFIER FROM SCRATCH USING NEURAL NETWORKS
- WHEN NOT TO USE DEEP LEARNING
- MLJejuCamp - Call for application for Machine Learning Camp Jeju 2017
- 김태희의 닮은꼴도 머신러닝으로 구분할 수 있을까?
- AI는 광수와 광수 닮은 연습생을 구분할 수 있을까?
- 셀럽미: 닮은 아이돌 찾기 2024년 맞이 업데이트 (1/3) - 이미지 수집 - Lovely Ham
- 셀럽미: 닮은 아이돌 찾기 2024년 맞이 업데이트 (2/3) - 얼굴영역 크롭 - Lovely Ham
- 셀럽미: 닮은 아이돌 찾기 2024년 맞이 업데이트 (3/3) - 모델학습과 발행 - Lovely Ham
- The limitations of deep learning
- 번외 Why does deep and cheap learning work so well?
- MNIST 시각화 - 차원 감소
- VisualizeMnist - This project is real-time visualization of a network recognizing digits from user's input
- #4.0. 정보량을 나타내는 엔트로피 (Entropy)
- Designing a Deep Learning Project
- github.com/parkskwan
- Create self-driving trucks inside Euro Truck Simulator 2
- 딥러닝, 머신러닝의 차이점은?
- RNNoise: 소음 감소를 위한 딥러닝 모델
- Why Probability Theory Should be Thrown Under the Bus
- An Overview of ResNet and its Variants
- How to Train Your ResNet 8: Bag of Tricks
- #Python | Non-linear Connectivity Topology | #ResNet #DeepLearning #Tensorflow #NeuralNetworks - YouTube cifar10
- AI For Filmmaking Recognising Shot Types with ResNets
- ResNet: The Most Popular Network in the Computer-Vision Era
- ResNet: Deep Residual Learning for Image Recognition (꼼꼼한 딥러닝 논문 리뷰와 코드 실습) - YouTube
- 이미지 처리 깊게 더 깊게 ResNet - cobslab
- FCN_Implementation ResNet
- 딥러닝 ResNet의 개념 - 로스카츠의 AI 머신러닝
- Software 2.0
- Estimating an Optimal Learning Rate For a Deep Neural Network
- Improving the way we work with learning rate
- 딥러닝을 제대로 이해하기 위해서 필요한 배경지식맵
- Deep Learning Specialization by Andrew Ng — 21 Lessons Learned
- Grad CAM을 이용한 딥러닝 모형 해석
- 딥러닝이 덧셈을 하는 방법, Attention Mechanism으로 살펴보기
- gradient를 활용한 DNN 해석 방안
- onnx.ai
- github.com/onnx/onnx
- Getting Started
- Operator Schemas
- Viewer for ONNX neural network models https://www.lutzroeder.com/ai
- Convert ONNX models into Apple CoreML format
- Tensorflow Backend for ONNX
- ONNX.js is a Javascript library for running ONNX models on browsers and on Node.js
- How to deploy ONNX models in production
- PyData Zurich July 2023: ONNX/Spox and BigCode - YouTube
- Comparison of Deepnet & Neuralnet
- Modern Theory of Deep Learning: Why Does It Work so Well
- 당근마켓에서 딥러닝 활용하기
- Beyond Deep Learning – 3rd Generation Neural Nets
- AI and Deep Learning in 2017 – A Year in Review
- The Google Brain Team — Looking Back on 2017 (Part 1 of 2)
- Interpreting Deep Neural Networks
- Deep Learning from first principles in Python, R and Octave – Part 1
- Deep Learning from first principles in Python, R and Octave – Part 2
- NBT 교육 1탄. Ad-Tech
- 금융의 역사를 통해 본 딥러닝의 함정
- Introduction of Neural Network Console
- Geometric Deep Learning | Michael Bronstein
- 8 Deep Learning Best Practices I Learned About in 2017
- deepfakes_faceswap - Faceswap is a tool that utilizes deep learning to recognize and swap faces in pictures and videos
- practice
- Exploring DeepFakes
- FaceIt
- deepfakes.club
- It Means Hope | Deepfakes Replacement
- Awesome - Deepfake / Porn Detection using Deep Learning
- Live Deep Fakes — you can now change your face to someone else’s in real time video applications
- FaceForensics++: Learning to Detect Manipulated Facial Images
- Contributing Data to Deepfake Detection Research
- '아이유인데 아이유가 아닙니다' - YouTube
- first-order-model: This repository contains the source code for the paper First Order Motion Model for Image Animation
- Deep Learning summary for 2017: Text and Speech Applications
- The Deep Learning Roadmap
- Continuous Unsupervised Training of Deep Architectures
- Only Numpy
- New Deep Learning Techniques
- Automated front-end development using deep learning
- ANN Visualizer: A python library for visualizing Artificial Neural Networks (ANN)
- The Deep Learning(.ai) Dictionary
- Weekly Selection — Apr 6, 2018
- Weekly Selection — Mar 23, 2018
- DeepLearn - This repository contains implementation of following research papers on NLP, CV, ML, and deep learning
- Is Deep Learning Innovation Just Due to Brute Force?
- In defense of skepticism about deep learning
- Deep Learning vs Classical Machine Learning
- BeatGAN - Generating Drum Loops via GANs
- Writing a deep learning repo #1
- Writing a deep learning repo #2
- Writing a deep learning repo #3
- Deep Learning #4 : Energy Based Adversarial Training
- 만능 근사 원리 UAT Universal Approximation Theorem
- 인공지능의 두뇌, 뉴럴 네트워크의 만능 근사 정리란 무엇일까?
- An Introduction to Deep Learning for Tabular Data
- 테이블 형식 데이터는 업계에서 가장 일반적으로 사용되는 데이터 형식이지만 테이블 형식 데이터에 대한 딥러닝은 컴퓨터 비전과 자연어 처리에 대한 딥러닝보다 훨씬 덜 관심을 받음
- 신경망을 테이블 형식의 데이터에 적용하는 몇가지 주요 개념, 특히 범주형 변수를 포함한 아이디어를 기술
- Deep Learning 역사
- An Intriguing Failing of Convolutional Neural Networks and the CoordConv Solution
- Deep Learning made easy with Deep Learning Studio — Complete Guide
- Day1, 2-1. 책 읽어주는 딥러닝
- Deep Learning for AI (1)
- Deep Learning for AI (2)
- Deep Learning for AI (3)
- Montréal.AI Academy : AI 101
- 지도/비지도학습과 강화학습 풀이법
- Graph Attention Networks
- Graph Attention Networks - Graph ML review
- Deep Learning To Mobile
- Deep learning made easier with transfer learning
- A Comprehensive Hands-on Guide to Transfer Learning with Real-World Applications in Deep Learning
- 191027 딥러닝 전이학습 발표자료
- Transfer Learning in SUALAB: 데이터셋 제작부터 Adaptive Transfer Learning까지
- Deep Learning 위해서는 어떤 GPU를 사야 할까요?
- 알기 쉬운 GPU 그리고 머신러닝
- Learning Acrobatics by Watching YouTube
- Glow: Better Reversible Generative Models
- Optimal real-time landing using DNN
- Speed up your deep learning language model up to 1000% with the adaptive softmax, Part 1
- 딥러닝 기본 소프트맥스와 로짓에 대한 이해
- PyParis 2018 - Using Deep Learning to rank and tag millions of hotel images
- Don't be a Turtle Project
- Must-read Blogs for AI and Deep Learning Enthusiasts
- Deep Learning for Classical Japanese Literature
- 2018 In Review: 10 Open-Sourced AI Datasets
- The 10 Deep Learning Methods AI Practitioners Need to Apply
- Setting up a GPU Enabled Kubernetes for Deep Learning
- It is never too much: training deep learning models with more than one modality - Adam Słucki
- A Beginners Guide to Federated Learning
- federated learning - 보안 걱정 없는 모바일 딥러닝 학습법 (연합 학습)
- Survey report of Federated Learning - TooTouch
- 다수의 연합학습을 지원하기 위한 LFL 클라이언트 플랫폼
- Flower: A Friendly Federated Learning Framework
- 아마존, 구글 FLoC 차단 | GeekNews
- LxMLS 2017
- Recent Advances for a Better Understanding of Deep Learning − Part I
- Why Randomness should be Embraced and Not Feared
- AutoML 1.데이터 어그먼테이션 연구 동향을 소개합니다
- GPU 성능 파워업! LMS 기술 테스트 결과는?
- How to Train a Very Large and Deep Model on One GPU? | by Synced | SyncedReview | Medium
- Get started with GPU Compute on the web
- Releasing first online 3D Point Cloud labeling tool in Supervisely
- 작고 빠른 딥러닝 그리고 Edge Computing
- Is Rectified Adam actually better than Adam?
- Deep-Learning-in-Production - In this repository, I will share some useful notes and references about deploying deep learning-based models in production
- XOR solvable activation function helps DNNs
- 눈으로 배우는 인공지능, 텐서플로우2.0으로 읽다! 세번째 이야기! #tensorflow2.0 #에이림 #인공지능 AND, OR, XOR, colab code
- Semantic Segmentation을 활용한 차량 파손 탐지 딥러닝 모델 개발기
- 딥러닝 모델 Serving 간단 구축기 (feat. AWS SQS + Python Application + Kubernetes + Git & Rancher)
- 딥러닝 모델 서비스 A-Z 1편 - 연산 최적화 및 모델 경량화
- 딥러닝 모델 서비스 A-Z 2편 - Knowledge Distillation – 핑퐁팀 블로그
- 딥러닝 웹서비스 개발 도전기 아이즈원과 함께하는 풀스택 개발
- 갈아먹는 딥러닝 기초 1 Activation Function(활성화 함수) 종류
- 갈아먹는 딥러닝 기초 2 weight initialization
- Supervised learning을 시작으로 누구나 쉽게 인공지능(AI)을 이해할 수 있다는 사실 알고 계시나요?
- Guest Lecture - Jai Ranganathan - Full Stack Deep Learning - August 2018 - YouTube
- 정말 딥러닝은 사람처럼 세상을 인식하고 있을까?
- Mixed-Precision Training of Deep Neural Networks
- 딥러닝이 제일 열등한 모델인데 몰랐어? - 마무리 – 파비 블로그
- Oguzhan Gencoglu - Best Practices for Data Augmentation | PyData Helsinki - YouTube
- 딥러닝 배치 사이즈(batch size) vs 에포크(epoch) vs 반복(iteration)의 차이 - 로스카츠의 AI 머신러닝
- 원티드는 어떻게 AI로 채용 결과를 예측하고 매칭할까? | by 황리건 Reagan Hwang | 원티드 제품 팀블로그 | May, 2021 | Medium
- 최신 Optimizer를 적용해보자! – 학습 방향의 최적화 방법을 새롭게 제시한 AngularGrad – Linewalks Blog
- 옵티마이저(Optimizer) · Data Science
- How to Train Large Deep Learning Models as a Startup
- How to Train Really Large Models on Many GPUs?
- 인공지능 모델을 데이터셋에 맞게 대량으로 찍어내는 방법 (only 파이썬). 김태영 - PyCon Korea 2021 - YouTube model
- 딥러닝 가속기가 이끄는 반도체 시장의 미래 | GeekNews
- How Long Does It Take Ordinary People To "Get Good" At Chess?
- EINSUM IS ALL YOU NEED - EINSTEIN SUMMATION IN DEEP LEARNING
- Bag-of-Tricks — 딥러닝 성능을 높이기 위한, 다양한 꿀팁들 | by 이도현 | CURG | Medium
- Deep Learning's Most Important Ideas - A Brief Historical Review
- Rosaria Silipo on Codeless Deep Learning and Visual Programming - YouTube
- Jon Barron - Understanding and Extending Neural Radiance Fields - YouTube
- 캐글 딥러닝 강좌 정리 1 - 뉴런(Neuron)과 깊은 신경망(DNN) - 멈춤보단 천천히라도
- 캐글 딥러닝 강좌 정리 2 - 확률적 경사 하강법(Stochastic Gradient Descent), 손실함수, 옵티마이저 - 멈춤보단 천천히라도
- Deep Learning Is Hitting a Wall - Nautilus | Science Connected
- A New Link to an Old Model Could Crack the Mystery of Deep Learning | Quanta Magazine
- DeepETA: How Uber Predicts Arrival Times Using Deep Learning
- Deep Learning in Neuroimaging
- 2022-1-deep-learning-applications
- 딥러닝은 어떻게 동작할까? 현재 어디까지 왔고, 미래는 어떻게 될까?
- 1. 딥러닝이란 무엇인가? | 텐서 플로우 블로그 (Tensor ≈ Blog)
- How “Deep Learning” Will Radically Change Our Lives | by Upen Singh | DataDrivenInvestor
- Learnable Dynamics Model로 무엇을 할 수 있을까? | by Taeho Lee | We’re Team MakinaRocks! | Aug, 2022 | Medium
- Deep Implicit Layers - Neural ODEs, Deep Equilibirum Models, and Beyond
- Hadi Abdi Khojasteh - Large Scale Representation Learning In-the-wild | PyData Yerevan 2022 - YouTube
- Deep Learning by Open API | Pega Devlog
- 역전파의 종말? 갓프리 힌튼의 Forward-Forward 알고리즘
- Digital Insight 2023-1 파운데이션 모델의 이해와 미래 전망 | 한국지능정보사회진흥원
- Rochester-NRT/AlphaGo
- AlphaGo의 인공지능 알고리즘 분석
- AlphaGo 알고리즘 요약
- 알파고 (바둑 인공지능)의 작동 원리
- 이세돌과 대국으로 ‘알파고’ 설계자가 꿈꾸는 것은?
- 모두의 알파고
- Mastering the game of Go with deep neural networks and tree search
- AlphaGo에 적용된 딥러닝 알고리즘 분석
- 알파고는 어떻게 바둑을 둘까
- 이세돌이 알파고를 이기려면 선입견을 버려야 한다
- 바둑인을 위한 알파고
- 알파고 해부하기 1부
- 알파고 해부하기 2부
- 알파고 해부하기 3부
- 알파고, 강화학습을 현실에 데뷔시키다
- 알파고는 어떤 컴퓨터를 썼을까?
- AlphaGo 대국 - 한국어
- 알파고는 스스로 신의 경지에 올랐다
- Alphago zero cheatsheet
- AlphaGo Zero - How and Why it Works
- Deep Learning: AlphaGo Zero Explained In One Picture
- Explained Simply: How an AI program mastered the ancient game of Go
- 알파고 분석 Part.1 - 엑셈 CTO 박재호
- 쉽게 읽는 강화학습 논문 알파고 제로(Zero) 논문 리뷰
- 플밍노트 너와 나의 인공지능이 멍청한 이유 - YoungJin Shin 일반적인 이야기이지만 바둑을 통해 전개
- 2021-KAIST-Include-AlphaGoZero: 2021년 KAIST 동아리 Include 스터디 - AlphaGo와 AlphaGo Zero를 활용한 인공지능 바둑
- 한돌 개발 이야기 | NHN FORWARD
- Alpha-Omok Minimal version of DeepMind AlphaZero
- minigo - An open-source implementation of the AlphaGoZero algorithm
- Autoencoders
- 인공 신경망에 관한 설명. 스탠포드 대학 앤드류 응 교수의 sparse autoencoder 정리 노트로 인공신경망 이해하기
- What're the differences between PCA and autoencoder?
- Deep AutoEncoders for Collaborative Filtering autoencoder 기반 추천 엔진
- 알기쉬운 Variational autoencoder
- Denoising auto encoders(d a)
- What is variational autoencoder? VAE
- On manifolds and autoencoders
- KL divergence와 VAE
- 1. 오토인코더(Sparse Autoencoder) 1 – AutoEncoders & Sparsity
- A Gentle Autoencoder Tutorial (with keras)
- Variational Auto-Encoder for MNIST
- 초짜 대학원생의 입장에서 이해하는 Auto-Encoding Variational Bayes (VAE) (1)
- 초짜 대학원생의 입장에서 이해하는 Auto-Encoding Variational Bayes (VAE) (2)
- 초짜 대학원생의 입장에서 이해하는 Auto-Encoding Variational Bayes (VAE) (3)
- NDC2017 딥러닝으로 게임 콘텐츠 제작하기 - VAE를 이용한 콘텐츠 생성 기법 연구 사례
- Variational Coin Toss
- Variational Autoencoder를 여러 가지 각도에서 이해하기 (Understanding Variational Autoencoder from Various Perspectives)
- What a Disentangled Net We Weave: Representation Learning in VAEs (Pt. 1)
- Naver Tech Talk: 오토인코더의 모든 것 (2017년 11월)
- Ali Ghodsi, Lec : Deep Learning, Variational Autoencoder, Oct 12 2017 Lect 6.2
- Variational Auto Encoding
- AutoEncoder vs Variant AutoEncoder
- An Introduction to Variational Autoencoders
- 분포를 추정해서 손글씨를 만들어보자 — (1) Variational Inference | by 박은지 | MODULABS x TECH | Feb, 2022 | Medium
- VAE를 통해서 본 이미지 생성 모델의 원리
- Advanced_Models: 여러가지 유명한 신경망 모델들을 제공합니다. (DCGAN, VAE, Resnet 등등)
- benchmark_VAE: Library for Variational Autoencoder benchmarking
- Backpropagation
- Deep Learning - Geoffrey Hinton - how to do backpropagation in a brain
- Yes you should understand backprop
- Neural Networks: The Backpropagation algorithm in a picture
- Backpropagation 예제와 함께 완전히 이해하기
- A Derivation of Backpropagation in Matrix Form
- Calculus on Computational Graphs: Backpropagation
- Gradient Descent with Backpropagation
- A Step by Step Backpropagation Example
- A Step by Step Backpropagation Example
- 계산 그래프로 역전파 이해하기
- Back-Propagation is very simple. Who made it Complicated ?
- Back-Propagation is very simple. Who made it Complicated ?
- Backpropagation Through Time: recurrent neural network training technique
- Backpropagation: A supervised learning neural network method
- Backprop is not just the chain rule
- 단순히 체인룰에 의해 계산되는 BP로만 보면 안된다는 글
- BP와 같은 종류를 autodiff 라고 이 글에서는 표현했는데, 이게 우리 수학에서 배운 미분과는 다르다는 것을 강조(기존의 미분을 symbolic differentiation 이라고 표기)
- 기존의 방식은 intermediate variables를 쓸 수 없지만, autodiff 에서는 이것이 가능해서 간결하고 효율적으로 사용 가능(마치 함수와 같음)
- 또한 방정식의 선형시스템의 형태를 갖추었고, acyclic graph의 형식으로 연산이 연결되므로 전체적인 연산의 복잡도가 대폭 감소
- 이걸 잘 mix하면 대부분의 문제 해결 가능
- 이걸 수학적으로 풀어내는 과정에서 Lagrange multiplier, implicit function theorem 등 다소 복잡하고 어려운 내용들이 등장
- 결론적으로 BP는 단순 체인룰을 도입해서 풀어낸 것이 아니라, intermediate variables를 가진 프로그램으로 전환시켜서 효율과 유연성을 갖추게 하였고, 또한 더 복잡한 문제를 풀어낼 수 있는 기초가 될 수 있도록 했다는 내용
- Gradient Descent Overview
- Backpropagation In Convolutional Neural Networks
- Backpropagation
- Efficient Batch Normalization
- Fast-BN-BackPropagation.pdf
- Gradient Descent & Normal Eq
- Numerical Gradient Descent vs. BackPropagation
- Keep it simple! How to understand Gradient Descent algorithm
- Gradient Descent(경사하강법)
- 경사하강법에서 모든 parameter를 동시에 갱신해야 하는 이유
- An overview of gradient descent optimization algorithms
- Gradient descent, how neural networks learn | Deep learning, part 2
- 경사하강법
- Improving Vanilla Gradient Descent
- The Two Phases of Gradient Descent in Deep Learning
- Machine Learning 101: An Intuitive Introduction to Gradient Descent
- Understanding the 3 Primary Types of Gradient Descent
- Understanding the Mathematics behind Gradient Descent
- Coding Neural Network — Forward Propagation and Backpropagtion
- Backpropagation calculus | Deep learning, chapter 4
- Lecture 4 | Introduction to Neural Networks
- The Backpropagation Algorithm Demystified
- Nevergrad : A Python toolbox for performing gradient-free optimization
- 역전파 알고리즘 완전정복 A Step by Step Backpropagation
- Backpropagation 함께 편미분하기
- Batch Normalization - backpropagation 유도하기
- Neural Network는 어떻게 학습할까
- Silicon Valley AI Lab
- 상호 작용을 통해 말하기 학습
- Baidu Reseaech Presentation @ GTC
- DeepBench - Benchmarking Deep Learning operations on different hardware
- 심층 신경 네트워크를 학습 할 때 서로 다른 프로세서가 어떻게 작동하는지 평가할 수 있는 최초의 도구
- An update to DeepBench with a focus on deep learning inference
- Top 15 books to make you a Deep Learning Hero - Towards Data Science
- 머신러닝에서 딥러닝까지
- C++와 CUDA C로 구현하는 딥러닝 알고리즘 Vol.1 Restricted Boltzman Machine의 이해와 Deep Belief Nets 구현
- Deep Learning 이론과 실습 (개정중)
- 한권으로 끝내는 파이썬 & 딥러닝
- 도서 마인드맵
- 좌충우돌 강화 학습의 이론과 구현 (원고)
- 파이썬을 이용한 머신러닝, 딥러닝 실전 개발 입문
- 더북(TheBook): 모두의 딥러닝 개정2판
- 더북(TheBook): 신경망 교과서 1~3장만
- 11 Deep Learning Articles, Tutorials and Resources
- Artificial Intelligence Book of January 2017
- Book: Deep Learning With Python Theano and TensorFlow using Keras
- David MacKay: Information Theory, Pattern Recognition and Neural Networks: The Book
- Deep-Learning-for-Beginners - Sample code in MATLAB/Octave and Python for Deep Learning for Beginners
- Deep Learning for Programmers
- Deep Learning Book
- Deep Learning Book Companion Videos
- deep-learning-books
- Deep Learning - An MIT Press book in preparation
- Deep Learning - A Practitioner's Approach
- Deep Learning With Python
- Deep Learning with Python
- fastai book
- Free Deep Learning Textbook
- Fundamentals of Deep Learning
- Fundamental of Reinforcement Learning
- Hands-On Reinforcement Learning With Python
- Neural Networks and Deep Learning
- NEURAL NETWORKS AND DEEP LEARNING: A TEXTBOOK
- Reinforcement Learning: An Introduction
- RL: Reinforcement Learning Algorithms
- TinyML Book
- udlbook Understanding Deep Learning
- 1st 함께하는 딥러닝 컨퍼런스
- 핵심 정리 갓샘숭의 섭외력! 딥러닝 거장들의 현장 토크 요약 (삼성AI포럼 2020)
- 뛰어서 딥러닝 속으로 세미나 - 1회 (딥뉴럴네트워크와 컨볼루셔날 뉴럴네트워크 - YouTube
- DLCAT#2 참석 후기 & 정리
- ICLR 2015
- Deep Learning Trends @ ICLR 2016
- ICLR 2017 - Conference Track International Conference on Learning Representations
- ICLR 2019 Notes
- ICLR 2019 리뷰: 프로그램 소개 및 단순하고 효과적인 Network Pruning 방법론을 다룬 Best Paper 리뷰
- NIPS 2016
- nips.cc/Conferences/2016/Schedule
- Project All Code Implementations for NIPS 2016 papers : MachineLearning
- LET'S DISCUSS: LEARNING METHODS FOR DIALOGUE NIPS 2016 WORKSHOP
- NIPS 2016 tutorial - Summary Nuts and bolts of building AI applications using Deep Learning
- History of Bayesian Neural Networks (Keynote talk)
- NVIDIA DEEP LEARNING DAY 2017 CONFERENCE
- SAIF 2021 Day 2: Live streaming | Samsung - YouTube
- #39. 딥러닝 공부 가이드 2019 (무료 강의, 책)
- 딥러닝 강좌할껀데, 실습만 합니다
- AI는 내친구 개발자, 전문가 대상 딥뉴럴네트웍 학습이론 특강 | KAIST AI STUDIO - YouTube
- Learning From Data - Machine Learning course - recorded at a live broadcast from Caltech
- Every single Machine Learning course on the internet, ranked by your reviews
- Creative Applications of Deep Learning with TensorFlow
- How to learn Deep Learning in 6 months
- Notes from Coursera Deep Learning courses by Andrew Ng
- How To Get The Best Deep Learning Education For Free
- 인공지능, 통계 관련 유용한 무료 강의 & 책 모음
- 6.S094: Deep Learning for Self-Driving Cars
- 6.S191: Introduction to Deep Learning
- Advanced Deep Learning & Reinforcement Learning
- CS 221: 인공지능 (봄 2019), CS 229: 기계 학습 (가을 2018), CS 230: 딥 러닝 (겨울 2019)
- CS224d: Deep Learning for Natural Language Processing
- 시리즈 | CS224W Review - 투빅스 GNN 스터디
- CS 229 cheatsheet-translation/ko at master · shervinea/cheatsheet-translation
- CS 230 ― Deep Learning
- CS 598 LAZ: Cutting-Edge Trends in Deep Learning and Recognition
- CS W182 / 282A
- Deep Learning Roadmap for Mechanical Engineering Students - KAsimov Wiki
- Dive into Deep Learning - An interactive deep learning book for students, engineers, and reseachers
- 기초적인 수학부터 각종 net시리즈들 자연어처리와 고속 컴퓨팅을 위한 병렬처리, GPU사용법 등을 pdf와 github, jupyter note까지 제공
- 코드, 수학, 그리고 토론과 함께하는 상호적인 딥러닝 책
- Introduction to Deep Learning
- d2l-pytorch - This is an attempt to modify Dive into Deep Learning, Berkeley STAT 157 (Spring 2019) textbook's code into PyTorch
- Dive into Deep Learning
- Dive into Deep Learning Colab 실습환경 구축
- Dive into Deep Learning Compiler
- DeepDriving: Learning Affordance for Direct Perception in Autonomous Driving
- Deep_Learning Ahlad Kumar
- deeplearning.ai/courses
- Review of Deeplearning.ai Courses
- github.com/shahariarrabby/deeplearning.ai
- Neural Networks and Deep Learning (Course 1 of the Deep Learning Specialization)
- Improving deep neural networks: hyperparameter tuning, regularization and optimization (Course 2 of the Deep Learning Specialization)
- Structuring Machine Learning Projects (Course 3 of the Deep Learning Specialization)
- Convolutional Neural Networks (Course 4 of the Deep Learning Specialization)
- Sequence Models
- Heroes of Deep Learning Interviews
- Deep Learning Courses
- Deep Learning course: lecture slides and lab notebooks
- Deep Learning in Python
- Deep Learning State of the Art (2020) | MIT Deep Learning Series
- DeepMind x UCL | Deep Learning Lecture Series 2020 - YouTube
- Dive into Deep Learning with 15 free online courses
- DS-GA 1008 · 2020 봄 · NYU CENTER FOR DATA SCIENCE 한글
- edwith.org/deeplearningchoi
- EE-559 – Deep Learning
- fast.ai · Making neural nets uncool again
- Practical Deep Learning for Coders - Practical Deep Learning
- fast.ai: How I built a deep learning application to detect invasive species in just 1 day (and for $12.60)
- Practical Deep Learning for Coders (2020) - YouTube
- fast.ai literate programming
- fast.ai releases new deep learning course, four libraries, and 600-page book · fast.ai
- fastai-v2: 원래 fastai는 교육용 딥러닝 라이브러리
- 그러나, 이를 활용하여 강의를 수강한 여러 학생들이 좋은 성과를 내면서 유사한 컨셉의 새로운 라이브러리 작성(v1과 호환되지 않음)
- 책 (Deep Learning for Coders): fastai 라이브러리 사용법이 포함되지만, PyTorch, Python 고급 기법등도 함께 다룸. 밑바닥부터 구현
- Practical Deep Learning for Coders: 파트 1과 파트2로 구분되었던 fastai 강의 중 파트 1부분
- 일반적으로 파트2는 보다 내부적인 코드레벨로의 deep dive입니다.
- Your first models, Evidence and p values, Production and Deployment, SGD from scratch, Data ethics, Collaborative Filtering, Tabular data, Natural Language Processing
- 부가적으로 공개된 라이브러리
- fastcore: fastai에서 사용되는 기초적인 라이브러리. 테스팅, Mixins/Delegation/Composition 등, 함수형 프로그래밍/병렬 프로세싱 등, Dispatch, Transform 등을 Python에서 쉽게 코딩할 수 있는 방법 제공
- fastscript: 매우 쉽게 argument 를 받아들이는 프로그램을 작성할 수 있도록 도와주는 라이브러리
- fastgpu: Multiple GPU에 스크립트 단위로 GPU를 할당하여, 여러 종의 스크립트가 병렬적으로 별도의 GPU에서 수행되고자 하는 작업이 있을때 유용
- fastai-v2: 원래 fastai는 교육용 딥러닝 라이브러리
- FastAI Deep Learning Course - Study with Me - YouTube
- 딥러닝 이미지 분류 모델 만들기 실습 - YouTube
- Full Stack Deep Learning - Full Stack Deep Learning
- MIT Deep Learning
- Podcast: The world needs AI researchers. Here’s how to become one
- STAT 157, Spring 19
- Theories of Deep Learning (STATS 385)
- Udacity Deep Learning Nanodegree 수료 후기
- UCL x DeepMind Deep Learning Lecture Series - General
- Reinforcement Learning Lecture Series 2021 | DeepMind
- Yann LeCun’s Deep Learning Course at CDS – NYU Center for Data Science
- All-About-the-GAN
- All-About-the-GAN
- Generative Adversarial Networks - The Story So Far
- NIPS 2016 Tutorial: Generative Adversarial Networks paper slide
- 번역 - Generative Adversarial Network (GAN) 설명
- GANs will change the world
- A tensorflow implementation of Junbo et al's Energy-based generative adversarial network ( EBGAN ) paper
- 초짜 대학원생의 입장에서 이해하는 Energy-Based Generative Adversarial Networks (1)
- 초짜 대학원생의 입장에서 이해하는 f-GAN
- 초짜 대학원생의 입장에서 이해하는 f-GAN (2)
- 초짜 대학원생의 입장에서 이해하는 f-GAN (3)
- 초짜 대학원생 입장에서 이해하는 Generative Adversarial Nets (1)
- 초짜 대학원생 입장에서 이해하는 Generative Adversarial Nets (2)
- Catch me if you can: A simple english explanation of GANs or Dueling neural-nets
- Generative adversarial networks
- Generative Adversarial Networks
- 초짜 대학원생의 입장에서 이해하는 Domain-Adversarial Training of Neural Networks (DANN) (1)
- 초짜 대학원생의 입장에서 이해하는 Domain-Adversarial Training of Neural Networks (DANN) (2)
- 초짜 대학원생의 입장에서 이해하는 Domain-Adversarial Training of Neural Networks (DANN) (3)
- Domain Adaptation Methods
- 초짜 대학원생의 입장에서 이해하는 Domain-Adversarial Training of Neural Networks (DANN) (1)
- 초짜 대학원생의 입장에서 이해하는 Deep Convolutional Generative Adversarial Network (DCGAN) (1)
- 초짜 대학원생의 입장에서 이해하는 Deep Convolutional Generative Adversarial Network (DCGAN) (2)
- Generative Adversarial Networks (GANs) in 50 lines of code (PyTorch)
- 초짜 대학원생의 입장에서 이해하는 Unrolled Generative Adversarial Networks (1)
- 초짜 대학원생의 입장에서 이해하는 Unrolled Generative Adversarial Networks (2)
- 초짜 대학원생의 입장에서 이해하는 InfoGAN (1)
- 초짜 대학원생의 입장에서 이해하는 InfoGAN (2)
- AI기획 - 경쟁 통해 배우는 인공지능 기술 GAN
- Generative Adversarial Networks Explained
- 겐스는 왜 기존 비창의 인공지능과 다른가?
- Adversarial Attacks on Neural Network Policies
- Generative Models - Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow
- 초짜 대학원생의 입장에서 이해하는 LSGAN (1)
- 초짜 대학원생의 입장에서 이해하는 LSGAN (2)
- Generative Adversarial Networks
- aliensunmin.github.io/project/accv16tutorial
- Deep Feedforward Generative Models
- Generative Adversarial Networks to Make 8-bit Pixel Art
- 겐(GANs)이 꿈꾸는 인공지능 번역 끝판왕
- Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks
- Image-to-Image Translation
- 초짜 대학원생의 입장에서 이해하는 BEGAN: Boundary Equilibrium Generative Adversarial Networks (1)
- 초짜 대학원생의 입장에서 이해하는 BEGAN: Boundary Equilibrium Generative Adversarial Networks (2)
- Tensorflow implementation of "BEGAN: Boundary Equilibrium Generative Adversarial Networks"
- BEGAN: STATE OF THE ART GENERATION OF FACES WITH GENERATIVE ADVERSARIAL NETWORKS
- BEGAN (2017) Summary
- Generalization and Equilibrium in Generative Adversarial Networks (GANs)
- zi2zi: Master Chinese Calligraphy with Conditional Adversarial Networks
- PR12 딥러닝 논문읽기 모임
- PR12 intro. to gans jaejun yoo
- PR12 Deep Learning Paper Presentation List and Summary
- Variants of GANs - Jaejun Yoo
- 아주 간단한 GAN 구현하기
- Generative Adversarial Networks (LIVE)
- Deep generative model.pdf
- GANs (Generative Adversarial Networks)
- Generative adversarial networks
- Adversarial Variational Bayes GAN + VAE
- A new kind of deep neural networks
- A Generative Model of People in Clothing
- PR-001: Generative adversarial nets by Jaejun Yoo (2017/4/13)
- PR-005: Playing Atari with Deep Reinforcement Learning (NIPS 2013 Deep Learning Workshop)
- kkweon.github.io/pr12-web-app-elm
- pr12er: PR12를 좀더 잘보기 위한 프로젝트
- Generative Adversarial Networks for Beginners Build a neural network that learns to generate handwritten digits
- Introduction to generative adversarial networks
- GAN은 알려진 입력 데이터와 비슷한 합성 데이터를 만드는 방법을 학습하는 신경망
- 예를 들어, 연구원들은 침실에서 앨범 표지에 이르는 모든 사진의 설득력있는 이미지를 생성하고 고차원적 논리를 반영 할 수있는 뛰어난 능력
- 이러한 예제는 매우 복잡하지만 아주 간단한 이미지를 생성하는 GAN을 만드는 것은 쉬움
- 이 자습서에서는 손으로 쓴 숫자의 이미지를 분석하고 점진적으로 새로운 이미지를 생성하는 GAN을 생성
- 본질적으로 신경망을 작성하는 법을 가르칠 것
- (Pytorch를 사용한) 단 50줄로 코드로 짜보는 GAN
- Deep-learning-with-cats
- Deep Learning에서 "일러스트와 바람 인간 이미지 생성 모델 '을 만든 이야기 (DCGAN, Wasserstein GAN)
- Generative Adversarial Network : DCGAN을 이용한 이미지 생성
- How AI can learn to generate pictures of cats
- Generative Adversarial Networks (GANs)
- Audio & Video Manipulation
- Audio for Deep Learning version 2.0
- MelNet A Generative Model for Audio in the Frequency Domain
- My Qcon.ai talk Deep Learning with Audio Signals
- A Step-by-Step Guide to Synthesizing Adversarial Examples
- 속고 속이는 게임 - Minimax Game
- GAN 스터디 공유자료
- 2017 beginner's review of GAN architectures
- Do you know GAN? 1/2
- Fantastic GANs and where to find them
- Fantastic GANs and where to find them II
- Do you know GAN? (2/2)
- Delving deep into Generative Adversarial Networks (GANs)
- Google open sources TFGAN: Lightweight Library for Generative Adversarial Networks
- Consecutive category morphing of GANs generated images (submitted to ICLR 2018)
- An Intuitive Introduction to Generative Adversarial Networks
- The New Neural Internet is Coming - And it looks pretty scary from here
- Auto-Regressive Generative Models (PixelRNN, PixelCNN++)
- 1시간만에 GAN(Generative Adversarial Network) 완전 정복하기
- Black-Box Attacks on Perceptual Image Hashes with GANs
- GAN (Generative Adversarial Network) 관련 특허 최초 공개 및 분석
- (1) – 무엇에 관한 특허인가
- [(2) – 논문 발표일과 특허 출원일의 상관관계(https://steemit.com/kr/@daeho/gan-generative-adversarial-network-2)
- Semi-Supervised Learning and GANs
- GENERATIVE ADVERSARIAL NETWORK AND ITS APPLICATIONS TO SPEECH SIGNAL AND NATURAL LANGUAGE PROCESSING
- Towards data set augmentation with GANs
- Introduction to GAN
- Progressive Growing of GANs for Improved Quality, Stability, and Variation
- Math Insights from 10 GAN papers. InfoGANs, VAEGANs, CycleGAN and more
- Generative Models Part 1: VAE,GAN,DCGAN
- Generative Models Part 2: ImprovedGAN,InfoGAN,EBGAN
- GAN(Generative Adversarial Network) Tour
- Simple Latent Space
- Introduction to generative adversarial network
- Paper Review; GAN for noise reduction in low dose CT
- Efficient, Simplistic Training Pipelines for GANs in the Cloud with Paperspace
- Semantic Image Synthesis with SPADE
- The GAN Zoo
- How to Develop a Conditional GAN (cGAN) From Scratch
- How to Code the GAN Training Algorithm and Loss Functions
- Progressive Growing of GANs for Improved Quality, Stability, and Variation – Official TensorFlow implementation of the ICLR 2018 paper
- My Handwriting Styler, with GAN & U-Net
- AI Generator Learns to 'Draw' Like Cartoonist Lee Mal-Nyeon in Just 10 Hours | Synced
- 프로젝트 GAN을 이용한 염색 및 헤어 스타일 합성, <꽤 GAN찮은 헤어살롱>
- Toonify yourself - Colaboratory
- StyleGAN2를 이용한 성격 유형별 얼굴 생성 모델 연구 개발 과정 공개! (feat. MBTI) – SPH
- GAN 이미지 생성 알고리즘 테스트 하기
- 모두팝 생성모델부터 Diffusion까지 1회 - YouTube
- 모두팝 생성모델무터 Diffusion까지 2회 - YouTube
- 생성모델부터 Diffusion까지 3회 I 모두의연구소 모두팝 - YouTube
- 생성모델부터 Diffusion까지 4회 I 모두의연구소 모두팝 - YouTube
- 생성모델부터 Diffusion까지 5회 I 모두의연구소 모두팝 - YouTube
- 생성모델부터 Diffusion까지 6회 I 모두의연구소 모두팝 - YouTube
- Games of Life: generative art in Python — Łukasz Langa - YouTube
- Alias-Free GAN (StyleGAN3)
- art-DCGAN
- CaloGAN - Simulating 3D High Energy Particle Showers in Multi-Layer Electromagnetic Calorimeters with Generative Adversarial Networks
- Chainer-GAN-lib
- CycleGAN
- Dcgan
- Disco GAN - SK T-Brain Research
- DiscoGAN - Official PyTorch implementation of Learning to Discover Cross-Domain Relations with Generative Adversarial Networks
- DiscoGAN in PyTorch - PyTorch implementation of Learning to Discover Cross-Domain Relations with Generative Adversarial Networks
- discogan_tensorflow.py
- Tensorflow Implementation of DiscoGAN
- 논문반/논문세미나 DiscoGAN
- Generative Adversarial Networks for Style Transfer (LIVE)
- DualStyleGAN 논문 리뷰 :: Ostin
- EqGAN-SA : Improving GAN Equilibrium by Raising Spatial Awareness 논문 리뷰 :: Ostin
- Face2Webtoon
- GANGogh: Creating Art with GANs
- GAN in Numpy
- GAN Playground - Explore Generative Adversarial Nets in your Browser
- gans-awesome-applications
- The GAN Zoo
- GauGAN NVIDIA Research's GauGAN AI Art Demo Responds to Words | NVIDIA Blog
- generative_agents: Generative Agents: Interactive Simulacra of Human Behavior
- generative_inpainting: DeepFill v1/v2 with Contextual Attention and Gated Convolution, CVPR 2018, and ICCV 2019 Oral
- InfoGAIL
- InfoGAN: Interpretable Representation Learning by Information Maximizing Generative Adversarial Nets
- KID-F: Korean Idol Dataset - Female : High Quality Korean Female Idol Face Image Dataset with Identity Labels
- 자체적으로 구축한 테스트 데이터셋을 대상으로 실험한 결과
- FSR(Facel Super Resolution) 분야의 SOTA 모델과 토파즈의 상용 소프트웨어보다 모든 metric에서 좋은 성능, 원본 초고화질 사진과 굉장히 유사하게 복원
- 아직은 얼굴의 이목구비를 복원하는 모델
- 기존 모델은 훈련시에 지나치게 다양한 조건의 사진들을 고려한 데이터셋(예 : FFHQ)을 사용
- 그보다는 아이돌의 아름다움과 특징을 가장 잘 학습할 수 있도록 데이터를 제한해야한다고 생각
- 그래서 여자 아이돌 사진을 9만장 수집. 그 중 얼굴 영역의 해상도가 512x512가 넘는 사진들의 얼굴을 잘라 1만장 선별
- 그 중에서도 진짜 고화질 사진을 골라 약 6천 장(5591장의 훈련용 데이터셋과 300장의 테스트용 데이터셋)의 여자 아이돌 고화질 얼굴 사진 수집
- 이 데이터셋을 KID-F(Korean Idol Dataset - Female)으로 이름 붙이고 다른 연구자 분들도 편하게 사용하실 수 있도록 깃허브(KID-F)에 공개했습니다.
- 위 결과가 도출된 모델은 Dual-Blind SR 구조로 이 분야의 SOTA 중 하나를 달성한 HiFaceGAN(2020)을 최적화 하고, 데이터셋을 변경하여 훈련
- 아직은 얼굴 이목구비와 헤어 등으로 꽉찬 얼굴 사진만 복원할 수 있다는 한계, 실용화는 더 시간 필요
- IdolGAN: Project for restoring beautiful Korean Idols Images to high quality
- 자체적으로 구축한 테스트 데이터셋을 대상으로 실험한 결과
- malnyun_faces: 침착한 생성모델 학습기
- Meow Generator
- DCGAN, WGAN, WGAN-GP, LSGAN 및 ReLU를 일괄 표준 대 SELU와 비교
- MoCoGAN: Decomposing Motion and Content for Video Generation
- PaintsChainer Demo
- PassGAN
- Rarity-Score: Rarity Score : A New Metric to Evaluate the Uncommonness of Synthesized Images
- 생성모델 연구하시는 분들을 위해 유용한 평가지표(metric)
- 생성모델의 metric이라고 하면 Inception score나 FID 연상하나 다음과 같은 한계 존재
- 기본적으로 이미지의 품질 측정에 적합한 녀석들이라 모델이 얼마나 다양한 이미지를 만들어내는지 평가하기 어려움
- 생성된 이미지에 매겨지는 점수가 아니라 많은 생성 이미지들로 부터 계산된 분포 기반으로 계산되는 모델에 매겨지는 점수여서 특정 이미지가 얼마나 좋은 점수를 갖는지 알기 어려움
- 이건 Precision & Recall이나 NAVER CLOVA 의 density & coverage도 마찬가지
- LPIPS같은 다양성 척도가 있긴 하나 이 또한 모델에 매겨지는 지표
- 특히 요즘같이 생성모델이 얼마나 창의적이고 독특한 이미지를 잘 만들어내는가가 중요한 시점에 그리고 만들어진 개별 이미지가 일정 수준 이상 품질을 유지하면서 독특한 정도를 평가할 수 있다면 매우 유용
- CLOVA AI Lab에서 KAIST-NAVER Hypercreative Center Jaesik Choi 교수님 연구실과 함께 한지연님 주도로 Rarity-score 작성
- rarity-score는 학습이미지 데이터 latent feature와의 거리기반으로 각 생성된 이미지가 얼마만큼 훈련 데이터들과 비교했을 때 전형적인지 아닌지를 이미지 단위로 계산. 점수가 클수록 특이한 이미지
- 이미지 개별 점수를 계산 수 있으니 누적을 통해 점수분포를 히스토그램 형태로 그려서 각 생성모델이 얼마나 독특한 이미지를 만들어낼 수 있는지도 평가 가능
- 다양한 실험으로 각 모델마다 rarity-score와 feature extractor 효과, FID 유지를 위해 널리 쓰이는 truncation trick이 독특함에 미치는 효과 등을 확인 가능
- really-awesome-gan
- sefa: Code for paper
Closed-Form Factorization of Latent Semantics in GANs
- SeqGAN: Sequence Generative Adversarial Nets with Policy Gradient
- GAN이 처음으로 sequence generation task에 사용
- GAN은 진짜같은 Fake data를 만들어내는 Generator과 진짜 data와 Fake data를 구분해내는 Discriminator를 학습시키는 알고리즘
- 실수 픽셀들로 이루어진 그림과 달리 discrete한 토큰들의 sequence를 생성해낼 때 현재 얼마나 Generator가 잘 학습을 하고 있는지 평가할 방법이 마땅치 않아 sequence generation task에서는 사용되지 않음
- 이번에 발표된 SeqGAN 은 discriminator를 Policy Gradient 의 Reward 로 사용해서 이 문제를 해결, Text Generation, Music Generation Task 에 적용
- Ian Goodfellow (GAN 저자) 의 Reddit 문답(왜 NLP에 GAN이 사용되기 힘든가)
- StyleCLIP
- tf-dann-py35 - Tensorflow-gpu (1.0.0.rc2, Window, py35) implementation of Domain Adversarial Neural Network
- tf-exercise-gan - Tensorflow implementation of different GANs and their comparisions
- TGAN - Generative adversarial training for synthesizing tabular data https://sdv-dev.github.io/TGAN
- This beach does not exist
- TL-GAN: transparent latent-space GAN This is the repository of my three-week project: "Draw as you can tell: controlled image synthesis and edit using TL-GAN"
- Wasserstein GAN
- How Uber uses Graph Neural Networks to recommend you food (live stream) - YouTube
- A Gentle Introduction to Graph Neural Networks
- Representative graph neural network Review!! - YouTube
- Intro to graph neural networks (ML Tech Talks) - YouTube
- Classifying Documents on a Graph using GNNs - Avi Aminov | PyData Global 2021 - YouTube
- 알잘딱깔센 추천 모델 만들기 — GNN을 활용한 요기요의 추천 모델 YoSEMITE | by Kitae Yoon | Jul, 2022 | YOGIYO Tech Blog— 요기요 기술 블로그
- Graph in LINER : 글로벌 추천 프로덕트에 GNN 적용하기 – The Highlights – 라이너 팀 블로그
- Graph Neural Networks: Algorithm & Applications • Shujia Zhang • YOW! 2018 - YouTube
- dgl: Python package built to ease deep learning on graph, on top of existing DL frameworks
- GraphUserGroup - GUG
- Usman Zafar - Using Graph Neural Networks to Embrace the Dependency Within Your Data - YouTube
- Zhao & Qiao - Graph Neural Networks for Real World Fraud Detection | PyData Amsterdam 2023 - YouTube
- PyG
- SmallData | Blog | Building a simple neural net in Java
- Deep Java Library - Open source library to build and deploy Deep Learning in Java
- DL4J Deep Learning for Java
- DL4J Java자바를 위한 딥 러닝
- 인공 신경망 및 심층 신경망 소개
- A Beginner’s Guide to Recurrent Networks and LSTMs
- Using Neural Networks With Regression
- RBM with DL4J for Deep Learning
- NN Models with DL4J for Deep Learning
- A Beginner’s Guide to Eigenvectors, PCA, Covariance and Entropy
- “딥러닝, 게을러지려고 연구하죠”...아담 깁슨 DL4J 창시자
- Exploring convolutional neural networks with DL4J
- Deep Learning Using DL4J and Spark on HDP for Fun and Profit
- rl4j - Reinforcement Learning for the JVM
- MLPClassifierLinear This is a screencast that shows building a Linear Classifier using a Neural Network
- Introduction to Deep Neural Networks
- Open Data for Deep Learning
- 제가 번역한 딥러닝 문서 목록 (deeplerarning4j.org)
- Getting started with Deeplearning4J and Scala
- DL4J-Quick Start
- Deep learning on Apache Spark and Apache Hadoop with Deeplearning4j
- 프로그래밍 언어별 딥러닝 라이브러리 정리
- 어떤 Deep Learning Library를 선택해야하나요?
- 유용한 딥러닝/머신러닝 프로젝트들
- 15 Deep Learning Libraries
- 15 Deep Learning Tutorials
- 50 Deep Learning Software Tools and Platforms, Updated
- Best Python Libraries for Machine Learning and Deep Learning
- A.I. Duet - A piano that responds to you
- AIQC Artificial Intelligence Quality Control - an open source framework for rapid & reproducible deep learning
- C3DL 딥러닝 분산 플랫폼, C3DL
- Caffe
- 윈도우에서 Caffe 이용하기
- Setting Caffe on Windows with CUDA & Python
- A DSL for deep neural networks, supporting Caffe and Torch http://ajtulloch.github.io/dnngraph
- Deep Dreams (with Caffe)
- Running Google’s Deep Dream on Windows (with or without CUDA) – The Easy Way
- Deep Learning and Caffe
- 영상을 이용하기위한 Convolutional Neural Networks, CNN
- Modeling Images, Videos and Text Using the Caffe Deep Learning Library, part 1 (by Kate Saenko)
- Apply simple pruning on Caffemodel
- Caffe to TensorFlow
- github.com/DeepLearningStudy/caffe/tree/master/examples
- C++ Example 1. Hello Caffe
- SSD: Single Shot MultiBox Detector
- Netscope CNN Analyzer - A web-based tool for visualizing and analyzing convolutional neural network
- CNN Model 분석을 도와줌
- Model을 prototxt 형태로 넣어주면, 네트워크 구조와, 하단에 CNN Dimension, parameter 수 등의 세부 정보를 정리
- caffe-boo - My own caffe-windows with additional layers and features
- Caffe2 - A New Lightweight, Modular, and Scalable Deep Learning Framework
- Classifying ImageNet: using the C++ API
- C++ Example 1. Hello Caffe
- Deep learning tutorial on Caffe technology : basic commands, Python and C++ code
- A Practical Introduction to Deep Learning with Caffe and Python
- Caffe 와 Python을 사용하여 딥러닝으로 개와 고양이 구분하기 1
- Caffe 와 Python을 사용하여 딥러닝으로 개와 고양이 구분하기 2
- ChessCoach
- ch0p1n: Python Package for Automatic Musical Composition
- chitra: A multi-functional library for full-stack Deep Learning. Simplifies Model Building, API development, and Model Deployment
- Cloudera
- Deep Learning Frameworks on CDH and Cloudera Data Science Workbench
- CDH & Cloudera Data Science Workbench 기반의 딥러닝 프레임워크 소개
- Deep Learning Frameworks on CDH and Cloudera Data Science Workbench
- Codeium · Free AI Code Completion & Chat
- Computational Network Toolkit (CNTK)
- CoreML
- coreml-scikit-example - Apple CoreML example with scikit-learn
- pypi.python.org/pypi/coremltools
- Keras Deep Learning with Apple’s CoreMLTools on iOS 11 – Part 1
- WWDC 애플 코어 머신러닝 (Core ML) 발표 요약 1 ("Introduction to CoreML)
- CoreML and Vision-Create a basic example
- How I Shipped a Neural Network on iOS with CoreML, PyTorch, and React Native
- 번역 앱에 Core ML 모델 합치기
- iOS의 모바일용 머신러닝 프레임워크 - Core ML
- PoseEstimation-CoreML
- craftassist - A virtual assistant bot in Minecraft
- darknet: Convolutional Neural Networks
- deepart.io - Generate images styled like your favorite artist
- DeepChem - a Python library democratizing deep learning for science
- Deep Learning Model Convertors
- deeplearning-models: A collection of various deep learning architectures, models, and tips
- deeplearn.js - a hardware-accelerated machine intelligence library for the web
- DeepOSM - Classify roads and features in satellite imagery, by training neural networks with OpenStreetMap (OSM) data
- DeepSpeed - a deep learning optimization library that makes distributed training easy, efficient, and effective
- DL_Compiler: Study Group of Deep Learning Compiler
- EagerPy - Writing Code That Works Natively with PyTorch, TensorFlow, JAX, and NumPy 상호호환
- Eesen - The official repository of the Eesen project
- einops - Deep learning operations rethinked (supports tf, pytorch, chainer, gluon and others)
- Fabrik – Collaboratively build, visualize, and design neural nets in the browser http://fabrik.cloudcv.org
- gemmlowp: a small self-contained low-precision GEMM library
- hiplot - HiPlot makes understanding high dimensional data easy
- Horovod - a distributed training framework for TensorFlow, Keras, and PyTorch
- Gradient Boosting Interactive Playground
- Labellio: Scalable Cloud Architecture for Efficient Multi-GPU Deep Learning
- LabNotebook - A simple experiment manager for deep learning experiments
- Lasagne
- Mamba: 트랜스포머에 도전하는 상태 공간 모델 | GeekNews
- Mamba : 트랜스포머를 대체할 차세대 아키텍처의 등장 - 모두의연구소
- A Visual Guide to Mamba and State Space Models
- micrograd: A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API
- Mind - Flexible neural networks in JavaScript
- Mindori - On-demand GPUs for neural networks
- MindSpore - a new open source deep learning training/inference framework that could be used for mobile, edge and cloud scenarios
- MuZero
- mxnet - Flexible and Efficient Library for Deep Learning
- Awesome MXNet A curated list of MXNet examples, tutorials and blogs
- An interactive book on deep learning. Much easy, so MXNet. Wow. http://gluon.mxnet.io
- mxnet - Lightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Scala, Go, Javascript and more http://mxnet.rtfd.org
- MXNet - Deep Learning Framework of Choice at AWS
- Alex Smola at AI Frontiers: Scalable Deep Learning Using MXNet
- MXNet을 활용한 이미지 분류 앱 개발하기
- github.com/JONGGON/Mxnet_Tutorial
- Apache MXNet에 대한 모든 것!
- MXNet for Deep Learning
- MXNet 기반 추천 오픈 소스 딥러닝 프로젝트 모음
- CVPR 2017 Tutorial https://mli.github.io/cvpr17
- 클라우드에 딱 맞는 MXNet의 5가지 딥러닝 학습 기능
- dl-twitch-series
- Apache MXNet으로 배워보는 딥러닝(Deep Learning) - 김무현 (AWS 솔루션즈아키텍트)
- MXNet 시작하기 (1) – NDArrays API
- deepSpeech.mxnet: Rich Speech Example
- CapsNet-MXNet
- An introduction to the MXNet API — part 1
- 전이학습(transfer learning)으로 모형 재사용하기 (Gluon 기반)
- Gluon을 이용한 Grad CAM
- seq2seq기반 덧셈 모형 빌드(with Gluon)
- MXNet 혹은 Gluon으로 모형을 개발할때 반드시 맞닥뜨릴 한가지 이슈
- Deep learning with Apache MXNet on Cloudera Data Science Workbench
- Gluon으로구현해보는 한영기계번역 모형 – 마이크로소프트웨어 기고문
- 딥러닝 프레임워크로 임베딩 제대로 학습해보기
- MXNet for PyTorch users in 10 minutes
- Apache MXNet Cheat Sheet
- Apache MXNet (incubating) adds support for Keras 2
- medium.com/apache-mxnet
- Relation Networks for Visual Question Answering using MXNet Gluon
- Sentiment Analysis via Self-Attention with MXNet Gluon
- MXNet 초보자를 위한 Gluon 한 시간에 뽀개기
- 딥러닝계의 블루오션, Apache MXNet 공헌하기 - 윤석찬 (AWS 테크에반젤리스트) 오규삼 (삼성 SDS)
- Logging MXNet Data for Visualization in TensorBoard
- Colab에서 TensorBoard 및 MXBoard를 사용하여 데이터 시각화 하는 방법
- Run MXNet Scala Examples Using the IntelliJ IDE (macOS)
- Implementation of SNAIL(A Simple Neural Attentive Meta-Learner) with Gluon
- LipNet: End-to-End Sentence-level Lipreading
- 버트(BERT) 파인튜닝 간단하게 해보자
- GluonNLP v0.7.1 — BERT Reloaded
- Deep Learning Programming Style symbolic vs. iterative programming style
- Pycon 2019 Gluon Tutorial 딥러닝 NLP 손쉽게 따라해보기
- Apache MXNet/gluon on Colab
- 딥러닝계의 블루오션, Apache MXNet 공헌하기 - 윤석찬 (AWS 테크에반젤리스트) 오규삼 (삼성 SDS)
- 아마존, 개발자용 딥러닝 자동화 툴 '오토글루언' 공개
- Using MXNet to Detect Fire from Live Video
- A New NumPy Interface for Apache MXNet (Incubating)
- KoGPT2-chatbot: Simple Chit-Chat based on KoGPT2
- Gluon-Detector - SSD Retinanet YoloV3
- Mxnet-Detector - mxnet one stage detector series
- netron - Visualizer for neural network, deep learning and machine learning models https://www.lutzroeder.com/ai 신경망, 딥러닝 모델 시각화 툴이자 뷰어
- neural enhance - Super Resolution for images using deep learning
- NN-SVG - Publication-ready NN-architecture schematics visualization
- NVDLA - Deep Learning Inference Compiler is Now Open Source
- OSLO: Open Source framework for Large-scale transformer Optimization
- plaidML - A framework for making deep learning work everywhere
- PlotNeuralNet - Latex code for drawing neural networks for reports and presentation
- Polyaxon - An enterprise-grade open source platform for building, training, and monitoring large scale deep learning applications
- PyCNN - Image Processing in Cellular Neural Networks with Python
- pylearn2-practice
- SINGA is a general distributed deep learning platform for training big deep learning models over large datasets
- Sonnet - TensorFlow-based neural network library
- SPOTTY - An Open-source Tool for Training Deep Learning Models in the Cloud
- SRZoo: An integrated repository for super-resolution using deep learning
- StarCoder: A State-of-the-Art LLM for Code
- TabNine Autocompletion with deep learning
- tinygrad: You like pytorch? You like micrograd? You love tinygrad! ❤️
- Triton Inference Server · GitHub
- trident: A performance library for machine learning applications
- VELES - Distributed platform for rapid Deep learning application development
- train-clm-multi-gpu
- TurboTransformers: a fast and user-friendly runtime for transformer inference (Bert, Albert, GPT2, Decoders, etc) on CPU and GPU
- webdnn - Fastest DNN Execution Framework on Web Browser https://mil-tokyo.github.io/webdnn
- xcessiv - A web-based application for quick and scalable construction of massive machine learning ensembles
- YOLO DARKNET - 구성 및 설치, 사용방법
- waifu2x - Image Super-Resolution for Anime/Fan-Art
- MOLIERE: Automatic Biomedical Hypothesis Generation System
- Applying deep learning to medical data
- 의료 ai를 위해 세상에 없는 양질의 data 만드는 도구 제작하기
- Cardiac MRI Segmentation
- Medical Image Segmentation Part 1 — UNet: Convolutional Networks with Interactive Code
- Encrypting Different Medical Images using Deep Neural Network with Interactive Code
- A machine learning survival kit for doctors
- Deep Learning Papers on Medical Image Analysis
- HeLP-Challenge-Goldenpass
- How to program a neural network to predict breast cancer in only 5 minutes
- Doc Product: Medical Q&A with Deep Language Models
- RadIO - a library for data science research of computed tomography imaging https://analysiscenter.github.io/radio
- The Microsoft Cognitive Toolkit 마이크로소프트에서 개발한 딥러닝 프레임워크 CNTK
- blog
- website
- github.com/Microsoft/CNTK
- CNTK v1.x; 속도는 빠르지만 C++, C# API만 지원하고 실서비스 배포가 불편한 문제
- CNTK v2.0; Python API 지원, 최적화된 분산 학습 가능
- 1-bit SGD, Model sharing 등 최적화된 대용량 처리에 초점을 맞춰서 개발
- Image, Speech, Text 분야의 다양한 학습 모델
- 학습된 모델을 Azure로 배포, 서비스 가능
- Benchmarking CNTK on Keras: is it Better at Deep Learning than TensorFlow?
- Microsoft Congnitive Toolkit 알아보기!
- Microsoft Face API: Python SDK & Sample
- Keras + CNTK Backend
- Building Deep Neural Networks in the Cloud with Azure GPU VMs, MXNet and Microsoft R Server
- AirSim - Open source simulator based on Unreal Engine for autonomous vehicles from Microsoft AI & Research
- NeRF: 2D 이미지를 3D로 바꿔준다고요? - 모두의연구소
- NeRF의 단점과 후속 연구 소개 - 모두의연구소
- NeRF 구현 톺아보기 (feat. Camera to World Transformation)
- Google's AI Chief Geoffrey Hinton - How Neural Networks Really Work
- 1. Overview of Mini Batch Gradient Descent
- Learning How To Code Neural Networks
- Machine Learning 스터디 (18) Neural Network Introduction
- Artificial Neural Networks for Beginners
- Introduction To Neural Networks
- A Visual Explanation of the Back Propagation Algorithm for Neural Networks
- Machine Learning - Neural Networks Tutorial
- A Fast and Accurate Dependency Parser using Neural Networks
- Visualizing and Understanding Deep Neural Networks by Matt Zeiler
- Machine-Learning Algorithm Mines Rap Lyrics, Then Writes Its Own
- 시인 뉴럴
- VGG Convolutional Neural Networks Practical
- Spectral Representations for Convolutional Neural Networks
- How to implement a neural network: Part 1
- Inceptionism: Going Deeper into Neural Networks
- Quantifying Creativity in Art Networks
- Neural network의 변천사 이태영
- ai junkie - neural networks in plain english
- 10 Billion Parameter Neural Networks in your Basement
- Understanding Neural Networks Through Deep Visualization
- Interactive Deep Neural Net Hallucinations (+source code) Large Scale Deep Neural Net visualizing top level features
- Neural Network for Concrete Strength using R
- fann.js - FANN compiled through Emscripten
- neurogram - Creating abstract art by evolving neural networks in Javascript
- NeuroBind--Yet Another Model for Finding Binding Sites Using Neural Networks
- Neural Network for Concrete Strength using R
- Recent Trends in Neural Net Policy Learning
- neural networks by browser
- Scalable Bayesian Optimization Using Deep Neural Networks
- Bayesian Optimization 개요: 딥러닝 모델의 효과적인 hyperparameter 탐색 방법론 (1)
- Bayesian Optimization 개요: 딥러닝 모델의 효과적인 hyperparameter 탐색 방법론 (2)
- Data Pipeline Hyperparameter Optimization - Alex Quemy
- Hyperparameter Definition | DeepAI
- Derivation of LBFGS Part 1 - Newton’s Method | Dable Tech Blog
- Derivation of LBFGS Part 2 - SR1 Method | Dable Tech Blog
- Derivation of LBFGS Part 3 - BFGS Method | Dable Tech Blog
- Derivation of LBFGS Part 4 - LBFGS Method | Dable Tech Blog
- An implementation of the paper 'A Neural Algorithm of Artistic Style'
- neural-style - Torch implementation of neural style algorithm
- Comparing Artificial Artists
- Neural Networks, Types, and Functional Programming
- Implementing a Neural Network from Scratch – An Introduction
- Hacker's guide to Neural Networks
- neural-network-papers
- Pedestrian detection using convolutional neural networks
- Scalable Distributed DNN Training Using Commodity GPU Cloud Computing
- Deep Style: Inferring the Unknown to Predict the Future of Fashion
- DeepHear - Composing and harmonizing music with neural networks
- Why are Eight Bits Enough for Deep Neural Networks?
- Neural Net in C++ Tutorial
- A too naive approach to video compression using artificial neural networks
- An interactive introduction to neural network
- Understanding Natural Language with Deep Neural Networks Using Torch
- Skynet for Beginners - Using a Neural Network to Train a Ruby Twitter bot
- Neural Networks, Manifolds, and Topology
- Deep Neural Network with Pre-training
- Build your own neural network classifier in R
- GNU Gneural Network
- Neural Networks Demystified
- colornet
- Sketch-simplifying neural network lets artists leap from pencil to ink
- Neural Networks Are Impressively Good At Compression
- An Analysis of Deep Neural Network Models for Practical Applications
- Why are Eight Bits Enough for Deep Neural Networks?
- Adventures learning Neural Nets and Python
- Deep Learning in Neural Networks: An Overview
- Using Neural Networks With Regression
- How To Interpret R-squared and Goodness-of-Fit in Regression Analysis
- Neural networks for algorithmic trading. Part One — Simple time series forecasting
- Deep Learning using Deep Neural Networks
- K-Fold Cross-Validation for Neural Networks
- 데이터 분할과 교차 검증 | Pega Devlog stratified k fold, cross validation
- What is the Role of the Activation Function in a Neural Network?
- 신경망에서 activation 함수와 cost(또는 loss, target, objective) 함수는 별개
- Activation함수, cost함수에 어떤 심오한 (과학적) 의미는 없고, 그냥 인공 신경망을 잘 동작시키기 위해 만든 함수
- Activation 함수
- 개별 뉴런에 적용
- 그 뉴런에 들어온 입력(들)의 합을 출력으로 바꾸는 역할
- 입력을 그냥 scale 정도 해서 그대로 출력으로 내 보내는 linear 타입, sigmoid 타입, hyperbolic tangent 타입이 존재
- Cost/loss 함수
- activation 함수와는 별개로 보통은 신경망 전체에 적용
- NN이 weight나 bias를 학습할 때 (최적화 할 때) 지표 (metric)이 되는 함수
- weight, bias를 변수로 갖고 있고, 보통 이 loss/cost를 낮추는 (함수가 에러/cost를 나타낼 때, gradient descent (gradient 반대 방향) 또는 높이는 방향 (함수가 장점/merit을 나탸낼 때, gradient 방향) 으로 만드는 weight(bias)를 계산
- Sigmoid activation 함수는 초기부터 사용
- Squared Error 타입 cost 함수와 같이 쓰면 saturation 발생(입력이 매우 negative, 또는 positive 여서 activation이 0 또는 1에 가까울 때), 초기화 잘못으로 학습이 거의 일어나지 않음
- Cross-entropy loss 함수같은 것은 sigmoid neuron에 대해 써도 이런 saturation 문제 미발생
- (linear 타입) Relu 를 쓰면, Squared Error 타입 loss 함수를 써도 saturation 미발생
- 왜 크로스-엔트로피를 쓸까?
- 신경망에서 activation 함수와 cost(또는 loss, target, objective) 함수는 별개
- Visualising Activation Functions in Neural Networks
- How do you visualize neural network architectures?
- Sketch Simplification
- Neural Network-based Sketch Simplification
- 논문 요약 - Deep Neural Networks for YouTube Recommendations
- Neural Network Architectures
- THE NEURAL NETWORK ZOO
- 10 misconceptions about Neural Networks
- 딥러닝_Neural Network_멀티 퍼셉트론1
- 인공지능(뉴럴 네트워크) 베토벤 월광소나타 훈련시키기
- Four Experiments in Handwriting with a Neural Network
- Neural Network Architectures
- CorrNet - an implementation of Correlational Neural Network (CorrNet)
- Coding a Deep Neural Network to Steer a Car: Step By Step
- World Models Experiments
- 뉴럴네트워크, 그것이 알고싶다
- Stuttgart Neural Network Simulator
- Spiking Neural Network
- SNN Basic Tutorial 1 Spiking Neural Network란 | Euijin's blog
- SNN Basic Tutorial 2 SNN을 위한 기초 뇌과학 | Euijin's blog
- SNN Basic Tutorial 3 SNN을 위한 회로이론(1): 기초 | Euijin's blog
- SNN Basic Tutorial 4 SNN을 위한 회로이론(2): RC회로 | Euijin's blog
- SNN Basic Tutorial 5 Leaky Integrate and Fire(LIF) 모델 설명 | Euijin's blog
- How to Choose a Neural Network
- Neural Network 개선
- Using Machine Learning to Explore Neural Network Architecture
- COMMON REPRESENTATION LEARNING USING DEEP CORRNET
- A simple neural network module for relational reasoning
- 스탠포드와 FAIR이 발표한, 구성 언어 및 초등 시각 추론을 위한 진단 데이터 세트(CLEVR)
- 관련연구 : 시각 추리를 위한 프로그램 추론 및 실행
- 순수한 텍스트기반 QnA 데이터세트인 페이스북의 bAbI
- keras implementation of A simple neural network module for relational reasoning https://arxiv.org/pdf/1706.01427.pdf
- PR-018: A Simple Neural Network Module for Relational Reasoning (DeepMind)
- Relation Networks for Visual QA
- DeepMind’s Relational Reasoning Networks — Demystified
- DeepMind's AI Learns Superhuman Relational Reasoning | Two Minute Papers #168
- Bridging Relational and Deep Learning
- Learning to Reason with Neural Module Networks
- Self-Normalizing Neural Networks 자기 정규화 신경망 이해 및 시각화
- 37 Reasons why your Neural Network is not working
- Understanding Neural Network: A beginner’s guide
- A Visual and Interactive Guide to the Basics of Neural Networks
- How neural networks are trained
- Information Theory of Neural Networks
- Under The Hood of Neural Networks. Part 1: Fully Connected
- [How Attractive Are You in the Eyes of Deep Neural Network?(https://towardsdatascience.com/how-attractive-are-you-in-the-eyes-of-deep-neural-network-3d71c0755ccc)
- What Does A Face Detection Neural Network Look Like?
- Neural Collage - Collaging on Internal Representations: An Intuitive Approach for Semantic Transfiguration
- One neural network, many uses
- Are Deep Neural Networks Dramatically Overfitted?
- A Recipe for Training Neural Networks
- First neural network for beginners explained (with code)
- simple-neural-networks/simple_nn.py
- 뉴럴 네트워크와 딥러닝
- Hacking Neural Networks: A Short Introduction
- Teaching a neural network to use a calculator
- Neural Network (NN) Streamer, Stream Processing Paradigm for Neural Network Apps/Devices
- Uber Creates Generative Teaching Networks to Better Train Deep Neural Networks
- Neural Network Acceleration Study
- Neural-Network-Acceleration-2: Neural Network Acceleration using CPU/GPU, ASIC, FPGA
- Neural Networks from Scratch with Python Code and Math in Detail— I | by Towards AI Team | Towards AI — Multidisciplinary Science Journal | Jun, 2020 | Medium
- Building Neural Networks with Python Code and Math in Detail — II | by Towards AI Team | Towards AI — Multidisciplinary Science Journal | Jun, 2020 | Medium
- Python 신경망 학습 (1) : 네이버 블로그
- Python 신경망 학습 (2) : 네이버 블로그
- Python 신경망 학습 (3) : 네이버 블로그
- Neural Networks from Scratch - an interactive guide 뉴럴넷을 배울 수 있도록 단계별로 진행해 볼 수 있는 인터렉티브 가이드
- 신경망(neural networks)에서 편향(bais)의 역할 - 멈춤보단 천천히라도
- Mixture-of-Experts with Expert Choice Routing – Google AI Blog
- 딥러닝의 성능을 높이기 위해서는 파라미터의 수를 증가시키는 것이 일반적
- Mixture-of-Experts라는 방법을 활용하면 네트워크의 일부가 조건부로 활성화 가능
- 이번 NeurIPS에서 게재 예정인 논문은 Expert Choice라는 새로운 Mixture-of-Experts 방법
- 딥러닝의 성능을 높이기 위해서는 파라미터의 수를 증가시키는 것이 일반적
- Snake - Zero to Neural Networks C Programming - YouTube
- Brain.js: GPU accelerated Neural Networks in JavaScript
- nnstreamer: Neural Network (NN) Streamer, Stream Processing Paradigm for Neural Network Apps/Devices
- nntrainer: NNtrainer is Software Framework for Training Neural Network Models on Devices
- nn-zero-to-hero: Neural Networks: Zero to Hero
- Tools-to-Design-or-Visualize-Architecture-of-Neural-Network: Tools to Design or Visualize Architecture of Neural Network
- triton: Development repository for the Triton language and compiler
- 컨볼루셔널 뉴럴넷 (Convolutional Neural Network)
- ConvNet을 시계열 데이터에 적용하는 세가지 방법
- Convolutional Neural Network (ConvNet, 또는 CNN)은 원래는 2D 이미지를 인식하기 위해 만듦
- 뛰어난 성능에 다른 영역에서도 점점 CNN을 적용
- CNN은 기본적으로 shared parameter를 통해 계산량을 줄이는 동시에 overfitting도 완화해주고 더욱 유용한 피쳐를 생성해주는 등 classification에 좋음
- 이것을 시계열 데이터(time-series data)에 적용하려면 기본적으로 각각의 데이터마다 길이가 다른 문제를 해결해야 함
- 예를 들어 음성인식을 한다고 하면 각각 단어마다 길이가 다른데, 뉴럴넷은 기본적으로 고정된 사이즈의 벡터를 인풋으로 받는다는 것이 문제
- 가장 간단한 해결책은 아마 fixed size window를 슬라이딩하면서 적용하는 것
- 예를 들어 길이가 하나는 1000이고, 하나는 1200이라면 사이즈 100짜리 윈도우로 각각 10개, 12개의 벡터들을 뽑고 각각을 독립된 예제들로 간주
- 하지만 이건 그렇게 좋은 방법은 아님
- 왜냐하면 어떤건 앞쪽 부분을 보고, 어떤건 가운데를 보고, 어떤건 뒤쪽을 보는데 이들을 모두 같은 데이터로 학습해야하기 때문
- 물론 이 데이터 위에 RNN과 같은 것을 쌓을 수도 있겠지만, 암튼 이건 좀 bruteforce
- 음성인식에선 이것을 HMM을 통해 해결
- 딥러닝이 나오기 이전, 음성인식은 보통 HMM-GMM (Hidden Markov Model - Gaussian Mixture Model)을 이용해 해결
- 아주 간단히 말해 연속된 데이터를 몇 개의 Gaussian의 states로 모델링하고 이를 학습
- 최근의 딥러닝의 도입은 GMM을 딥러닝으로 대체함으로서 GMM-DNN모델을 제시
- CNN을 음성인식에 적용하는 기본적인 방법은 먼저 HMM-GMM을 통해 대략의 states를 학습한 후 GMM을 CNN으로 대체해 다시 학습
- 이렇게 하면 기존엔 아주 많은 윈도우를 각각 학습했어야 하는 것과 달리, 이제는 적절한 크기의 states들만 학습하면 됨
- 자연어처리에선 max pooling over time을 통해 이 문제를 해결
- 예를 들어 "나는 오늘 아침에 학교에 갔어요"란 문장을 배운다면 Convolution window를 (나는, 오늘), (나는, 오늘, 아침에), (오늘, 아침에) 등등에 적용한 이후 각각의 윈도우로부터 딱 한 개의 값들만을 max pool
- 이렇게 하면 만약 feature map의 갯수만 같다면 원래 문장의 길이와는 상관없이 동일한 길이의 벡터가 추출
- 각각의 피쳐맵에서 딱 한 개씩만 값들을 추출하기 때문
- 이걸 마지막에 기본 뉴럴넷(FFNN)에 넣음으로서 문장 분류와 같은 일을 함
- 음성인식과 자연어처리가 다른 점
- 자연어처리(문장 분류)는 이미 문장 단위로 segment 되어있는 상태에서 다른 길이들을 처리
- 음성인식은 연속적인 데이터에서 임의로 states를 나누는 경우라는 점
- Convolutional neural networks for speech recognition (2014)
- Convolutional neural networks for sentence classification (2014)
- 1509.01626 Character-level Convolutional Networks for Text Classification 자연어를 word 단위로 보는 것이 아니라 character 단위로 보고 마치 한글자 한글자를 웨이브의 한 점처럼 생각
- Max over time pooling같은 경우 대부분의 sentence classification류의 문제에서 '실용적으로' 잘 동작
- 굳이 한계점을 꼽자면 feature가 (예로 들어주신 것 처럼, '나는 오늘'과 같은 단어들을 검출할거라고 예상되는) 문장 내에서 나왔는지/없었는지만을 볼 수 있고, 몇 번 나왔는지는 알 수 없다는 단점
- 따라서, 긴 문장, 혹은 대화/문서까지를 다룬다고 하면 feature extractor로써 적절하지 않을 것
- 이를 조금 보완한 것이 dynamic k-max pooling
- 시계열을 다룰때는 (음성인식이나, 자연어처리나) RNN이 더 적합하다고 생각
- 물론 task가 단순하고, 데이터가 적다면 CNN이나 심지어는 전통적인 TF-IDF방법이 더 좋은 경우도 있음
- Convolutional Neural Network (ConvNet, 또는 CNN)은 원래는 2D 이미지를 인식하기 위해 만듦
- ConvNet을 시계열 데이터에 적용하는 세가지 방법
- My 1st Kaggle ConvNet: Getting to 3rd Percentile in 3 months
- Image Scaling using Deep Convolutional Neural Networks
- cs.stanford.edu/people/karpathy/convnetjs
- Fast Convolutional Nets With fbfft: A GPU Performance Evaluation
- Learning Game of Life with a Convolutional Neural Network
- A Tutorial on Deep Learning Part 2: Autoencoders, Convolutional Neural Networks and Recurrent Neural Networks
- Texture Synthesis with Convolutional Neural Networks
- Understanding Convolutional Neural Networks for NLP
- Convolutional Neural Network (CNN)
- CS231n: Convolutional Neural Networks for Visual Recognition
- Convolutional Neural Networks (CNNs / ConvNets)
- CS231n Convolutional Neural Networks for Visual Recognition
- archive.org/download/cs231n-CNNs
- Andrej Karpathy
- CS231n : Neural Networks Part 1: Setting up the Architecture (한국어 번역)
- CS231n Winter 2016 Lecture 4 Backpropagation, Neural Networks 1-Q_UWHTY_TEQ.mp4
- Visualizing what ConvNets learn
- CS231n/Module 1: Neural Networks
- CONVOLUTIONAL NEURAL NETWORKS FOR VISUAL RECOGNITION
- DSBA CS231n
- cs231n_2017_lecture8.pdf
- github.com/Curt-Park/cs231n_assignments
- Course Project Reports: Spring 2017
- Lecture Collection | Convolutional Neural Networks for Visual Recognition (Spring 2017)
- github.com/cthorey/CS231 numpy만으로 작성
- Korean Subtitles for CS231N Spring 2017
- Assignments CS231N: Convolutional Neural Networks for Visual Recognition (2016 & 2017)
- 딥러닝기반영상분석 (cs231n)
- CS231N 2017 video subtitles translation project for Korean Computer Science students
- CS231n Convolutional Neural Networks for Visual Recognition 번역
- CS231n Generative Models (1) - AutoEncoder, Variational AutoEncoder(VAE)
- CS231n Generative Models (2) - GAN
- excelsior-cjh.tistory.com/category/DeepLearning/개념
- CS231n Summary - TaeYoung’s Blog
- Implementing a CNN for Text Classification in TensorFlow
- Case Study of Convolutional Neural Network
- Must Know Tips/Tricks in Deep Neural Networks (by Xiu-Shen Wei)
- Kashif Rasul - Intro to ConvNets
- CNN(Convolution Neural Network)으로 인물을 인식 시켜보자
- VGG Convolutional Neural Networks Practical
- Q Learning과 CNN을 이용한 Object Localization
- Benchmarks for popular CNN models
- A Beginner's Guide To Understanding Convolutional Neural Networks
- A Beginner's Guide To Understanding Convolutional Neural Networks Part 2
- The 9 Deep Learning Papers You Need To Know About (Understanding CNNs Part 3)
- Faster R-CNN in MXNet with distributed implementation and data parallelization
- Faster R-CNN
- Snagging Parking Spaces with Mask R-CNN and Python
- A guide to convolution arithmetic for deep learning
- An Intuitive Explanation of Convolutional Neural Networks
- An Intuitive Explanation of Convolutional Neural Networks
- ‘구글 맵’ 영상에 AI 접목하니, 빈곤국가 경제실태 한눈에
- Machine Learning is Fun! Part 3: Deep Learning and Convolutional Neural Networks
- Machine Learning is Fun! Part 4: Modern Face Recognition with Deep Learning
- NeoCognitron
- GCN
- GRAPH CONVOLUTIONAL NETWORKS
- How do we capture structure in relational data?
- Graph Convolutional Networks for relational graphs keras
- Graph Convolutional Neural Networks
- How to do Deep Learning on Graphs with Graph Convolutional Networks
- Graph Convolutional Networks using only NumPy - YouTube
- Spectral GCN 은… 사드세요 - TooTouch
- Graph Neural Network 찍어먹기 - TooTouch
- How Powerful are Graph Neural Networks? - Graph ML review
- DGL-tutorial: 그래프 딥러닝 라이브러리 DGL 쉽게 배우기
- Graph Machine Learning at Airbnb. How Airbnb is leveraging graph neural… | by Devin Soni | The Airbnb Tech Blog | Jun, 2022 | Medium
- Introduction to Graph Machine Learning
- Graph Nets - DeepMind's library for building graph networks in Tensorflow and Sonnet
- Convolutional neural network in practice
- A Beginner's Guide To Understanding Convolutional Neural Networks
- 딥러닝 - 초보자를 위한 컨볼루셔널 네트워크를 이용한 이미지 인식의 이해
- 딥러닝을 이용한 숫자 이미지 인식 #1/2
- 딥러닝을 이용한 숫자 이미지 인식 #2/2
- Speed/accuracy trade-offs for modern convolutional object detectors
- 구글에서 요즘 나오는 CNN 기반의 object detectors들을 정리
- Faster R-CNN, R-FCN, SSD 등 디텍션 알고리즘을 다양한 방법으로 실험해 보고 자세히 결과를 리포트
- CNN VS Preschool Student Eyes
- DyNet - The Dynamic Neural Network Toolkit
- CNN 역전파를 이해하는 가장 쉬운 방법 The easist way to understand CNN backpropagation
- Paints Chainer - line drawing colorizer using chainer. Using CNN, you can colorize your scketch automatically / semi-automatically
- Convolutional Neural Networks (CNNs): An Illustrated Explanation
- CNNs from different viewpoints - Prerequisite: Basic neural networks
- 14 DESIGN PATTERNS TO IMPROVE YOUR CONVOLUTIONAL NEURAL NETWORKS
- 합성곱 신경망(CNN)
- #21. Deformable Convolutional Networks
- [#P.1. Deformable Convolutional Networks (2017)]https://www.youtube.com/watch?v=RRwaz0fBQ0Y&list=PL0oFI08O71gKEXITQ7OG2SCCXkrtid7Fq)
- A Brief History of CNNs in Image Segmentation: From R-CNN to Mask R-CNN
- Deep Learning #2: Convolutional Neural Networks
- CNNs in Practice
- Conv Nets: A Modular Perspective
- Picasso: A free open-source visualizer for Convolutional Neural Networks
- 간단한 구조의 CNN Layer별 시각화
-
handwritten_digit 이미지를 통해 CNN의 각 Layer별로 시각화
-
Input 값으로 직접 그려 넣기 가능
-
CNN에서 각각의 계산과정 특히 Fully Connected Layer을 이해하는데 많은 도움
-
CNN의 여러 Parameter값들을 변경가능해 이를 시각화해줬으면 더 좋았을 것
-
시각화된 CNN구조
handwritten_digit_Input Image : 32x32 Filter_size = 5x5, stride = 1 , padding = VALID pooling = max_pooling(2x2), stride = 2 activation_function = Tanh input -> conv1(6) -> Tanh -> maxpool1 -> conv2(16) -> Tahn -> maxpool2 -> fc1 -> Tanh -> fc2 -> output
-
- Applied Deep Learning 11/03 Convolutional Neural Networks
- A friendly introduction to Convolutional Neural Networks and Image Recognition
- 딥러닝 기반 세차 인증 자동화 모델 개발 이야기 - SOCAR Tech Blog
- 컨볼루션(Convolution) 이해하기
- CortexNet: Robust Visual Temporal Representations
- Convolution 종류 설명
- Deepeyeballers - Ushering in deep learning's foray into the netherworld of eyeballing
- Scatter2Pearson - 산점도에서 상관 계수를 회귀시키는 CNN 훈련
- Interpreting (and fooling) convolutional neural networks: Part 1
- Dance Dance Convolution
- Capsule Networks
- Geoffrey Hinton talk "What is wrong with convolutional neural nets ?"
- Understanding Hinton’s Capsule Networks
- A Visual Representation of Capsule Network Computations
- Dynamic Routing Between Capsules - 캡슐 간 동적 라우팅
- Matrix capsules with EM Routing
- “Understanding Matrix capsules with EM Routing (Based on Hinton's Capsule Networks)”
- Capsule Networks Are Shaking up AI – Here’s How to Use Them
- Capsule Networks
- Capsule Networks (CapsNets) – Tutorial
- How to implement CapsNets using TensorFlow
- 제프리 힌튼의 캡슐망을 풀이하다
- Capsule Networks: An Improvement to Convolutional Networks
- A Nice Easy Tutorial To Follow On Capsule Networks Based On Sabour, Frosst, And Hinton's Paper
- github.com/Sarasra/models/tree/master/research/capsules
- Understanding Capsule Networks — AI’s Alluring New Architecture
- CapsNet-Visualization - A visualization of the CapsNet layers to better understand how it works
- How do CNNs Deal with Position Differences?
- Slides for paper “the effects of noisy labels on deep convolutional neural networks for music tagging”
- A tutorial on deep learning for music information retrieval (dl4mir) slides, paper
- CNN in numpy
- Only Numpy: Understanding Back Propagation for Transpose Convolution in Multi Layer CNN with Example and Interactive Code
- Let’s code a Neural Network in plain NumPy
- Convolution operation in Neural Network
- 컨벌루션 뉴런 네트워크(CNN) 란 무엇인가?
- ResNet, AlexNet, VGG, Inception: Understanding various architectures of Convolutional Networks
- A guide to receptive field arithmetic for Convolutional Neural Networks
- Convolutional Neural Network — I
- Intuitively Understanding Convolutions for Deep Learning
- A guide to receptive field arithmetic for Convolutional Neural Networks
- cnn-watermark-removal - Fully convolutional deep neural network to remove transparent overlays from images
- Convolutional Neural Networks cheatsheet
- 1.1 Questions to the Convolutional Neural Networks
- Gentle Dive into Math Behind Convolutional Neural Networks
- Everything you need to know to master Convolutional Neural Networks
- 합성곱 신경망에서 컨벌루션과 트랜스포즈드 컨벌루션의 관계 Relationship between Convolution and Transposed Convolution in CNN
- Intuitively Understanding Convolutions for Deep Learning
- Convolutional Neural Networks from the ground up
- Convolutional Neural Networks: The Biologically-Inspired Model
- CNN에서 pooling이란?
- assembled-cnn - Official implementation of "Compounding the Performance Improvements of Assembled Techniques in a Convolutional Neural Network"
- CNN으로 TWICE 다현과 ITZY 예지를 구분할 수 있을까? — Intro
- CNN으로 TWICE 다현과 ITZY 예지를 구분할 수 있을까? — (1)
- CNN으로 TWICE 다현과 ITZY 예지를 구분할 수 있을까? — (2)
- CNN으로 TWICE 다현과 ITZY 예지를 구분할 수 있을까? — (3)
- CNN Explainer
- 2D Visualization of a Convolutional Neural Network 숫자를 입력하면 layer별로 그림으로 보여줌
- ConvNeXt: Code release for ConvNeXt model
- Understanding LSTM Networks
- 엘에스티엠 네트워크 이해하기 (Understanding LSTM Networks)
- GRU & LSTM for machine translations.ipynb
- Backpropogating an LSTM: A Numerical Example
- LSTM Networks for Sentiment Analysis
- 번역 니코니코동화의 공개코멘트 데이터를 Deep Learning로 해석하기
- Unsupervised Learning of Video Representations using LSTMs
- LSTMVis - Visual Analysis for Recurrent Neural Networks
- LSTM(RNN) 소개
- Understanding the new Google Translate
- Knowing when to look : Adaptive Attention via A Visual Sentinel for Image Captioning
- 본 논문에서는 Hidden layer 뒤에 추가적인 새로운 시각중지 벡터 (visual sentinel vector)를 갖는 LSTM의 확장형을 채택함
- 시각신호로부터 필요 시 언어모델로 전환이 가능한 Adaptive attention encoder-decoder framework을 제안
- 이로 인하여 “white”, “bird”, “stop,”과 같은 시각적 단어에 대해서는 좀 더 이미지에 집중하고, “top”, “of”, “on.”의 경우에는 시각중지를 사용함으로서 Image Captioning의 정확도를 향상
- “Image Captioning”기술은 위성이나 항공영상 분석의 경우 아주 중요한 기술
- 일반적인 Image Captioning에 비해 예상외로 아주 수월하게 처리가 가능
- Clickbaits Revisited: Deep Learning on Title + Content Features to Tackle Clickbaits
- Neural Complete
- 엘에스티엠 네트워크 이해하기
- Exploring LSTMs
- 머신러닝 BASIC - RNN과 LSTM에 대해
- 딥러닝 기반 기상 예측 모델 연구 사례 (1) : Convolutional LSTM
- Extreme Event Forecasting with LSTM Autoencoders
- DeepWeather
- #23. RNN & LSTM
- RNN : LSTM 구조
- #6.0. RNN & LSTM
- RNN & LSTM
- NoisyNet-A3C - NoisyNet (LSTM) asynchronous advantage actor-critic (A3C) on the CartPole-v1 environment
- RNN and LSTM 01 - stock_data_load.csv
- Evolution: from vanilla RNN to GRU & LSTMs
- Vanilla LSTM with numpy
- LSTM in numpy - Let's calculate LSTMCell in numpy manually
- Image recognition using tensorflow in Deep learning | Python | Ajay Jatav
- RNN과 LSTM을 이해해보자!
- 왕초보를 위한 RNN
- Understanding GRU networks
- Introduction to Deep Learning Trading in Hedge Funds
- Stock Price Prediction of Apple Inc. Using Recurrent Neural Network
- The fall of RNN / LSTM
- 2D 이미지같은 데이터에는 CNN을 사용하고 시계열 데이터에는 RNN/LSTM/GRU 등을 사용하는 것이 하나의 정석처럼 여겨지지만 RNN 계열의 비효율적인 신경망을 버릴 때가 되었다 + Attention 메커니즘을 가지는 TCN(Temporal convolutional network)이 대안이라는 주장
- Visualizing LSTM Networks. Part I
- Generating Drake Rap Lyrics using Language Models and LSTMs
- RNN and its applications
- How to Use the TimeDistributed Layer for Long Short-Term Memory Networks in Python
- Exploring LSTMs: Understanding Basics
- Recurrent Neural Networks cheatsheet
- An Introduction to Recurrent Neural Networks
- RNN에서의 alignment 의미와 seq-to-seq 모델
- Visualizing memorization in RNNs
- Predicting Trump’s Tweets With A Recurrent Neural Network
- LSTM and Bidirectional LSTM for Regression | by Mohammed Alhamid | Jun, 2021 | Towards Data Science
- A Brilliant Explanation of LSTM Model | Long Short-Term Memory Model | Deep Learning Tutorial - YouTube
- A Neural Network in 11 lines of Python (Part 1)
- A Neural Network in 13 lines of Python (Part 2 - Gradient Descent)
- 파이썬 코딩으로 말하는 데이터 분석 - 6. 경사하강법
- Hinton's Dropout in 3 Lines of Python
- Training (deep) Neural Networks Part: 1
- Deep learning – Convolutional neural networks and feature extraction with Python
- Irene Chen A Beginner's Guide to Deep Learning PyCon 2016
- Introduction to Deep Learning with Python
- A Complete Guide on Getting Started with Deep Learning in Python
- Python Code Suggestions Using a Long Short-Term Memory RNN
- Python for Image Understanding: Deep Learning with Convolutional Neural Nets
- Fitting Gaussian Process Models in Python
- Gaussian process regression using functional programming
- hamait.tistory.com/category/통계&머신러닝&딥러닝
- Understanding and coding Neural Networks From Scratch in Python and R
- Safe Crime Prediction - Homomorphic Encryption and Deep Learning for More Effective, Less Intrusive Digital Surveillance
- DEEP LEARNING AND REINFORCEMENT LEARNING SUMMER SCHOOL 2017
- How I implemented iPhone X’s FaceID using Deep Learning in Python
- Deep Learning with Python
- How to build your own Neural Network from scratch in Python
- Let’s build a simple Neural Net!
- Building a Feedforward Neural Network from Scratch in Python
- Predict the probability of getting heart disease with a Python neural network
- Neural Networks from Scratch in Python - YouTube
- DeepCreamPy - Decensoring Hentai with Deep Neural Networks
- neat-python A NEAT (NeuroEvolution of Augmenting Topologies) implementation
- neon Fast, scalable, easy-to-use Python based Deep Learning Framework by Nervana™ http://neon.nervanasys.com
- NeuPy - Neural Networks in Python
- Neural Doodle - Use a deep neural network to borrow the skills of real artists and turn your two-bit doodles into masterpieces
- ancient-text-restoration - Restoring ancient text using deep learning: a case study on Greek epigraphy
- dropout: Code release for "Dropout Reduces Underfitting"
- Recurrent Flow Network on Different Error Rates
- binary matrix를 입력으로 받아서, 미래의 matrix를 예측하며, 각 cell의 속도 역시 구할 수 있음
- 예를 들어서 matrx의 1과 0이 해당 공간이 점유됨과 비어있음을 의미하면, 이 네트워크는 무인 자동차와 같은 어플리케이션에서 장애물들의 속도와 미래에 어떻게 움직일지를 예측 가능
- 구조적으론 재귀 신경망 구조이지만, 기존의 RNN과는 모든 연산과 구조가 다릅니다.
- 장점
- 노이즈에 강인. 동영상에서 알 수 있듯이 왼쪽의 입력 matrix에 노이즈가 많이 있어도 오른쪽의 예측된 방향은 꽤나 정확
- 빠른 속도. 200 * 200의 행렬을 받아 처리하는데 40ms 이하(MATLAB coder 환경)
- 매트랩 코드
- Mobile-robot-simulator - Mobile robot simulator in MATLAB
- Where to Apply Dropout in Recurrent Neural Networks for Handwriting Recognition?
- A friendly introduction to Recurrent Neural Networks
- Anyone Can Learn To Code an LSTM-RNN in Python (Part 1: RNN) Baby steps to your neural network's first memories
- Awesome Recurrent Neural Networks - A curated list of resources dedicated to recurrent neural networks
- The Unreasonable Effectiveness of Recurrent Neural Networks
- opinion mining with deep recurrent nets
- Composing Music With Recurrent Neural Networks
- Composing Music with LSTM Recurrent Networks - Blues Improvisation
- Training a Recurrent Neural Network to Compose Music
- A Recurrent Neural Network Music Generation Tutorial
- How Generative Music Works
- Composing Music With Recurrent Neural Networks
- Recurrent neural network (depth=3) generates next 1,000 bytes of "Let It Go":
- Recurrent Neural Network Writes Music and Shakespeare Novels | Two Minute Papers
- Music x ICML2019 papers
- My recent talks – Keunwoo Choi
- Recurrent Neural Network, Fractal for Deep Learning
- The Unreasonable Effectiveness of Recurrent Neural Networks
- Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch
- mrchrisjohnson Recurrent Neural Shady
- recurrent neural network handwriting generation demo
- Teaching recurrent Neural Networks about Monet
- Recurrent Neural Networks Tutorial, Part 1 – Introduction to RNNs
- Recurrent Neural Networks Tutorial, Part 2 – Implementing a RNN with Python, Numpy and Theano
- Recurrent Neural Networks Tutorial, Part 3 – Backpropagation Through Time and Vanishing Gradients
- Vanishing Gradient Problem
- Recurrent Neural Network Tutorial, Part 4 – Implementing a GRU/LSTM RNN with Python and Theano
- Auto-Generating Clickbait With Recurrent Neural Networks
- Modeling Molecules with Recurrent Neural Networks
- char_rnn_ari 한글 Character RNN 구현
- Introduction to Recurrent Networks in TensorFlow
- Recurrent Flow Network for Occupancy Flow
- Large-Scale Item Categorization in e-Commerce Using Multiple Recurrent Neural Networks
- RNNS IN TENSORFLOW, A PRACTICAL GUIDE AND UNDOCUMENTED FEATURES
- Recurrent Neural Network tutorial (2nd)
- Attention and Augmented Recurrent Neural Networks
- Transformer를 이용해 대량의 게임 데이터를 임베딩 해보자!
- An Image is Worth 16x16 Words:Transformers for Image Recognition at Scale - YouTube
- Transformer 개념 정리 - Attention is all you need
- Fast Weights RNN
- Recurrent Neural Networks for Beginners (Tutorial)
- RNN(Recurrent Neural Network)과 Torch로 발라드곡 작사하기
- Rohan & Lenny #3: Recurrent Neural Networks
- A Neural Representation of Sketch Drawings
- Implementing RNN for Spam Prediction
- #P.2. On Human Motion Prediction using RNNs (2017)
- RNN-implementation-using-Numpy-binary-digit-addition
- RNN 관련 글 모음
- Tips for Training Recurrent Neural Networks
- Decoding the Enigma with Recurrent Neural Networks
- RNN을 이용한 stock 종가 예측
- RNNoise: Learning Noise Suppression
- CTRNN - Python package that implements Continuous Time Recurrent Neural Networks (CTRNNs)
- Using Genetic Algorithm for Optimizing Recurrent Neural Networks
- Artificial Neural Networks Optimization using Genetic Algorithm with Python
- Genetic Algorithm (GA) Introduction with Example Code | Towards AI
- Only Numpy: NIPS 2017 - Implementing Dilated Recurrent Neural Networks with Interactive Code
- Recurrent Neural Networks by Example in Python
- Animated RNN, LSTM and GRU - Recurrent neural network cells in GIFs
- Illustrated Guide to LSTM’s and GRU’s: A step by step explanation
- Long Short-Term Memory Networks Are Dying: What’s Replacing It? | by Andre Ye | Sep, 2020 | Towards Data Science
- Understanding A Recurrent Neural Network For Image Generation
- An Introduction To Recurrent Neural Networks And The Math That Powers Them
- Neuroevolution: A different kind of deep learning
- Find the Right Version of NEAT for Your Needs
- Paper Repro: Deep Neuroevolution
- paperswithcode.com
- Browse State-of-the-Art
- Two Minute Papers
- Awesome - Most Cited Deep Learning Papers
- Awesome Deep Learning: Most Cited Deep Learning Papers
- Deep Learning Papers Reading Roadmap
- Five Hundred Deep Learning Papers, Graphviz and Python
- deeplearning-papernotes
- the morning paper
- Summaries and notes on Deep Learning research papers
- openreview.net
- 취미로 연구하다 논문까지 썼다고?
- 3줄논문리뷰 자가지도학습과 강화학습의 샘플 효율성
- 9 Key Deep Learning Papers, Explained
- 이름 / 이해 난이도 / 읽기 수월함 / 필수성 / 선행지식
- AlexNet (2012) 하 / 쉬움 / 필수 / 콘볼루션 오퍼레이션 지식, 이미지넷 챌린지
- ZF Net (2013) 하 / 쉬움 / 옵션 (Segmentation, Localization을 하겠다고 하면 필수) / AlexNet
- VGG Net (2014) 하 / 쉬움 / 옵션 / AlexNet
- GoogLeNet (2015) 상 / 어려움 / 옵션 / AlexNet, Hebb 법칙
- Microsoft ResNet (2015) 중 / 쉬움 / 필수와 옵션의 중간 / AlexNet, VGG Net, NiN(Network in Network)
- Region Based CNNs (R-CNN - 2013, Fast R-CNN - 2015, Faster R-CNN - 2015)
- 하 (부분적 상) / 중간 / 옵션 (Segmentation, Localization을 하겠다고 하면 필수. Fast R-CNN을 중심으로 보는게 좋음) / PASCAL 챌린지
- Generative Adversarial Networks (2014) ? / ? / 필수 / VGG Net
- Generating Image Descriptions (2014) 상 / 쉬움 / 중간 (이미지 to 문장을 하겠다고 하면 필수) / LSTM, 캡셔닝 챌린지
- Spatial Transformer Networks (2015) 중 / 어려움 / 옵션 (아직 불명) / 공간변환
- Deep Learning Paper Implementations: Spatial Transformer Networks - Part I
- Swin-Transformer: This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows"
- The Annotated Transformer
- The Illustrated Transformer
- The Transformer – Attention is all you need
- Attention is all you need paper 뽀개기
- Attention (7): Attention is All You Need, Transformers (1)
- Attention (8): Attention is All You Need, Transformers (2)
- Better Attention is All You Need - YouTube
- Transformers from Scratch
- Aman's AI Journal • Primers • Transformers
- Aman's AI Journal • Primers • Generative Pre-trained Transformer (GPT)
- GPT and BERT: A Comparison of Transformer Architectures - DEV Community
- Attn: Illustrated Attention
- Attn: Illustrated Attention(KR)
- 어텐션 메커니즘과 transfomer(self-attention) | by platfarm tech team | platfarm | Medium
- A Bird’s Eye View of Research on Attention
- The Attention Mechanism from Scratch
- Arxiv Sanity Preserver
- Computer Vision and Pattern Recognition (cs.CV) arXiv에 올라온, CV/PR 주제 논문의 초록만 모아 보여줌
- MNIST 숫자 인식기 Gaussian Bayesian 확률 모델로 구현
- 목표
- MNIST 데이터 특성 시각적으로 이해하기
- Python, numpy, matplotlib 사용해 보기
- Bayesian Theorem 이해하고 구현해 보기
- Multivariate Gaussian Distribution 이해하고 구현해 보기
- 실험 데이터
- 학습 데이터: MNIST 기본 60,000개
- 테스트 데이터: MNIST 기본 10,000개
- 실험 결과
- Bayesian 확률 모델만으로 분류 정확도가 대략 84% 정도 나오는 것을 확인
- Multivariate Gaussian 적용하니까 분류 정확도가 대략 92% 정도까지 올라가는 것을 확인
- 코드
- 메인 프로그램
- numpy, matplotlib 외에 본격 머신러닝 라이브러리는 전혀 사용하지 않았음
- 머신러닝 관련 부분 대략 200줄 이하로 매우 짧음
- 시각화 관련 코드 및 코멘트 등이 대략 300줄 정도임
- MNIST 데이터 파일 MNIST 공식 홈페이지에서 받은 그대로
- MNIST 데이터 로딩 프로그램
- Multivariate Gaussian 적용하지 않고 Bayesian 확률 모형만으로 돌아가는 코드: 위 2001a.py 옛날 버전
- 메인 프로그램
- 실험 동영상
- 학습: 실험데이터 전체 60000개를 학습하는 과정을 보여줌
- 테스트: 테스트 데이터 전체 10000개를 테스트 하는 과정을 보여줌
- 테스트 과정에서 정답률은 1번 후보만으로 구했으나, 표시는 3번후보까지 하였음
- 목표
- A Review on a Deep Learning that Reveals the Importance of Big Data
- Decoupled Neural Interfaces using Synthetic Gradients synthetic gradient - 뉴럴넷 업데이트 과정의 모듈간 강결합을 decouple
- Deep Learning without Backpropagation Tutorial: DeepMind's Synthetic Gradients
- Deep Learning Papers Reading Roadmap
- Deep Learning Research Review Week 1: Generative Adversarial Nets
- "Distributed Training of Deep Neuronal Networks: Theoretical and Practical Limits of Parallel Scalability
- 여러 노드를 썼을 때, 네트웍 벤드위쓰와 전체 노드에서의 계산을 기다리면 어떻게 되는지
- 싱글 노드에서 할 때 batch 사이즈를 달리하면 어느 layer 계산이 bottleneck인지
- 이런 문제를 방지하기 위해 디자인을 바꿀 때 어디부터 보면 되는지
- 계산량을 어떻게 계산하는지
- Highway and Residual Networks learn Unrolled Iterative Estimation
- VGGNet, GoogLeNet, ResNet 등과 같은 매우 많은 계층을 가진 Deep Net 들이 뛰어난 이유를
- 기존의 각각의 계층이 특정한 추상적인 feature를 대표하며 이를 계층적으로 계산하기 때문이라는 "representation view" 를 뒤집고
- 각각의 블록 또는 단계마다 단계적인 feature의 변화가 반복적으로 일어난다는 "unrolled iterative estimation" 으로 설명
- Solving Verbal Comprehension Questions in IQ Test by Knowledge-Powered Word Embedding
- Stacked Approximated Regression Machine: A Simple Deep Learning Approach
- SARM이라는 layer wise training 기법
- Back propagation 없이 layer 단위로 학습을 시켜도 현재 state of the art DNN과 비슷하거나 더 나은 성능을 보인다는 주장
- PCANet에 non linearity를 추가
- The Unreasonable Effectiveness of Noisy Data for Fine-Grained Recognition ECCV 2016
- Fine-Grained Recognition을 할 때 Noisy Fine-Grained Data, 즉 Web에서 검색한 Noisy하지만 큰 데이터가 도움이 된다는 내용
- Noisy Fine-Grained Data 구축
- 새의 종을 구별하는 데이터베이스를 구축한다면, Wikipedia에서 종을 검색하여 그 키워드를 기반으로 구글링하여 이미지 구축
- 여러 카테고리에 동시에 등장하는 그림을 지우는 등의 간단한 정제작업을 추가
- 여전히 이 데이터베이스는 롱테일 문제도 있고 에러도 존재
- 실험 결과, 퀄리티가 좋지만 작은 데이터보다 성능이 좋다
- 큰 Noisy Fine-Grained Data로 학습한 후 좋은 데이터로 튜닝하면 더 좋다
- Factors in Finetuning Deep Model for Object Detection with Long-tail Distribution
- Long-tail Distribution을 가진 DB의 문제점 지적
- [Training Region-based Object Detectors with Online Hard Example Mining](https://arxiv.org/abs/1604.03540,
CVPR2016)
- easy examples과 hard examples의 너무 큰 차이에 대해서 문제를 지적
- Fine-Grained Recognition이라는 테스크에 한정된 실험, 분석, 수학적인 설명 부족한 논문
- Learning to Remember Rare Events
- Best Practices for Applying Deep Learning to Novel Applications
- Top 20 Recent Research Papers on Machine Learning and Deep Learning
- Deep Learning Papers by task
- Self-Normalizing Neural Networks overfitting 방지
- One Model To Learn Them All
- One Model To Learn Them All
- 이미지,음성, 텍스트 처리를 위한 하나의 모델
- 딥러닝은 음성 인식, 이미지 분류에서부터 번역에 이르기까지 많은 분야에서 훌륭한 결과를 제공
- 그러나 각 문제마다 깊이있는 모델을 잘 작동 시키려면 아키텍처 연구와 장기간의 튜닝이 필요
- 여러 도메인에 걸쳐있는 여러 가지 문제에 대해 좋은 결과를 얻을 수있는 단일 모델을 제시
- 특히 ImageNet, 다중 번역 작업, 이미지 캡션 (COCO 데이터 세트), 음성 인식 코퍼스 및 영어 구문 분석 작업에서 이 단일 모델을 동시에 학습
- 우리의 모델 아키텍처는 여러 도메인의 빌딩 블록을 통합
- convolutional layer, attention mechanism, sparsely-gated layer가 포함
- 흥미롭게도 블록이 작업에 중요하지 않더라도 이 계산 블록 각각은 우리가 훈련하는 작업의 하위 집합에 결정적인 역할
- 그것이 성능에 해를 입히지 않으며, 대부분의 경우 모든 작업에서 성능을 향상 시킨다는 것을 관찰
- 또한 데이터가 적은 작업은 다른 작업과의 공동 교육을 통해 큰 효과를 얻는 반면 큰 작업의 성능은 전혀 저하되지 않음
- 초짜 대학원생 입장에서 이해하는 CVPR 2017 Learning by Association - A versatile semi-supervised training method for neural networks
- Tutorial on Theory and Application of Generative Adversarial Networks
- ACL 2017에서 Google 발표 논문
- Layer Normalization
- blog.lunit.io
- 인공지능(AI) 관련 최신 공개된 주요 논문 발표 요약
- MY FAVORITE DEEP LEARNING PAPERS OF 2017
- A List Of Top 10 Deep Learning Papers, The 2018 Edition
- Deep Variational Bayes Filters (2017) VAE를 time series에 확장, 칼만필터에 딥러닝을 더함
- 구글 Active QA 코드 공개 #논문소개
- Papers with code. Sorted by stars. Updated weekly
- hugrypiggykim.com/category/study-deep-learning-paper-and-test-programs
- ML/DL/RL Papers
- “EfficientNet; Improving Accuracy and Efficiency through AutoML and Model Scaling 리뷰”
- Neural_Acceleration_Study - YouTube
- annotated_deep_learning_paper_implementations: 🧑🏫 50! Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
- AutoML-Zero:Evolving Machine Learning Algorithms From Scratch Review
- auto-paper-analysis
- block-selection-for-OOD-detection hallucination
- CoDi: Generate Anything from Anything All At Once through Composable Diffusion
- Deep Visual-SLAM의 미래 0 (Deep-SLAM의 시작)
- DL_PaperReadingMeeting: Deep Learning Paper Reading Meeting-Archive
- flash-attention: Fast and memory-efficient exact attention
- ml-veclip: The official repo for the paper "VeCLIP: Improving CLIP Training via Visual-enriched Captions"
- ml-mofi
- self-supervised-learning-narratives-1: 거꾸로 읽는 self-supervised learning 파트 1
- Transformers-Tutorials: This repository contains demos I made with the Transformers library by HuggingFace
- Wave2Vec 2206.01685 Toward a realistic model of speech processing in the brain with self-supervised learning wave2vec의 self supervised learning이 우리 뇌의 인식방식과 비슷하게 학습한다는 것을 보여줌
- reinforcement_learning_an_introduction
- 5 Ways to Get Started with Reinforcement Learning
- Fundamental of Reinforcement Learning
- Ujava.org reinforcement-learning
- ujava.org Reinforcement Learning (2nd)
- ujava.org workshop : Reinforcement Learning with Thompson Sampling
- Frame Skipping and Pre-Processing for Deep Q-Networks on Atari 2600 Games
- github.com/LeeGyeongTak/Q_Network
- Guest Post (Part I): Demystifying Deep Reinforcement Learning
- Deep Learning in a Nutshell: Reinforcement Learning
- Bayesian Programming and Learning for Multi-Player Video Games Application to RTS AI
- Episodic Exploration for Deep Deterministic Policies: An Application to StarCraft Micromanagement Tasks
- 스타크래프트 같은 실시간 전략 (RTS) 게임은 체스나 바둑과는 다르게 제한된 자원(미네랄, 가스 등)과 불확실한 정보 (보이지 않는 상대방의 플레이 등) 속에서 의사결정을 해야하는 어려움이 존재
- 이 논문에서는 “참/거짓”으로 표현되는 boolean logic이 아닌 베이지언 모델링으로 이런 정보의 불확실함(uncertainty)를 처리
- Building a Deep Neural Network to play FIFA 18
- Using Deep Learning to improve FIFA 18 graphics
- Deep Learning in a Nutshell: Reinforcement Learning
- 강화 학습 기초 Reinforcement Learning an introduction
- [An introduction to Reinforcement Learning(https://medium.freecodecamp.org/an-introduction-to-reinforcement-learning-4339519de419)
- LEARNING REINFORCEMENT LEARNING (WITH CODE, EXERCISES AND SOLUTIONS)
- Reinforcement Learning 101 (in 15 minutes)
- 멀티 암드 밴딧(Multi-Armed Bandits)
- Bandit 101 Multi-Armed Bandit (MAB) 입문자료
- Multi-armed Bandits
- 톰슨 샘플링 for Bandits
- Nathan Epstein - Reinforcement Learning in Python
- Lecture 10 Reinforcement Learning I
- Reinforcement learning with unsupervised auxiliary tasks
- Simple Reinforcement Learning with Tensorflow Part 0: Q-Learning with Tables and Neural Networks
- Simple Reinforcement Learning in Tensorflow: Part 1 - Two-armed Bandit
- Simple Reinforcement Learning with Tensorflow Part 1.5: Contextual Bandits
- Simple Reinforcement Learning with Tensorflow: Part 2 - Policy-based Agents
- Simple Reinforcement Learning with Tensorflow: Part 3 - Model-Based RL
- Simple Reinforcement Learning with Tensorflow Part 4: Deep Q-Networks and Beyond
- Simple Reinforcement Learning with Tensorflow Part 5: Visualizing an Agent’s Thoughts and Actions
- Simple Reinforcement Learning with Tensorflow Part 6: Partial Observability and Deep Recurrent Q-Networks
- Simple Reinforcement Learning with Tensorflow Part 7: Action-Selection Strategies for Exploration
- Simple Reinforcement Learning with Tensorflow Part 8: Asynchronous Actor-Critic Agents (A3C)
- Bridging Cognitive Science and Reinforcement Learning Part 1: Enactivism
- Deep Reinforcement Learning - author: David Silver, Department of Computer Science, University College London
- Quantum Boltzman Machines for Deep Reinforcement Learning
- 모두를 위한 머신러닝/딥러닝 강의
- Deep Learning: A Free Mini-Course
- Reinforcement learning
- Tutorial: Introduction to Reinforcement Learning with Function Approximation
- DeepHack.RL
- Building a deep learning DOOM bot
- ishuca.tistory.com/tag/강화학습
- Deep Reinforcement Learning Pieter abbeel
- Deep Reinforcement Learning: An Overview
- 강화학습 튜토리알 - 인공 신경망으로 '퐁' 게임을 학습시키자 (Andrej Karpathy 포스트 번역)
- pong dqn on colab
- Playing Atari with Deep Reinforcement Learning
- Solved atari games
- Minimal and Clean Reinforcement Learning Examples
- 한국어 Safe Multi-Agent Reinforcement Learning for Autonomous Driving
- Multi-Agent 강화학습 시리즈
- Multi-Agent 강화학습 시리즈 1 - COMA : 네이버블로그
- Multi-Agent 강화학습 시리즈 2 - QMIX : 네이버블로그
- Multi-Agent 강화학습 시리즈 3 - LIIR : 네이버블로그
- Multi-Agent 강화학습 시리즈 4 - MAAC : 네이버블로그
- Multi-Agent 강화학습 시리즈 5 - SEAC : 네이버블로그
- Multi-Agent 강화학습 시리즈 6 - G2ANet : 네이버블로그
- Multi-Agent 강화학습 시리즈 7 - AI-QMIX : 네이버블로그
- Multi-Agent 강화학습 시리즈 8 - ROMA : 네이버블로그
- Multi-Agent 강화학습 시리즈 9 - RODE : 네이버블로그
- Multi-Agent 강화학습 시리즈 10 - DOP : 네이버블로그
- Multi-Agent 강화학습 시리즈 11 - Graph MIX : 네이버블로그
- Multi-Agent 강화학습 시리즈 12 - CDS : 네이버블로그
- PredatorPrey: Unity로 멀티 에이전트 강화학습(MARL) 수행하기 위한 프레임 워크 제공
- Reinforcement Learning – Policy
- UCL Course on RL
- Jessica Forde An Introduction to Reinforcement Learning PyCon 2017
- PLE: A Reinforcement Learning Environment
- 카카오AI리포트 프리뷰 무적 알파고를 만든 비결은?
- NEURAL ARCHITECTURE SEARCH WITH REINFORCEMENT LEARNING
- IGC 엔씨소프트 이경종 - 강화 학습을 이용한 NPC AI 구현
- 카카오AI리포트 알파고를 탄생시킨 강화학습의 비밀
- Tic-Tac-Toe-Machine-Leaning-Using-Reinforcement-Learning
- 김정주: 파이썬으로 나만의 강화학습 환경 만들기
- 알아두면 쓸데있는 신기한 강화학습 NAVER 2017
- Reinforcement learning environments with musculoskeletal models http://opensim.stanford.edu
- [Jessica Forde An Introduction to Reinforcement Learning PyCon 2017](https://www.youtube.com/watch?v=k1Uos.stat('.')
- DeepRLHacks
- RLCode와 A3C 쉽고 깊게 이해하기
- [5 Ways to Get Started Reinforcement Learning](https://buzzrobot.com/5-ways-to-get-started-with-reinforcement-learning-b96d1989c57HA with 5)
- Deep RL Bootcamp
- [강화학습 퍼마리오 part 1selfhttps://brunch.co.kr/@kakao-it/144)
- 강화학습으로 풀어보는 슈퍼마리오 part 2
- 인공지능 슈퍼마리오의 거의 모든 것( Pycon 2018 정원석)
- A.I Supermario with Reinforcement Learning - 1, 강화학습으로 인공지능 슈퍼마리오 만들기 튜토리얼 1
- 슈퍼마리오에 모두를 위한 RL 수업의 딥러닝 코드 붙이기
- supermario dqn on colab
- 하스스톤 강화학습 환경 개발기
- 장진만쌤의 Sung Kim 교수님의 모두의 RL 수업을 보고 나서 따라 하기 07.03 현재 설치까지 진행
- Reinforce-2 Dynamic Programming, Policy Iteration, Value Iteration
- Neural Architecture Search with Reinforcement Learning 한국어
- Evolving Stable Strategies
- Doing Deep Reinforcement learning with PPO
- The pycolab game engine
- Neural Map - Structured Memory for Deep RL
- 확률적 바람이 부는 격자 세계로 익히는 강화학습
- 강화학습 좀 더 이해해보자
- Thinking out loud: hierarchical and interpretable multi-task reinforcement learning hierarchical policy network
- Learning to Compose Skills
- 논문 요약 - Deep neuroevolution: Genetic algorithms are a competitive alternative for training deep neural networks for reinforcement learning
- Genetic Algorithms + Neural Networks = Best of Both Worlds
- MM framework for RL
- Guided policy search
- Practical_RL: Reinforcement learning for seq2seq (pytorch, tensorflow, theano)
- Intuitive RL: Intro to Advantage-Actor-Critic (A2C)
- Learning to Optimize with Reinforcement Learning
- Introduction to Learning to Trade with Reinforcement Learning
- Deep Reinforcement Learning Doesn't Work Yet
- Inverse Reinforcement Learning pt. I
- Inverse Reinforcement Learning
- 정리 Algorithms for Inverse Reinforcement Learning
- 강화학습과 가상화폐
- April Edition: Reinforcement Learning
- Reinforcement Learning
- Anticipatory Asynchronous Advantage Actor-Critic(A4C)
- TDM: From Model-Free to Model-Based Deep Reinforcement Learning
- RL Basics: 1. Markov Process
- Ruslan Salakhutdinov - Neural Map: Structured Memory for Deep Reinforcement Learning
- 안.전.제.일. 강화학습!
- Rl from scratch part1
- Rl from scratch part2
- Rl from scratch part3
- Rl from scratch part4
- Rl from scratch part5
- Rl from scratch part6
- Rl from scratch part7
- Reinforcement learning’s foundational flaw
- Reinforcement Learning for Stock Prediction
- 분산 강화학습(Distributed Prioritized Experience Replay) 구현
- Deep Reinforcement Learning Tutorial
- Safe Reinforcement Learning
- Reinforcement Learning - A Simple Python Example and a Step Closer to AI with Assisted Q-Learning
- RL
- Reinforcement Learning: a comprehensive introduction
- Faster Reinforcement Learning via Transfer
- Deep Reinforcement Learning Course
- Neural Architecture Search with Reinforcement Learning
- 강화학습(Reinforcement Learning)으로 접근하는 E-commerce Dynamic Pricing 논문리뷰
- DeepMimic - Motion imitation with deep reinforcement learning
- Open sourcing TRFL: a library of reinforcement learning building blocks
- Deep Learning and Reinforcement Learning Summer School, Toronto 2018
- About Deep Reinforcement Learning based on CS294
- Horizon: The first open source reinforcement learning platform for large-scale products and services
- Reinforcement Learning in NIPS 2018
- 강화학습 이론 및 실습
- The Fantasy Football AI framework based on Open AI Gym
- A (Long) Peek into Reinforcement Learning
- The End of Open AI Competitions
- Reinforcement Learning Applications
- Structural implementation of RL key algorithms https://www.medipixel.io
- Reinforcement Learning with Python
- Learning to Paint - A painting AI that can reproduce paintings stroke by stroke using deep reinforcement learning
- 쉽게구현하는 강화학습 1화 Policy Gradient - REINFORCE와 Actor-Critic 구현하기!
- Reinforcement Learning as Probabilistic Inference ipynb
- On Choosing a Deep Reinforcement Learning Library
- The Arcade Learning Environment
- The Reinforcement Learning Toybox
- How do we make Real World Reinforcement Learning revolution?
- Reinforcement Learning in Recommender Systems: Some Challenges
- 강화학습기초(MDP, Monte-Carlo, Time-difference, sarsa, q-learning) 파트1
- 강화학습 기초 2(Deep sarsa, Deep Q-learning, DQN)
- Reinforcement Learning 기초
- Prologue
- Deep Reinforcement Learning, Summer 2019 (Samsung)
- 인공지능, 머신러닝은 아는데⋯심층 강화학습은 무엇? - 한빛출판네트워크 DRL
- How to study Reinforcement Learning
- 2019-OSS-Summer-RL
- Reinforcement learning for everyone
- RLKorea Unity ML-agents Tutorial Project
- Stable Baselines RL tutorial - JNRR19
- RL Bootcamp
- Scalable Efficient Deep-RL - A more efficient way to scale up reinforcement learning algorithms
- Reinforcement Learning: Past, Present and Future Perspectives
- Behavior Cloning
- 강화학습을 공부하는 분들에게 도움이 되는 Gym Gazebo 설정하기
- 비행슈팅게임에 강화학습 적용하기 1
- 비행슈팅게임에 강화학습 적용하기 2
- 비행슈팅게임에 강화학습 적용하기 3
- 비행슈팅게임에 강화학습 적용하기 4(完)
- Introduction-of-Reinforcement-Learning
- Deep Reinforcement Learning in TensorFlow2
- A Simple Industrial Example: Real-Time Bidding 광고
- 2020 나 혼자 RL한다 - YouTube
- Reinforcement Learning meets the real-world:Industrial RL applications
- 강화학습으로 더 재미있는 게임 만들기
- 어렵지만 도전할 가치 있는 '강화학습 알고리즘' 직접 실험하기 - ITWorld Korea
- Algorithm_For_RL: studying algorithm for RL
- 강화학습 환경 개발 (넥슨 옥찬호) - YouTube
- android_env
- HSC2021-AlphaSolar
- 3줄 Survey RL for CO
- 강화학습 팁 모음
- 강화학습 팁 모음(2) - reward function 작성 요령
- Deep Reinforcement Learning is a waste of time
- Training a Reinforcement Learning Agent to Play Soccer - YouTube
- 강화학습, 산업의 난제에 도전하다! - ASIC 반도체 설계 (Floorplan) 자동화
- 강화학습의 변천사 – TensorMSA
- Physics Simulator w/ Robot Dog - YouTube
- Reinforcement Learning with Stable Baselines 3 - YouTube
- NDC22 강화학습 알고리즘으로 구현한 '사람 같은' 적 AI
- Kor/Eng by ChatGPT What can RL do?
- async_deep_reinforce - Asynchronous deep reinforcement learning
- async-rl-tensorflow - Asynchronous Methods for Deep Reinforcement Learning
- Bomberland | Coder One
- brain_agent: Brain Agent for Large-Scale and Multi-Task Agent Learning
- coach - Reinforcement Learning Coach by Intel AI Lab enables easy experimentation with state of the art Reinforcement Learning algorithms https://nervanasystems.github.io/coach
- Dopamine - a research framework for fast prototyping of reinforcement learning algorithms
- ELF - An End-To-End, Lightweight and Flexible Platform for Game Research
- Holodeck - a high-fidelity simulator for reinforcement learning built on top of Unreal Engine 4
- irelia - Korean Janggi AI using q learning
- JORLDY: Repository for Open Source Reinforcement Learning Framework JORLDY
- MAME RL Algorithm Trainig Toolkit - A Python toolkit used to train reinforcement learning algorithms against arcade games
- Mava: A new Open-Source Framework for Multi-Agent Reinforcement Learning | InstaDeep - Decision-Making AI For The Enterprise
- MuJoCo DeepMind MuJoCo Multi-Agent Soccer Environment
- Psychlab
- RL_BASIC
- rliable: Open-source library for reliable evaluation on reinforcement learning and machine learning benchmarks. See NeurIPS 2021 oral for details
- rllab - a framework for developing and evaluating reinforcement learning algorithms
- RLlib: Scalable Reinforcement Learning
- Soft Actor Critic—Deep Reinforcement Learning with Real-World Robots
- tensorflow, pytorch 둘 다 공개
- Spot RL Researcher Kit
- TMTrackNN — generating TrackMania tracks with neural networks
- Unity-ML-Agents: Unity 강화학습 알고리즘 및 게임 환경을 제공합니다
- TetrisXQ - Difficult and annoying Tetris implemented by Reinforcement Lrarning
- Deep Q-Learning (Space Invaders)
- Using Deep Q-Network to Learn How To Play Flappy Bird
- Deep Reinforcement Learning
- Hello DeepQ
- Deep Q Learning with Keras and Gym
- Q-learning Test
- DQN Adventure: from Zero to State of the Art
- An introduction to Deep Q-Learning: let’s play Doom
- 강화학습 Q-Learning 중 Q-Table(Tabular Methods) - 1편
- Dqn break
- Diving deeper into Reinforcement Learning with Q-Learning
- Improvements in Deep Q Learning: Dueling Double DQN, Prioritized Experience Replay, and fixed Q-targets
- Reinforcement Learning and DQN, learning to play from pixels
- DQN 3.0
- github.com/LeeGyeongTak/DQN
- 강화학습 기초부터 DQN까지 (Reinforcement Learning from Basics to DQN)
- Introduction to Various Reinforcement Learning Algorithms. Part I (Q-Learning, SARSA, DQN, DDPG)
- DQN을 알아보자 - Playing Atari with Deep Reinforcement Learning
- Playing Text-adventure Games with an AI
- DRL Value-based Methods - DQN
- Teach an Agent Play a Game Using Q-Learning in Numpy
- 딥러닝 Deep Q Network(DQN) 논문 번역 - 로스카츠의 AI 머신러닝
- DQN_HER.ipynb at master · HERIUN/RLstudy
- List Of Free Deep Learning Courses Online
- 강화학습의 기초 이론
- Angdrew Ng youtube playlists
- Berkeley CS 294: Deep Reinforcement Learning, Spring 2017
- CS234: Reinforcement Learning
- CS885 Lecture 14c: Trust Region Methods
- Deep Learning and Reinforcement Learning Summer School 2018
- Deep Reinforcement Learning
- Deep Reinforcement Learning and Control
- DS-GA 1008 딥러닝 · 딥러닝
- MIT 6.S094: Deep Learning for Self-Driving Cars (Lecture 2), 2017
- Reinforcement Learning: An Introduction
- School of AI : AI for Business
- School of AI : Deep Learning Live Coding
- Spinning Up in Deep RL
- Stanford Andrew Ng CS229 Lecture 16, 2008
- Temporal-Difference Learning
- theschool.ai
- UCL, David Silver, Reinforcement Learning, 2015
- Reinforcement Learning for Engineers, Part 4: The Walking Robot Problem
- RL Course by David Silver - Lecture 1: Introduction to Reinforcement Learning
- Introduction and Collecting Minerals - p.1
- Workers and Pylons - p.2
- Geysers and Expanding - p.3
- Building an AI Army - p.4
- Commanding your AI Army - p.5
- Defeating Hard AI - p.6
- Deep Learning with SC2 Intro - p.7
- Scouting and more Visual inputs - p.8
- Building our training data - p.9
- Building Neural Network Model - p.10
- Training Neural Network Model - p.11
- Using Neural Network Model - p.12
- Version 2 Changes - p.13
- Improving Scouting - p.14
- Adding Choices - p.15
- Visualization Changes - p.16
- More Training and Findings - p.17
- 스타크래프트2 강화학습(StarCraft II Reinforcement Learning)
- 스타2 강화학습 튜토리얼
- StarCraft II RL Tutorial 1 - Deepmind's StarCraft II RL Environment
- StarCraft II RL Tutorial 2 - Deepmind's pysc2: Observations
- SSCAIT Student StarCraft AI Tournament & Ladder
- TStarBots Defeating the Cheating Level Builtin AI in StarCraft II in the Full Game
- 한국어 Multiagent Bidirectional- Coordinated Nets for Learning to Play StarCraft Combat Games
- 번역 StarCraft2 A New Challenge for Reinforcement Learning 스타크래프트2 강화학습
- SMAC(Starcraft Multi-Agent Challenge) 1 - 환경 소개
- AlphaCode
- Competitive programming with AlphaCode | DeepMind
- 바둑을 두는 AlphaGo를 만들었던 DeepMind에서 프로그램을 작성하는 AlphaCode 공개
- 알고리즘 문제 풀이 사이트인 Codeforces와 협력해서 최근 문제 10개를 기준으로 실험한 결과 상위 54% 랭크
- 상위에 랭크된 것은 아니지만 의미 있는 결과이고 AlphaCode는 알고리즘 문제를 입력으로 받아서 출력으로 프로그램 작성
- 사용된 데이터 세트는 GitHub CodeContests 저장소에 공개되어 있고 AlphaCode Attention Visualizatio에서 처리되는 과정 확인 가능
- Competitive programming with AlphaCode | DeepMind
- AlphaFold
- AlphaFold reveals the structure of the protein universe
- 데이터베이스를 만들기 시작한지 단 1년만에 2억개의 단백질 구조 데이터베이스 오픈. 50년간 인류가 실험적으로 밝혀낸 단백질 구조 갯수인 약 20만개 보다 1000배 많은 숫자
- AlphaFold reveals the structure of the protein universe
- AlphaStar: Mastering the Real-Time Strategy Game StarCraft II
- alpha-zero-general: A clean implementation based on AlphaZero for any game in any framework + tutorial + Othello/Gobang/TicTacToe/Connect4 and more
- gym-starcraft
- Keras_CNN_PPO_StarCraft
- pysc2: StarCraft II Learning Environment
- pySC2 mini-games
- Reaver: StarCraft II Deep Reinforcement Learning Agent
- sc2-korean-level
- SMAC: 스타크래프트2 멀티 에이전트 강화학습 챌린지
- tleague_projpage
- A 2017 Guide to Semantic Segmentation with Deep Learning
- LinkNet - Feature Forwarding: Exploiting Encoder Representations for Efficient Semantic Segmentation
- Semantic Segmentation using Fully Convolutional Networks over the years
- DeepSpark: Spark-Based Deep Learning Supporting Asynchronous Updates and Caffe Compatibility
- yahoo/CaffeOnSpark
- SparkNet: Training Deep Networks in Spark
- spark-summit.org/2016/schedule
- Large-Scale Deep Learning with TensorFlow (Jeff Dean)
- AI: The New Electricity (Andrew Ng)
- Large Scale Multimedia Data Intelligence And Analysis On Spark (Baidu)
- Scaling Machine Learning To Billions Of Parameters (Yahoo)
- CaffeOnSpark: Deep Learning On Spark Cluster (Yahoo)
- Scalable Deep Learning in Baidu
- Jina.ai X AI Network Text to image 의 흐름과 Web 3 환경에서의 활용 - Google Slides
- Jina AI X AI Network Text to image office hour | by AI Network | AI Network | Sep, 2022 | Medium
- 고성능(3장15초) 텍스트입력 이미지 생성모델 사용하기 - Stable Diffusion
- AI 창작 시대! 지금 당장 배워야할 Stable Diffusion Web UI 최신 설치 및 사용법 완벽 가이드 - YouTube
- 요즘 미쳐버린 생성 AI 시대 총정리와 꼭 필요한 역량 - YouTube
- Stable Diffusion litigation · Joseph Saveri Law Firm & Matthew Butterick
- Openjourney로 마음껏 그림 생성하기 :: 허깅페이스(HuggingFace) 모델 사용 예제
- Stable Diffusion으로 AI 그림 만들어보기 - 모두의연구소
- SD러닝데이 Knock Knock. "Stable Diffusion? - 최돈현
- StableDiffusion과 ChatGPT의 기술에 대한 이해와 비즈니스 인사이트 I 모두의연구소 모두팝 - YouTube
- 상상을 현실로 만드는, 이미지 생성 모델을 위한 엔지니어링
- VLM backbone에 대한 트렌드를 알아보자! | 강재욱 - YouTube
- 무료온라인 SD러닝데이 의도대로 사용하는 스테이블디퓨전 사용법과 AI생성이미지의 이해
- SD러닝데이 AI야 배경 좀 그려줘 - 오지훈
- 확률편미분방정식과 인공지능 – 고등과학원 HORIZON
- 스테이블 디퓨전으로 AI 이미지 생성하는 리액티브 자바스크립트 만들기 - ITWorld Korea
- AUTOMATIC1111
- awesome-diffusion: A curated list of awesome Diffusion notebooks, tools, software, tutorials and resources
- B^ DISCOVER - Home
- CLIP: Connecting Text and Images
- 📎빠르게 보는 CLIP 논문 리뷰📎 — 불가능은없어
- imgbeddings: Python package to generate image embeddings with CLIP without PyTorch/TensorFlow
- natural-language-youtube-search: Search inside YouTube videos using natural language
- clip-as-service: 🏄 Embed/reason/rank images and sentences with CLIP models
- clipping-CLIP-to-GAN
- deforum
- Disco Diffusion v5.61 Now with portrait_generator_v001 - Colaboratory
- DragGAN: Online Demo and Implementation of DragGAN - "Drag Your GAN: Interactive Point-based Manipulation on the Generative Image Manifold" (DragGAN 全功能实现,在线Demo,本地部署试用,代码、模型已全部开源,支持Windows, macOS, Linux)
- DreamBooth 이 사진은 합성이 아닙니다. Google의 미친 기술 드림부스 개념과 사용 방법 - YouTube
- DreamFusion: Text-to-3D using 2D Diffusion
- discoart: 🪩 Create Disco Diffusion artworks in one line
- sdweb-easy-prompt-selector
- fast-stable-diffusion: fast-stable-diffusion, +25-50% speed increase + memory efficient + DreamBooth
- keras-sd-serving: showing various ways to serve Keras based stable diffusion
- FastAPI 및 TensorFlow Serving으로 배포하기 위해 필요한 소스코드와 더불어 즉시 사용 가능한 도커 이미지 7종 빌드
- 기능 작동 여부는 Google Kubernetes Engine 위에서 확인, 이에 따라 Dockerfile 및 yaml 파일도 함께 저장소에 포함
- TensorFlow Serving의 경우, TF/Keras 모델을 SavedModel 형식으로 만들 필요
- SavedModel도 모두 Hugging Face Hub(Model)에 업로드
- 모든 절차는 Jupyter Notebook 형식으로 검증, 저장소에 포함된 10종의 노트북을 통해서 작동 방식을 확인 가능
- LAION-5B: A NEW ERA OF OPEN LARGE-SCALE MULTI-MODAL DATASETS | LAION
- Lexica
- LoRA Using LoRA for Efficient Stable Diffusion Fine-Tuning
- Muse: Text-To-Image Generation via Masked Generative Transformers Transformer 기반. 기존의 Diffusion 이나 Autoregressive 모델의 성능을 능가하는 SOTA 달성. 모델 크기 900M, Inference 속도도 더 빠르다고 함
- Novel AI 찍먹해본 후기 | Univdev
- PromptBase | DALL·E, Midjourney & GPT-3 Prompt Marketplace
- MidJourney v5.2 VS Stable Diffusion XL 0.9 — Same Prompt, Different Results | by Jim Clyde Monge | Jun, 2023 | Generative AI
- Redream: Realtime Diffusion, using Automatic1111 Stable Diffusion API
- Scribble Diffusion
- stable diffusion 2.0 코랩+그라디오 웹앱으로 만들어보기 - YouTube
- stable-diffusion-webui-colab: stable diffusion webui colab
- Stability.Ai
- Stable Diffusion - What, Why, How? - YouTube
- SeamlessTextureInpainting.ipynb - Colaboratory
- Stable Diffusion is a really big deal
- Stability.ai에서 text-to-image diffusion 모델인 Stable Diffusion 모델 공개
- Open AI의 DALL-E와 비슷하지만, 전체를 다 공개했다는 점이 달라서 모델을 다운로드 받아서 직접 실행 가능
- [Creative ML OpenRAIL-M 라이선스](License - a Hugging Face Space by CompVis)하에 상업적/비상업적으로 사용 가능
- https://beta.dreamstudio.ai 에서 무료 테스트 가능
- 공개된 지 얼마 되지 않았지만 벌써 WebUI도 생기고 text-to-image뿐 아니라 image-to-image도 가능
- Access Stable Diffusion from Hugging Face with Colab Tutorial | Stable Diffusion Python - YouTube
- 나만의 Stable Diffusion 서비스 배포 | Lomit tech blog
- 전세계가 경악중인 최신 AI 사용법 왕초보 실전 가이드 (ft. Stable Diffusion) - YouTube
- 8장에 8초! 텍스트입력 이미지 생성모델 - Stable Diffusion+JAX+TPU
- 13 Mind-Bending Stable Diffusion Uses I've Seen So Far 🌈 - YouTube
- stable diffusion의 Adobe Photoshop plugin | Facebook
- stable-diffusion-pytorch: Yet another PyTorch implementation of Stable Diffusion
- stable-diffusion-tensorflow: TensorFlow/Keras port of Stable Diffusion
- m1 mac 에서 구동 가능하다(단지 m1용으로 준비된 requirements 만 잘 설치해주면 됨)
- out-of-the-box 로, 멀티 GPU 추론 및 TPU 추론 수행 가능. 분산 학습 strategy 를 적절하게 컨피그 해주면 됨
- 케라스 스탠다드 모델(SavedModel)로 구현되었기 때문에, 다양한 형식의 배포 용이. TFServing / TFLite / TF.js 로 쉽게 변환될 수 있으며, 이를 통해 다양한 애플리케이션 작성 가능
- stable-diffusion-video-maker: Video generation tool for Stable Diffusion.
- stable-diffusion-webui: Stable Diffusion web UI
- Tensor.Art | FREE online image generator and model hosting site!
- Control-A-Video: Controllable Text-to-Video Generation with Diffusion Models
- Dreamix: Video Diffusion Models are General Video Editors
- EMO
- Imagen Video
- Make-A-Video Meta에서 영어로 문장을 입력하면 비디오로 만들어주는 논문 발표
- Runway - Online Video Editor | Everything you need to edit video, fast
- Sora
- Stability-AI/generative-models: Generative Models by Stability AI
- StableVideo: ICCV 2023 StableVideo: Text-driven Consistency-aware Diffusion Video Editing
- Text2Video-Zero: Text-to-Image Diffusion Models are Zero-Shot Video Generators
- VideoPoet: 구글의 제로샷(Zero-Shot) 비디오 생성 대규모 언어 모델
- 입문자를 위한 딥러닝 튜토리얼
- 테리의 딥러닝 토크
- 쉽게 풀어쓴 딥러닝(Deep Learning)의 거의 모든 것
- 딥러닝 기본 원리의 이해
- 완전쉬운 딥러닝
- 자습해도 모르겠던 딥러닝, 머리속에 인스톨 시켜드립니다
- 구글, 유다시티에 딥러닝 강의 무료 공개
- 헬로 딥러닝 : 쉽고도 명확하게 이해하는 딥러닝
- 모두를 위한 딥러닝 강좌
- 자바로 Mnist 구현하고 스프링웹서버붙이기
- 모두를 위한 딥러닝 강좌
- C++로 배우는 딥러닝
- 딥러닝 용어 정리
- 완전쉬운 딥러닝
- 수학포기자를 위한 딥러닝-#1 머신러닝과 딥러닝 개요
- 수학포기자를 위한 딥러닝-#2 - 선형회귀분석을 통한 머신러닝의 기본 개념 이해
- 수학포기자를 위한 딥러닝-#3 텐서플로우로 선형회귀 학습을 구현해보자
- 수학포기자를 위한 딥러닝-#4 로지스틱 회귀를 이용한 분류 모델
- 수학포기자를 위한 딥러닝과 텐서플로우의 이해
- How-to-learn-Deep-Learning/README_kr.md
- 딥러닝/데이터사이언스를 위한 파이썬 입문 - 마이캠퍼스
- 러닝 딥러닝
- 딥러닝 강의 자료 - 패스트캠퍼스의 비전공자를 위한 데이터 사이언스 스쿨에서 진행한 한국어 딥러닝 강의 자료
- 딥러닝 교육 자료 (Deep Learning Lecture)
- 신경망에 대해 알아야 할 모든 것
- 도대체 선형이 뭘까?
- Deep Learning 완전 쉽게 이해하기 for nonprogrammer - Kowana's tech
- Deep Learning for Beginners
- 5 Best Deep Learning in Python videos for a Beginner
- Deep Learning — a gentle dive
- A Beginner’s Guide to Deep Neural Networks
- A Guide to Production Level Deep Learning
- A “weird” introduction to Deep Learning
- A Gentle Introduction to Deep Learning - Singapore Python User Group
- Newbie’s guide to Deep Learning
- Deep Learning for Beginners
- Welcome to the Deep Learning Tutorial!
- ISBA 2015 Morning Tutorial: Deep Learning (March 23, 2015)
- tutorial, implementations
- Tutorial on Deep Learning
- A Primer on Deep Learning
- Building Safe A.I. A Tutorial for Encrypted Deep Learning
- tutorial, implementations
- GitHub Special: Data Scientists to Follow & Best Tutorials on GitHub
- Deep learning tutorials (2nd ed.)
- Deep Learning Tutorial 4th
- Deep Learning Tutorial
- Deep Learning for Everyone – and (Almost) Free
- Deep learning tutorials
- 비 전공자를 위한 딥러닝 개념 구조 - 딥러닝 생각보다 쉽다 - YouTube
- 인공지능, 기계학습 그리고 딥러닝
- 딥러닝 강의 1편 6시간 완성 - 카이스트 AI박사 - 컴퓨터 비전 인식모델 개발 - YouTube
- Deep Learning with Python, TensorFlow, and Keras tutorial - YouTube
- 딥러닝 아키텍쳐 살펴보기 I 모두의연구소 모두팝 - YouTube
- 딥러닝 훑어보기, 자세히보기 · Present
- Generative AI is a tool in service of humanity