├── .gitattributes ├── .github ├── How_to_PR_in_Github_Desktop.md ├── ISSUE_TEMPLATE │ └── add-dictionary-table.md ├── PULL_REQUEST_TEMPLATE.md └── workflows │ └── ci.yml ├── .gitignore ├── Dictionary ├── README.md ├── activation_function.md ├── backbone.md ├── computer_vision.md └── natural_language_processing.md ├── LICENSE ├── README.md ├── ReadPapers.pdf ├── docs ├── AI-Labs.md ├── AI.md ├── Dictionary.md ├── Guideline.png ├── Math.md ├── Official-Paper.md ├── Python.md ├── Question.md ├── index.md └── math.png └── mkdocs.yml /.gitattributes: -------------------------------------------------------------------------------- 1 | # Auto detect text files and perform LF normalization 2 | * text=auto 3 | -------------------------------------------------------------------------------- /.github/How_to_PR_in_Github_Desktop.md: -------------------------------------------------------------------------------- 1 | ## 초기 세팅 2 | 1. github 로그인 / 아이디가 없다면 회원가입 3 | 2. 구글에 `github desktop` 검색후 앱 설치 -> 앱 실행후 본인 깃허브 계정으로 로그인하기 4 | 3. https://github.com/cpprhtn/AI-Learning-Guide 해당페이지에서 오른쪽 위에 `Fork` 버튼 클릭 5 | 4. 왼쪽 아래 `Create Fork` 버튼 클릭 -> 자동으로 본인 깃허브 계정에 해당 레포지토리 복제 6 | 5. 본인의 복제된 레포지토리에서 녹색 `Code` 버튼 클릭 -> `Open with GitHub Desktop` 버튼 선택 7 | 6. 옵션 건들필요없이 파란색 `Clone` 버튼 클릭 8 | 7. How are you planning to use this fork? -> To contribute to parent project 버튼을 클릭후 `Continue` 버튼 선택 9 | 10 | ## PR전 cpprhtn/AI-Learning-Guide와 동기화 시켜주기 11 | 1. 본인의 AI-Learning-Guide 레포로 이동 12 | 2. `main` branch 선택후 Code 버튼 밑에있는 `Fetch upstream` 클릭 13 | 3. `Update branch` 버튼을 클릭 (parent project에서 업데이트 된 파일들이 있다면 여러분의 계정에도 반영시키는 작업) 14 | 4. Github Desktop 앱을 실행후 Current branch가 `main`인지 확인후 `Fatch origin` 버튼을 한번 클릭 15 | 5. 받아올 파일이 있다면 Pull origin 버튼으로 바뀌며, 해당 버튼을 클릭해서 cpprhtn/AI-Learning-Guide와 동기화 시켜준다. 16 | 17 | ## PR하는법 18 | 1. 새로운 branch를 만든다. (ex. 본인의 계정명이든, 추가할 용어명이든 브랜치명은 main만 아니면 상관없음) 19 | 2. 파일을 만들거나 수정하거나 삭제한다. 20 | 3. 변경된 파일들이 Github desktop Change에 기록된다. 21 | 4. Summary 섹션에서 "단어사전 추가" 와 같이 본인이 작업한 활동을 적어준다. 22 | 5. "Commit to 브랜치명" 버튼을 클릭한다. 23 | 6. Push origin(또는 Publish branch으로 떠있는 경우도 있다.)버튼을 눌러준다. 24 | 7. Create Pull Request 버튼을 눌러준다. 25 | 8. 어떤 내용으로 PR했는지 내용을 간단하게 작성해준 후 Create Pull Request 버튼을 눌러준다. 26 | 9. 녹색은 cpprhtn/AI-Learning-Guide 레포에 문제없이 합칠 수 있는 상태 / 보라색은 cpprhtn/AI-Learning-Guide레포에 합쳐진 상태 / 빨간색은 cpprhtn/AI-Learning-Guide레포에 합쳐지지 못하거나 거절당한 상태. 27 | 10. 보라색으로 변해서 무사히 합쳐졌다면(merge) 합쳐진 브랜치는 지워도 무방하다. 28 | 11. 새로운 PR을 하려고 한다면, "## PR전 cpprhtn/AI-Learning-Guide와 동기화 시켜주기"부터 다시 따라서 진행한다. -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/add-dictionary-table.md: -------------------------------------------------------------------------------- 1 | --- 2 | name: Add dictionary table 3 | about: 용어사전에 추가할 내용 이슈 등록 4 | title: '' 5 | labels: '' 6 | assignees: '' 7 | 8 | --- 9 | 10 | 아래 표의 A,B,C,D에 대한 내용을 수정해주시면 됩니다. 11 | 12 | |영어|준말|한글|부연 설명| 13 | |---|---|---|---| 14 | |activation function||활성화 함수|[링크](./activation_function.md)| 15 | |A|B|C|D| 16 | 17 | 18 | 추가하려는 단어에 대한 부연 설명이 있다면 아래에 적어주세요 :) 19 | --- 20 | -------------------------------------------------------------------------------- /.github/PULL_REQUEST_TEMPLATE.md: -------------------------------------------------------------------------------- 1 | ## 어떤 내용에 대한 PR인지 간단히 적어주세요 2 | 3 | ex) AI page 내용 추가 4 | ex) 용어 정리 page 용어 추가 5 | --- 6 | //해당글을 지우고 적어주세요 -------------------------------------------------------------------------------- /.github/workflows/ci.yml: -------------------------------------------------------------------------------- 1 | name: ci 2 | on: 3 | push: 4 | branchs: 5 | - main 6 | permissions: 7 | contents: write 8 | jobs: 9 | deploy: 10 | runs-on: ubuntu-latest 11 | steps: 12 | - uses: actions/checkout@v3 13 | - uses: actions/setup-python@v4 14 | with: 15 | python-version: 3.x 16 | - uses: actions/cache@v2 17 | with: 18 | key: ${{ github.ref }} 19 | path: .cache 20 | - run: pip install mkdocs-material 21 | - run: mkdocs gh-deploy --force -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- 1 | 2 | Contributor/ 3 | .DS_Store 4 | empty/ 5 | -------------------------------------------------------------------------------- /Dictionary/README.md: -------------------------------------------------------------------------------- 1 | ## AI 용어 정리 2 | 3 | AI에 쓰이는 단어들이 일반적인 영어랑 다른의미로 쓰이는 경우도 많고, 또는 다른 배경지식이 필요한 경우도 많아서 4 | 5 | 인공지능을 처음 배우는 사람들에게, 혹은 다른 도메인을 공부하는 사람들에게 도움이되고자 한번 기획해서 추진하려고 합니다! 6 | 7 | 원하는 단어를 찾는 방법은 `ctrl + F` 혹은 `command + F`를 눌러 검색기능을 활용해주세요. 8 | 9 | |영어|준말|한글|부연 설명| 10 | |---|---|---|---| 11 | |accuracy|ACC|정확도|| 12 | |action||행동|| 13 | |activation function||활성화 함수|[링크](./activation_function.md)| 14 | |active learning||액티브 러닝|| 15 | |AdaGrad|||| 16 | |affine transformation||아핀 변환|| 17 | |agent||에이전트|| 18 | |agglomerative clustering||병합 군집|| 19 | |anomaly detection||이상치 탐지|| 20 | |area under the PR curve|PR AUC||| 21 | |area under the ROC curve|AUC||| 22 | |artificial general intelligence|AGI|인공일반지능|| 23 | |artificial intelligence|AI|인공지능|| 24 | |attention||어텐션|| 25 | |attribute||속성|| 26 | |attribute sampling||속성 샘플링|| 27 | |augmented reality|AR|증강 현실|| 28 | |automation bias||자동화 편향|| 29 | |average precision||평균 정밀도|| 30 | |backbone||백본|[링크](./backbone.md)| 31 | |backpropagation||역전파|| 32 | |bagging||배깅|| 33 | |batch||배치|| 34 | |batch normalization|BN|배치 정규화|| 35 | |batch size||배치 사이즈|| 36 | |Bayesian neural network||베이지안 신경망|| 37 | |Bayesian optimization||베이즈 최적화|| 38 | |Bellman equation||벨만 방정식|| 39 | |Bidirectional Encoder Representations from Transformers|BERT|버트|| 40 | |bias||편향|| 41 | |bidirectional||양방향|| 42 | |bidirectional language model||양방향 언어 모델|| 43 | |binary classification||이진 분류|| 44 | |binary condition||이진 조건|| 45 | |boosting||부스팅|| 46 | |bounding box||경계 상자|| 47 | |broadcasting||브로드캐스팅|| 48 | |bucketing||버케팅|| 49 | |candidate generation||후보 생성|| 50 | |candidate sampling||후보 샘플링|| 51 | |categorical data||범주형 데이터|| 52 | |centroid-based clustering||중심 기반 클러스터링|| 53 | |checkpoint||체크포인트|| 54 | |classification model||분류 모델|| 55 | |classification threshold||분류 임계값|| 56 | |clipping||클리핑|| 57 | |clustering||클러스터링|| 58 | |collaborative filtering||협업 필터링|| 59 | |computer vision|CV|컴퓨터 비전|[링크](./computer_vision.md)| 60 | |confirmation bias||확증 편향|| 61 | |confusion matrix||혼동 행렬|| 62 | |Continual Learning|||[링크](https://ffighting.tistory.com/entry/Incremental-Continual-learning-%EC%84%A4%EB%AA%85-%EC%84%B1%EB%8A%A5%EC%B8%A1%EC%A0%95%EB%B0%A9%EC%8B%9D-%EC%97%B0%EA%B5%AC%ED%9D%90%EB%A6%84)| 63 | |convergence||수렴|| 64 | |convex function||볼록 함수|| 65 | |convex optimization||볼록 최적화|| 66 | |convex set||볼록 집합|| 67 | |convolution||합성곱|| 68 | |cost||비용, 손실|| 69 | |co-training|||| 70 | |critic|DQN||| 71 | |cross correlation||교차상관관계|| 72 | |cross entropy error|CEE|교차 엔트로피 오차|| 73 | |cross validation||교차 검증|| 74 | |data pre-processing||데이터 전처리|| 75 | |dropout||드롭아웃|| 76 | |end-to-end deep learning||종단간 기계학습|| 77 | |epoch||에포크|| 78 | |feature||특징|| 79 | |feature map||특징 맵|| 80 | |Few-Shot Learning|FSL|퓨샷러닝|| 81 | |filter||필터|| 82 | |forward propagation||순전파|| 83 | |fully-connected|FC|완전연결|| 84 | |gradient||기울기|| 85 | |gradient descent|GD|경사 하강법|`optimizer`| 86 | |gradient vanishing||기울기 소실|| 87 | |grid search||그리드 서치| 88 | |hyper parameter||하이퍼파라미터|| 89 | |identity function||항등 함수|`activation function`| 90 | |imbalanced dataset||비대칭 데이터|| 91 | |Incremental Learning|||[링크](https://en.wikipedia.org/wiki/Incremental_learning)| 92 | |kernel||커널|| 93 | |learning rate|lr|학습률|| 94 | |mini batch||미니배치|| 95 | |momentum||모멘텀|`optimizer`| 96 | |natural language processing|NLP|자연어처리|[링크](./natural_language_processing.md)| 97 | |normalization||정규화|| 98 | |one-hot encoding||원-핫 인코딩|| 99 | |optimization||최적화|| 100 | |optimizer||옵티마이저|| 101 | |overfitting||오버피팅|| 102 | |padding||패딩|| 103 | |parameter||파라미터|| 104 | |perceptron||퍼셉트론|| 105 | |pooling||풀링|| 106 | |random search||랜덤 서치|| 107 | |receptive field||수용 영역|| 108 | |rectified linear unit|ReLU|렐루|`activation function`| 109 | |sigmoid||시그모이드|`activation function`| 110 | |softmax||소프트맥스|`activation function`| 111 | |standardization||표준화|| 112 | |stochastic gradient descent|SGD|확률적 경사 하강법|`optimizer`| 113 | |stride||스트라이드|| 114 | |sum of squares for error|SSE|오차제곱합| 115 | |training||학습|| 116 | |transopose matrix||전치 행렬|| 117 | |weight||가중치|| 118 | |weight initialization||가중치 초기화|| 119 | |whitening||백색화|| 120 | -------------------------------------------------------------------------------- /Dictionary/activation_function.md: -------------------------------------------------------------------------------- 1 | - [Activation function - 위키피디아](https://en.wikipedia.org/wiki/Activation_function) -------------------------------------------------------------------------------- /Dictionary/backbone.md: -------------------------------------------------------------------------------- 1 | 백본은 입력 이미지를 feature map으로 변형시켜주는 부분으로 2 | 3 | Object Detection에서 자주 언급되는 단어이다. -------------------------------------------------------------------------------- /Dictionary/computer_vision.md: -------------------------------------------------------------------------------- 1 | - [컴퓨터 비전 - 나무위키](https://namu.wiki/w/%EC%BB%B4%ED%93%A8%ED%84%B0%20%EB%B9%84%EC%A0%84) 2 | -------------------------------------------------------------------------------- /Dictionary/natural_language_processing.md: -------------------------------------------------------------------------------- 1 | - [자연어 처리 - 위키백과](https://ko.wikipedia.org/wiki/%EC%9E%90%EC%97%B0%EC%96%B4_%EC%B2%98%EB%A6%AC) -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- 1 | MIT License 2 | 3 | Copyright (c) 2021 cpprhtn 4 | 5 | Permission is hereby granted, free of charge, to any person obtaining a copy 6 | of this software and associated documentation files (the "Software"), to deal 7 | in the Software without restriction, including without limitation the rights 8 | to use, copy, modify, merge, publish, distribute, sublicense, and/or sell 9 | copies of the Software, and to permit persons to whom the Software is 10 | furnished to do so, subject to the following conditions: 11 | 12 | The above copyright notice and this permission notice shall be included in all 13 | copies or substantial portions of the Software. 14 | 15 | THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR 16 | IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, 17 | FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE 18 | AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER 19 | LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, 20 | OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE 21 | SOFTWARE. 22 | -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | # AI Learning Guide 2 | 3 | ![AI Learning Guideline](/docs/Guideline.png) 4 | ## Before You read this 5 | 인공지능 관련 공부 자료들을 정리해둔 페이지입니다. 6 | 7 | [https://cpprhtn.github.io/AI-Learning-Guide/](https://cpprhtn.github.io/AI-Learning-Guide/) 8 | 9 | 기여는 언제나 환영합니다. 10 | -------------------------------------------------------------------------------- /ReadPapers.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/cpprhtn/AI-Learning-Guide/b17c7b885ef14675bf959f26f68600b19a27766b/ReadPapers.pdf -------------------------------------------------------------------------------- /docs/AI-Labs.md: -------------------------------------------------------------------------------- 1 | 5. AI 관련 연구실 정보 2 | 3 | - [국내 AI 관련 학회](http://www.aistudy.co.kr/help/society.htm) -------------------------------------------------------------------------------- /docs/AI.md: -------------------------------------------------------------------------------- 1 | # 인공지능(AI, Artificial intelligence) 2 | 3 | ## Framework 4 | - [PyTorch](https://pytorch.org/) [[Korean]](https://pytorch.kr/) 5 | - [Tensorflow](https://www.tensorflow.org) [[Korean]](https://www.tensorflow.org/?hl=ko) 6 | - [MATLAB](https://kr.mathworks.com/solutions/deep-learning/tutorials-examples.html) 7 | - [Ray](https://docs.ray.io/en/latest/index.html) 8 | 9 | ### Framework tutorial 10 | - [PyTorch tutorial](https://tutorials.pytorch.kr/) 11 | - [Tensorflow tutorial guide](https://www.tensorflow.org/tutorials?hl=ko) 12 | - [Tensorflow example](https://github.com/tensorflow/examples) 13 | - [Keras example](https://keras.io/examples/) 14 | 15 | ### Reference Materials for Choosing a Framework 16 | - [pytorch vs tensorflow in 2022](https://www.assemblyai.com/blog/pytorch-vs-tensorflow-in-2022/) 17 | - [MATLAB vs. Python: Which One Is Right for You?](https://www.mathworks.com/products/matlab/matlab-vs-python.html) 18 | - [Which is better for AI Python or R](https://dac.digital/which-is-better-for-ai-python-or-r/) 19 | - [딥러닝을 위해 어떤 GPU를 골라야 할까?](https://discuss.pytorch.kr/t/geeknews-gpu/962) 20 | 21 | 22 | ## Machine Learning 23 | ### focused on practice 24 | - (*)핸즈온 머신러닝 : 사이킷런, 케라스, 텐서플로 2를 활용한 머신러닝, 딥러닝 완벽 실무 2판 [Youtube](https://youtube.com/playlist?list=PLJN246lAkhQjX3LOdLVnfdFaCbGouEBeb) 25 | - 혼자 공부하는 머신러닝 + 딥러닝 [Youtube](https://youtube.com/playlist?list=PLJN246lAkhQjoU0C4v8FgtbjOIXxSs_4Q) 26 | - [ML, PCA, DL 등을 전반적으로 설명하는 외국 채널](https://www.youtube.com/c/joshstarmer/featured) 27 | - 머신 러닝 교과서 3판 [Youtube](https://youtube.com/playlist?list=PLJN246lAkhQiEc-QvvGzUneCWuRnCNKgU) 28 | - 생활코딩 머신러닝 [Youtube](https://www.youtube.com/playlist?list=PLuHgQVnccGMDy5oF7G5WYxLF3NCYhB9H9) 29 | 30 | ### focused on mathematical theory 31 | - (*)Pattern-Recognition-and-Machine-Learning (PRML-Bishop) [PDF](https://www.microsoft.com/en-us/research/uploads/prod/2006/01/Bishop-Pattern-Recognition-and-Machine-Learning-2006.pdf) [한글 번역](http://norman3.github.io/prml/) [Python Code](https://github.com/ctgk/PRML) 32 | - 패턴 인식과 머신러닝(제이펍 출판사) 한글 번역판 책도 존재 33 | - (*)Mathematics for Machine Learning (MML) [PDF](https://mml-book.github.io/) [고려대 한글 자료](http://savanna.korea.ac.kr/wp/?page_id=605) 34 | - (*)Probabilistic Machine Learning: An Introduction (머피책 1판) [github page](https://probml.github.io/pml-book/book1.html) [PDF](https://github.com/probml/pml-book/releases/latest/download/book1.pdf) 35 | - Probabilistic Machine Learning: Advanced Topics (머피책 2판) [github page](https://probml.github.io/pml-book/book2.html) [PDF](https://github.com/probml/pml2-book/releases/tag/2022-07-29) 36 | - An Introduction to Statistical Learning [PDF - Second Edition](https://www.statlearning.com/) 37 | - [해석 가능한 머신러닝](https://christophm.github.io/interpretable-ml-book/) 38 | 39 | ### etc. 40 | - [EliceAcademy](https://academy.elice.io/courses/all?category=7&category=9&price=25&tab=course) 41 | - Do it! 딥러닝 입문 42 | - 혼자 공부하는 머신러닝 + 딥러닝 43 | - 모두의 딥러닝 44 | - 외 일부 도서 무료 제공 45 | 46 | ## Deep Learning 47 | ### Stanford Series 48 | - [CS230 (Deep Learning)](https://youtube.com/playlist?list=PLoROMvodv4rOABXSygHTsbvUz4G_YQhOb) 49 | - [CS182 (Deep Learning: Spring 2021)](https://www.youtube.com/playlist?list=PL_iWQOsE6TfVmKkQHucjPAoRtIJYt8a5A) 50 | - [CMU 11-785](https://www.youtube.com/playlist?list=PLp-0K3kfddPxRmjgjm0P1WT6H-gTqE8j9) 51 | - [CS329S (Machine Learning Systems Design)](https://youtu.be/OEiNnfdxBRE) 52 | - [CS231n (Convolutional Neural Networks for Visual Recognition)](https://youtube.com/playlist?list=PL3FW7Lu3i5JvHM8ljYj-zLfQRF3EO8sYv) 53 | - [CS224d (Natural Language Processing with Deep Learning)](https://youtube.com/playlist?list=PLoROMvodv4rOhcuXMZkNm7j3fVwBBY42z) 54 | 55 | ### Sung Kim Series 56 | - [Sung Kim 모두를 위한 머신러닝/딥러닝 강의](http://hunkim.github.io/ml/) 57 | - [모두를 위한 딥러닝 강좌 시즌 1](https://youtube.com/playlist?list=PLlMkM4tgfjnLSOjrEJN31gZATbcj_MpUm) 58 | - [모두를 위한 RL강좌](https://youtube.com/playlist?list=PLlMkM4tgfjnKsCWav-Z2F-MMFRx-2gMGG) 59 | - [PR12 딥러닝 논문읽기 모임](https://youtube.com/playlist?list=PLlMkM4tgfjnJhhd4wn5aj8fVTYJwIpWkS) 60 | - [Andrew Ng Supervised Machine Learning: Regression and Classification](https://www.coursera.org/learn/machine-learning) 61 | - [Andrew Ng Coursera 강의 정리](http://www.holehouse.org/mlclass/) 62 | 63 | 64 | ### Books 65 | - (*)밑바닥부터 시작하는 딥러닝 시리즈 (3편으로 구성) 66 | - (*)[Deep Learning-Ian Goodfellow](https://www.deeplearningbook.org/) [PDF](https://www.deeplearningbook.org/front_matter.pdf) 67 | - [Do It! 딥러닝 입문](https://youtube.com/playlist?list=PLJN246lAkhQgbBx2Kag0wIZedn-P9KcH9) 68 | - 케라스 창시자에게 배우는 딥러닝 69 | - [Pytorch로 시작하는 딥러닝 입문](https://wikidocs.net/book/2788) 70 | - [Dive into Deep Learning](https://ko.d2l.ai/index.html) 71 | - [PYTORCH로 딥러닝하기: 60분만에 끝장내기](https://tutorials.pytorch.kr/beginner/deep_learning_60min_blitz.html) 72 | - [파이토치 한번에 끝내기](https://www.youtube.com/watch?v=k60oT_8lyFw) 73 | - 딥 러닝을 이용한 자연어 처리 입문 [eBook](https://wikidocs.net/book/2155) [Github](https://github.com/ukairia777/tensorflow-nlp-tutorial) 74 | 75 | 76 | ## Reinforcement Learning 77 | - (*)[단단한 강화학습](http://www.yes24.com/Product/Goods/89605439?pid=123487&cosemkid=go15851280278657301&gclid=Cj0KCQjwj7CZBhDHARIsAPPWv3dPo2djMqTHwBb1y8TDKRShLfXjeoxNsv2NEmRJDZ9YxKXixJy9-2oaAuqWEALw_wcB) 영어 원서도 추천 78 | - (*)[CS234: Reinforcement Learning Winter 2022](https://web.stanford.edu/class/cs234/) 79 | - [UCL Course on RL](https://www.davidsilver.uk/teaching/) 80 | - [Spinning Up in Deep RL!](https://spinningup.openai.com/en/latest/) 81 | - [huggingface-RL course](https://huggingface.co/deep-rl-course/unit0/introduction?fw=pt) 82 | - [Deep Reinforcement Learning: CS 285 Fall 2021 (UC Berkeley)](https://www.youtube.com/playlist?list=PL_iWQOsE6TfXxKgI1GgyV1B_Xa0DxE5eH) 83 | - 파이썬과 케라스로 배우는 강화학습 84 | - [Reinforcement Learning: An Introduction](http://incompleteideas.net/book/ebook/the-book.html) 85 | 86 | ## ETC (ex: k8s/MLOps) 87 | - [Kubernetes tutorials](https://kubernetes.io/docs/tutorials/) 88 | - [MLOps 정리 노션](http://bit.ly/zzsza_links) 89 | - [MLOps Contents 모음](https://github.com/MLOpsKR/Awesome-MLOps-Contents) 90 | - [Kubeflow를 통해 더 나은 AI 모델 서빙과 MLOps 실현하기](https://tv.naver.com/v/23650093) 91 | - [Open Neural Network Exchange (ONNX)](https://github.com/onnx/onnx) 92 | - [Airflow vs Kubeflow](https://hevodata.com/learn/kubeflow-vs-airflow/) 93 | - [모두를 위한 MLOps](https://mlops-for-all.github.io/) 94 | - [CSEP 590B Explainable AI](https://sites.google.com/cs.washington.edu/csep590b?pli=1) 95 | - [TinyML and Efficient Deep Learning Computing](https://www.youtube.com/playlist?list=PL80kAHvQbh-ocildRaxjjBy6MR1ZsNCU7) 96 | - [AI-Expert-Roadmap](https://github.com/AMAI-GmbH/AI-Expert-Roadmap) 97 | - [W&B Courses](https://www.wandb.courses/pages/w-b-courses) 98 | 99 | -------------------------------------------------------------------------------- /docs/Dictionary.md: -------------------------------------------------------------------------------- 1 | # AI 용어 정리 2 | 3 | AI에 쓰이는 단어들이 일반적인 영어랑 다른의미로 쓰이는 경우도 많고, 또는 다른 배경지식이 필요한 경우도 많아서 4 | 5 | 인공지능을 처음 배우는 사람들에게, 혹은 다른 도메인을 공부하는 사람들에게 도움이되고자 한번 기획해서 추진하려고 합니다! 6 | 7 | 원하는 단어를 찾는 방법은 `ctrl + F` 혹은 `command + F`를 눌러 검색기능을 활용해주세요. 8 | 9 | |영어|준말|한글|부연 설명| 10 | |---|---|---|---| 11 | |accuracy|ACC|정확도|| 12 | |action||행동|| 13 | |activation function||활성화 함수|| 14 | |active learning||액티브 러닝|| 15 | |AdaGrad|||| 16 | |affine transformation||아핀 변환|| 17 | |agent||에이전트|| 18 | |agglomerative clustering||병합 군집|| 19 | |anomaly detection||이상치 탐지|| 20 | |area under the PR curve|PR AUC||| 21 | |area under the ROC curve|AUC||| 22 | |artificial general intelligence|AGI|인공일반지능|| 23 | |artificial intelligence|AI|인공지능|| 24 | |attention||어텐션|| 25 | |attribute||속성|| 26 | |attribute sampling||속성 샘플링|| 27 | |augmented reality|AR|증강 현실|| 28 | |automation bias||자동화 편향|| 29 | |average precision||평균 정밀도|| 30 | |backbone||백본|| 31 | |backpropagation||역전파|| 32 | |bagging||배깅|| 33 | |batch||배치|| 34 | |batch normalization|BN|배치 정규화|| 35 | |batch size||배치 사이즈|| 36 | |Bayesian neural network||베이지안 신경망|| 37 | |Bayesian optimization||베이즈 최적화|| 38 | |Bellman equation||벨만 방정식|| 39 | |Bidirectional Encoder Representations from Transformers|BERT|버트|| 40 | |bias||편향|| 41 | |bidirectional||양방향|| 42 | |bidirectional language model||양방향 언어 모델|| 43 | |binary classification||이진 분류|| 44 | |binary condition||이진 조건|| 45 | |boosting||부스팅|| 46 | |bounding box||경계 상자|| 47 | |broadcasting||브로드캐스팅|| 48 | |bucketing||버케팅|| 49 | |candidate generation||후보 생성|| 50 | |candidate sampling||후보 샘플링|| 51 | |categorical data||범주형 데이터|| 52 | |centroid-based clustering||중심 기반 클러스터링|| 53 | |checkpoint||체크포인트|| 54 | |classification model||분류 모델|| 55 | |classification threshold||분류 임계값|| 56 | |clipping||클리핑|| 57 | |clustering||클러스터링|| 58 | |collaborative filtering||협업 필터링|| 59 | |computer vision|CV|컴퓨터 비전|| 60 | |confirmation bias||확증 편향|| 61 | |confusion matrix||혼동 행렬|| 62 | |Continual Learning|||[링크](https://ffighting.tistory.com/entry/Incremental-Continual-learning-%EC%84%A4%EB%AA%85-%EC%84%B1%EB%8A%A5%EC%B8%A1%EC%A0%95%EB%B0%A9%EC%8B%9D-%EC%97%B0%EA%B5%AC%ED%9D%90%EB%A6%84)| 63 | |convergence||수렴|| 64 | |convex function||볼록 함수|| 65 | |convex optimization||볼록 최적화|| 66 | |convex set||볼록 집합|| 67 | |convolution||합성곱|| 68 | |cost||비용, 손실|| 69 | |co-training|||| 70 | |critic|DQN||| 71 | |cross correlation||교차상관관계|| 72 | |cross entropy error|CEE|교차 엔트로피 오차|| 73 | |cross validation||교차 검증|| 74 | |data pre-processing||데이터 전처리|| 75 | |dropout||드롭아웃|| 76 | |end-to-end deep learning||종단간 기계학습|| 77 | |epoch||에포크|| 78 | |feature||특징|| 79 | |feature map||특징 맵|| 80 | |Few-Shot Learning|FSL|퓨샷러닝|| 81 | |filter||필터|| 82 | |forward propagation||순전파|| 83 | |fully-connected|FC|완전연결|| 84 | |gradient||기울기|| 85 | |gradient descent|GD|경사 하강법|`optimizer`| 86 | |gradient vanishing||기울기 소실|| 87 | |grid search||그리드 서치| 88 | |hyper parameter||하이퍼파라미터|| 89 | |identity function||항등 함수|`activation function`| 90 | |imbalanced dataset||비대칭 데이터|| 91 | |Incremental Learning|||| 92 | |kernel||커널|| 93 | |learning rate|lr|학습률|| 94 | |mini batch||미니배치|| 95 | |momentum||모멘텀|`optimizer`| 96 | |natural language processing|NLP|자연어처리|| 97 | |normalization||정규화|| 98 | |one-hot encoding||원-핫 인코딩|| 99 | |optimization||최적화|| 100 | |optimizer||옵티마이저|| 101 | |overfitting||오버피팅|| 102 | |padding||패딩|| 103 | |parameter||파라미터|| 104 | |perceptron||퍼셉트론|| 105 | |pooling||풀링|| 106 | |random search||랜덤 서치|| 107 | |receptive field||수용 영역|| 108 | |rectified linear unit|ReLU|렐루|`activation function`| 109 | |sigmoid||시그모이드|`activation function`| 110 | |softmax||소프트맥스|`activation function`| 111 | |standardization||표준화|| 112 | |stochastic gradient descent|SGD|확률적 경사 하강법|`optimizer`| 113 | |stride||스트라이드|| 114 | |sum of squares for error|SSE|오차제곱합| 115 | |training||학습|| 116 | |transopose matrix||전치 행렬|| 117 | |weight||가중치|| 118 | |weight initialization||가중치 초기화|| 119 | |whitening||백색화|| 120 | -------------------------------------------------------------------------------- /docs/Guideline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/cpprhtn/AI-Learning-Guide/b17c7b885ef14675bf959f26f68600b19a27766b/docs/Guideline.png -------------------------------------------------------------------------------- /docs/Math.md: -------------------------------------------------------------------------------- 1 | # Math 2 | 3 | ## 선형대수학 4 | - [공돌이의 수학정리노트 - 선형대수학 응용](https://angeloyeo.github.io/2019/07/27/PCA.html) 5 | - [Khan-academy "선형대수학을 위한 벡터란?"](https://ko.khanacademy.org/math/linear-algebra/vectors-and-spaces/vectors/v/vector-introduction-linear-algebra) 6 | - [인공지능을 위한 선형대수학 - 주재걸 카이스트 교수](https://www.edwith.org/ai251) 7 | - [프리드버그 선형대수학](https://books.google.co.kr/books/about/%ED%94%84%EB%A6%AC%EB%93%9C%EB%B2%84%EA%B7%B8_%EC%84%A0%ED%98%95%EB%8C%80%EC%88%98%ED%95%99.html?id=qPRcEAAAQBAJ&printsec=frontcover&source=kp_read_button&hl=ko&redir_esc=y#v=onepage&q&f=false) 8 | 9 | ## 미적분 10 | - [공돌이의 수학정리노트 - 기초 미적분학](https://angeloyeo.github.io/2019/09/02/Taylor_Series.html) 11 | - [스튜어트 미분적분학 - 이상준 경희대 교수](https://www.youtube.com/watch?v=vyx3gvPOS7M&list=PLaqQvlCBe8vJfW3HqjCGQvj5Rcz_wLivt) 12 | - [미적분-개념정리](https://youtube.com/playlist?list=PLXJ3W1lEGK8ULz2WP-Zd732UivspNwmRr) 13 | 14 | ## 통계 15 | - [공돌이의 수학정리노트 - 확률/통계](https://angeloyeo.github.io/2021/04/23/binomial_distribution.html) 16 | - [프로그래머를 위한 확률과 통계](http://www.yes24.com/Product/Goods/72336483?pid=123487&cosemkid=go15574730724723831&gclid=Cj0KCQjw7KqZBhCBARIsAI-fTKL479--Fx7yvIgcUSiGH4WZSOmbI-AET27yjOXwXbfIAbYmBFjEzMEaAlHTEALw_wcB) 17 | - 18 | ## 최적화수학 19 | - [모두를 위한 컨벡스 최적화](https://convex-optimization-for-all.github.io/) : 목차만 영어, 내용은 한글 20 | - [Convergence Theorems for Gradient Descent](https://gowerrobert.github.io/pdf/M2_statistique_optimisation/grad_conv.pdf) 21 | 22 | ## 그 외 참고자료 23 | -------------------------------------------------------------------------------- /docs/Official-Paper.md: -------------------------------------------------------------------------------- 1 | # Official Paper Review [Notes](#notes) 2 | - [paperswithcode](https://paperswithcode.com/methods) - AI 논문과 Offical Code들을 볼 수 있는 페이지. 3 | - [openreview](https://openreview.net/) - 심사중인 논문, 리뷰 및 피드백을 볼 수 있는 페이지. 4 | - [AI-Deadlin](https://aideadlin.es/?sub=ML,CV,CG,NLP,RO,SP,DM) - Top 티어 저널의 컨퍼런스 정보 페이지. 5 | - [Deep-Learning-Papers-Reading-Roadmap](https://github.com/floodsung/Deep-Learning-Papers-Reading-Roadmap) 6 | 7 | ## Computer Vision (CV) 8 | 9 | ## Natural Language Processing (NLP) 10 | - [Huggingface](https://huggingface.co) 11 | - [꼭 읽어야 할 NLP 논문 100가지](https://github.com/mhagiwara/100-nlp-papers) 12 | - [한국어 텍스트 마이닝을 위한 공부거리들](https://github.com/lovit/textmining-tutorial) 13 | - [검색 및 NLP 분야의 질의 응답에 관한 큐레이션](https://github.com/seriousran/awesome-qa) 14 | - [Stanford CS224N: Natural Language Processing with Deep Learning](https://youtube.com/playlist?list=PLoROMvodv4rOSH4v6133s9LFPRHjEmbmJ) 15 | 16 | ## Recommender Systems (RS) 17 | - [Must-read papers on Recommender System](https://github.com/hongleizhang/RSPapers) 18 | - [Datasets-for-Recommender-Systems](https://github.com/caserec/Datasets-for-Recommender-Systems) 19 | 20 | ## Reinforcement Learning (RL) 21 | - [utilForever RL paper study](https://github.com/utilForever/rl-paper-study) 22 | 23 | ## Generative Adversarial Network (GAN) 24 | 25 | ## Transformer 26 | - [Huggingface Transformers Docs](https://huggingface.co/docs/transformers/index) 27 | - [Let's build GPT: from scratch, in code, spelled out.](https://www.youtube.com/watch?v=kCc8FmEb1nY) 28 | 29 | ## Large Language Models (LLM) 30 | - [Let's find out the latest and various LLM-related papers.](https://github.com/gyunggyung/MLLM-Papers) 31 | - [A Survey of Large Language Models](https://arxiv.org/abs/2303.18223?fbclid=IwAR1o9DcsIuJ-_ZBHl8z7PWpxUDfTbGDHr_Drb2w3JtC5cfuE07na7q1Zhsw&mibextid=S66gvF) 32 | 33 | ## ETC 34 | - [딥러닝 논문 읽기 모임](https://github.com/Lilcob/-DL_PaperReadingMeeting?fbclid=IwAR1OC3O1RUcaucuPAIjyrpyAsoZ6Vb3ausCkpKfdCGqPNOvYqUzuIneqaCE) 35 | 36 | ## Notes 37 | ### [Top proceedings/journals (ML/DL)](https://scholar.google.com.sg/citations?view_op=top_venues&hl=en&vq=eng_artificialintelligence) 38 | - [ICLR](https://iclr.cc/) 39 | - [NeurIPS](https://nips.cc/) 40 | - [ICML](https://icml.cc/) 41 | - [AAAI](https://www.aaai.org/) 42 | - [IEEE Transactions On Systems](https://ieeexplore.ieee.org/xpl/RecentIssue.jsp?punumber=3477) 43 | 44 | #### What to Read paper 45 | 1. Make a list of papers to read 46 | 2. Add or remove papers from the list. 47 | 48 | #### How to Read paper 49 | 1. Look at the title, summary, and chart of the paper first. 50 | 2. Read the introduction, conclusion, and chart and omit unnecessary parts. 51 | 52 | #### Feedback 53 | 1. What did the author want to accomplish? 54 | 2. What are the important factors in the approach of this study? 55 | 3. Can you use this paper yourself? 56 | 4. What other references would you like to refer to? 57 | -------------------------------------------------------------------------------- /docs/Python.md: -------------------------------------------------------------------------------- 1 | # Python 2 | 3 | ## Basic Python Grammar 4 | - [점프 투 파이썬](https://wikidocs.net/book/1) 5 | - [파이썬 초보 강의-나도코딩](https://youtube.com/playlist?list=PLMsa_0kAjjrd8hYYCwbAuDsXZmHpqHvlV) 6 | - [5시간만 투자하면 개발자가 됩니다-조코딩](https://www.youtube.com/watch?v=KL1MIuBfWe0) 7 | - [Automate the Boring Stuff with Python](https://automatetheboringstuff.com/) 8 | - O'REILLY Introducing Python: 처음 시작하는 파이썬 2판 9 | - [데이터 분석을 위한 파이썬](https://compmath.korea.ac.kr/appmath/Preliminaries.html) 10 | - [EliceAcademy](https://academy.elice.io/courses/all?category=6&price=25&programmingLanguage=18&tab=course) 11 | - 모두의 파이썬 12 | - 혼자 공부하는 파이썬 13 | - 외 다수의 도서 무료 제공 14 | 15 | ## 데이터 분석 및 조작 16 | 17 | ### Numpy 18 | - [Numpy 홈페이지](https://numpy.org/learn/) 19 | - [Numpy 기초: 배열 및 벡터계산 (블로그)](https://compmath.korea.ac.kr/appmath/NumpyBasics.html) 20 | - [100 numpy exercises](https://github.com/rougier/numpy-100) 21 | 22 | ### Pandas 23 | - [Pandas User Guide](https://pandas.pydata.org/docs/user_guide/index.html) 24 | - [Pandas 10분 완성](https://dataitgirls2.github.io/10minutes2pandas/) 25 | - [Pandas 시작하기 (블로그)](https://compmath.korea.ac.kr/appmath/GettingStartPandas.html) 26 | - [100 pandas puzzles](https://github.com/ajcr/100-pandas-puzzles) 27 | 28 | ### Scipy 29 | - [SciPy User Guide](https://docs.scipy.org/doc/scipy/tutorial/index.html) 30 | - [SciPy Cookbook](https://scipy-cookbook.readthedocs.io/) 31 | 32 | ## 시각화 33 | 34 | ### Matplotlib 35 | - [Matplotlib tutorials](https://matplotlib.org/stable/tutorials/index.html) 36 | - [파이썬으로 데이터 시각화하기](https://wikidocs.net/book/5011) 37 | - [Numpy-Plotting with matplotlib](https://pandas.pydata.org/pandas-docs/version/0.13/visualization.html) 38 | 39 | ### Seaborn 40 | - [Seaborn tutorial](https://seaborn.pydata.org/tutorial.html) 41 | 42 | ### Plotly 43 | - [Plotly Docs](https://plotly.com/python/) 44 | -------------------------------------------------------------------------------- /docs/Question.md: -------------------------------------------------------------------------------- 1 | 1) 수학을 잘 해야하는 이유? 2 | -> prml, deep learning, esl, mml과 같은 고전(?) 기계학습을 이해할 수 있음 3 | 4 | 2) 본인 도메인에 대한 deeply한 이해 5 | -> 이건 뭐 설명하려면 입만 아픔,,(ㅈㅅ) 6 | 7 | 3) 위 1,2번 이해해서 어디에 써먹나? 8 | -> 최신의 트랜디한 논문과 ML모델을 이해할 수 있음 9 | 10 | 4) 트랜디한 논문과 모델, 어디에 써먹나? 11 | -> 자기가 풀고자 하는 문제를 해결하는데 어떤 모델을 활용하면 좋을 지 직관력이 생김, 그리고 국제학회에서 Accept하려면 트렌디한 모델을 잘 활용하는게 중요 12 | 13 | 5) 노벨티는 어떻게 올리는 지? 14 | -> 사실 1,2번과 이 노벨티 능력 키우려고 석사 3개 학기를 날린거 같은데,, 저희 지도교수님도 강조하셨고 노벨티 키우는 훈련을 하는게 좋은 학회에 억셉되는데 도움된다고 하셨음 15 | 우선, '문제 해결'을 어떤 방식으로 하는 지가 중요한데, 단순히 쓰는 모델을 바꿔서 성능을 키우는 건 좋은 논문이 아님 (이건 아무나 내는 학회에나 효과있음) 16 | (정말 제가 아무에게도 알려주지 않은) 팁을 드리자면 제가 1학년때 교양으로 '발명'에 대한 교양수업을 들은 적이 있는데 '트리즈 기법' 이라고 해서 40가지 발명 원리에 대한 내용이 있음. 17 | 예시로 분할, 추출, 통합, 비대칭, 중첩, 사전보상, 반대로하기, 차원변경, 주기적작용, 매개체, 복제,,, (기타등등 있지만 구글링 해서 찾아보시길) 이제 이걸 내가 풀고자 하는 연구에 적용해 보는 것임. 18 | 근데 아시다시피 문제에 위와같은 원리를 적용하려면 수학적인 지식이 필요하다고 생각함 (1, 2번과 같이 수학 및 도메인을 잘 해야하는 이유라고 생각함) 19 | 20 | 위의 '트리즈 기법' 같은 경우는 최근에야 제가 생각한 방법임. (대학교 1학년때 우연히 들었던 교양이 이렇게 유익하게 다가올 지 몰랐음), 본인의 경우 이제야 이 원리(?)들을 깨우쳐서 5월에 국제 탑 컨퍼런스에 1저자로 제출할 계획임 :) -------------------------------------------------------------------------------- /docs/index.md: -------------------------------------------------------------------------------- 1 | # AI Learning Guide 2 | 3 | ![AI Learning Guideline](Guideline.png) 4 | ## Before You read this 5 | 인공지능 관련 공부 자료들을 정리해둔 페이지입니다. 6 | 7 | 각 카테고리의 헤더를 클릭하면 관련 자료들을 확인할 수 있습니다. 8 | 9 | ### [Beta. AI 단어 사전](./Dictionary) 10 | 제작중입니다. 11 | 12 | ### [1. Math](./Math) 13 | AI는 필연적으로 수학이 필요하게 됩니다. 14 | 15 | 아래 제시된 수학을 공부하시는 것을 추천드립니다. 16 | 17 | ![Mathematics Required for Machine Learning](math.png) 18 | 19 | - 통계 20 | - 미적분 21 | - 선형대수학 22 | - 최적화수학 23 | 24 | ### [2. Python](./Python) 25 | AI분야에서 Python 공부는 필수라고 생각합니다. 26 | 27 | Java, C++, Rust, R 등의 타 언어로도 AI를 구현할 수 있으나, 새로 제안되는 대부분의 논문들이나 기존에 있는 AI 생태계의 대부분은 Python으로 이루어져 있기 때문입니다. 28 | 29 | - Basic Python Grammar 30 | - 데이터 분석 및 조작 31 | - 시각화 32 | 33 | ### [3. AI](./AI) 34 | 인공지능을 실제로 만들어보거나 사용해보거나 구현해보는 파트입니다. 35 | 36 | 미적분 혹은 벡터에 대한 개념이 잡혀있지 않다면 수학을 먼저 공부하는 것을 추천드립니다. 37 | 38 | - Framework 39 | - Machine Learning 40 | - Deep Learning 41 | 42 | ### [4. Official Paper Review](./Official-Paper) 43 | AI의 다양한 파트들의 오피셜한 논문 몇개를 읽어보는 파트입니다. 44 | 45 | 논문 읽는 법 및 논문 관련 자료들을 모아 둔 페이지 입니다. 46 | 47 | ### [5. AI 관련 연구실 정보](./AI-Labs) 48 | 인공지능을 다루는 국내외 다양한 연구실을 모아 둔 페이지 입니다. -------------------------------------------------------------------------------- /docs/math.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/cpprhtn/AI-Learning-Guide/b17c7b885ef14675bf959f26f68600b19a27766b/docs/math.png -------------------------------------------------------------------------------- /mkdocs.yml: -------------------------------------------------------------------------------- 1 | site_name: AI Learning Guide 2 | theme: 3 | name: material 4 | features: 5 | - navigation.tabs 6 | - navigation.sections 7 | - navigation.top 8 | - toc.integrate 9 | - search.suggest 10 | - search.highlight 11 | - content.tabs.link 12 | - content.code.annotation 13 | language: en 14 | icon: 15 | repo: fontawesome/brands/github 16 | palette: 17 | - scheme: default 18 | toggle: 19 | icon: material/toggle-switch-off-outline 20 | name: Switch to dark mode 21 | primary: blue 22 | accent: purple 23 | - scheme: slate 24 | toggle: 25 | icon: material/toggle-switch 26 | name: Switch to light mode 27 | primary: blue 28 | accent: lime 29 | repo_url: https://github.com/cpprhtn/AI-Learning-Guide 30 | 31 | extra: 32 | social: 33 | - icon: fontawesome/brands/github 34 | link: https://github.com/cpprhtn 35 | - icon: fontawesome/brands/twitter 36 | link: https://twitter.com/cpprhtn 37 | - icon: fontawesome/brands/instagram 38 | link: https://instagram.com/cpp_rhtn 39 | 40 | markdown_extensions: 41 | - pymdownx.highlight: 42 | anchor_linenums: true 43 | - pymdownx.inlinehilite 44 | - pymdownx.snippets 45 | - admonition 46 | - pymdownx.arithmatex: 47 | generic: true 48 | - footnotes 49 | - pymdownx.details 50 | - pymdownx.superfences 51 | - pymdownx.mark 52 | - attr_list 53 | - pymdownx.emoji: 54 | emoji_index: !!python/name:materialx.emoji.twemoji 55 | emoji_generator: !!python/name:materialx.emoji.to_svg 56 | 57 | copyright: | 58 | © cpprhtn --------------------------------------------------------------------------------