All Projects → rickiepark → python-machine-learning-book-2nd-edition

rickiepark / python-machine-learning-book-2nd-edition

Licence: MIT License
<머신러닝 교과서 with 파이썬, 사이킷런, 텐서플로>의 코드 저장소

Programming Languages

Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to python-machine-learning-book-2nd-edition

Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+475%)
Mutual labels:  numpy, scikit-learn, rnn
datascienv
datascienv is package that helps you to setup your environment in single line of code with all dependency and it is also include pyforest that provide single line of import all required ml libraries
Stars: ✭ 53 (-11.67%)
Mutual labels:  numpy, scikit-learn
handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
Stars: ✭ 285 (+375%)
Mutual labels:  scikit-learn, recurrent-neural-networks
CS231n
My solutions for Assignments of CS231n: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 30 (-50%)
Mutual labels:  numpy, rnn
ACT
Alternative approach for Adaptive Computation Time in TensorFlow
Stars: ✭ 16 (-73.33%)
Mutual labels:  recurrent-neural-networks, rnn
Probabilistic-RNN-DA-Classifier
Probabilistic Dialogue Act Classification for the Switchboard Corpus using an LSTM model
Stars: ✭ 22 (-63.33%)
Mutual labels:  recurrent-neural-networks, rnn
introduction to ml with python
도서 "[개정판] 파이썬 라이브러리를 활용한 머신 러닝"의 주피터 노트북과 코드입니다.
Stars: ✭ 211 (+251.67%)
Mutual labels:  numpy, scikit-learn
Jetson Containers
Machine Learning Containers for NVIDIA Jetson and JetPack-L4T
Stars: ✭ 223 (+271.67%)
Mutual labels:  numpy, scikit-learn
sequence-rnn-py
Sequence analyzing using Recurrent Neural Networks (RNN) based on Keras
Stars: ✭ 28 (-53.33%)
Mutual labels:  recurrent-neural-networks, rnn
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (-28.33%)
Mutual labels:  recurrent-neural-networks, rnn
CS231n
PyTorch/Tensorflow solutions for Stanford's CS231n: "CNNs for Visual Recognition"
Stars: ✭ 47 (-21.67%)
Mutual labels:  numpy, recurrent-neural-networks
TF-Speech-Recognition-Challenge-Solution
Source code of the model used in Tensorflow Speech Recognition Challenge (https://www.kaggle.com/c/tensorflow-speech-recognition-challenge). The solution ranked in top 5% in private leaderboard.
Stars: ✭ 58 (-3.33%)
Mutual labels:  scikit-learn, recurrent-neural-networks
danifojo-2018-repeatrnn
Comparing Fixed and Adaptive Computation Time for Recurrent Neural Networks
Stars: ✭ 32 (-46.67%)
Mutual labels:  recurrent-neural-networks, rnn
Human-Activity-Recognition
Human activity recognition using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six categories (WALKING, WALKING_UPSTAIRS, WALKING_DOWNSTAIRS, SITTING, STANDING, LAYING).
Stars: ✭ 16 (-73.33%)
Mutual labels:  recurrent-neural-networks, rnn
Orange3
🍊 📊 💡 Orange: Interactive data analysis
Stars: ✭ 3,152 (+5153.33%)
Mutual labels:  numpy, scikit-learn
VariationalNeuralAnnealing
A variational implementation of classical and quantum annealing using recurrent neural networks for the purpose of solving optimization problems.
Stars: ✭ 21 (-65%)
Mutual labels:  recurrent-neural-networks, rnn
polystores
A library for performing hyperparameter optimization
Stars: ✭ 48 (-20%)
Mutual labels:  numpy, scikit-learn
Data Science Projects With Python
A Case Study Approach to Successful Data Science Projects Using Python, Pandas, and Scikit-Learn
Stars: ✭ 198 (+230%)
Mutual labels:  numpy, scikit-learn
Deeplearning cv notes
📓 deepleaning and cv notes.
Stars: ✭ 223 (+271.67%)
Mutual labels:  numpy, scikit-learn
SpeakerDiarization RNN CNN LSTM
Speaker Diarization is the problem of separating speakers in an audio. There could be any number of speakers and final result should state when speaker starts and ends. In this project, we analyze given audio file with 2 channels and 2 speakers (on separate channels).
Stars: ✭ 56 (-6.67%)
Mutual labels:  recurrent-neural-networks, rnn

머신러닝 교과서 with 파이썬, 사이킷런, 텐서플로

Python 3.7 scikit-learn 0.20, 0.21.1, 0.22, 0.23 TensorFlow 2.0.0a, 2.0.0b, 2.0.0, 2.1.0, 2.2.0, 2.3.0 License

머신러닝 교과서

2019년 5월 출간, 길벗 출판사

이 책은 세바스찬 라시카(Sebastian Raschka)와 바히드 미자리리(Vahid Mirjalili)이 쓴 아마존 베스트 셀러 "Python Machine Learning"의 번역서입니다.

번역서에 관한 궁금한 점이나 오류가 있다면 깃허브에 이슈를 남겨 주시거나 블로그를 통해 알려 주세요.

목차와 주피터 노트북

설치와 설정에 대한 도움말은 INSTALL.md 파일을 참고하세요.

open_dir 링크를 클릭하면 code/ 서브디렉토리 아래에 있는 각 장의 폴더로 이동합니다. 또는 ipynb 링크를 클릭해서 바로 주피터 노트북을 열어 볼 수 있습니다. nbviewer는 주피터의 노트북 뷰어로 볼 수 있는 링크입니다. colab은 구글 코랩(Colab)에서 노트북을 실행할 수 있는 링크입니다.

  1. 간단한 분류 알고리즘 훈련 [open dir] [ipynb] [nbviewer] [colab]
  2. 사이킷런을 타고 떠나는 머신 러닝 분류 모델 투어 [open dir] [ipynb] [nbviewer] [colab]
  3. 좋은 훈련 세트 만들기: 데이터 전처리 [open dir] [ipynb] [nbviewer] [colab]
  4. 차원 축소를 사용한 데이터 압축 [open dir] [ipynb] [nbviewer] [colab]
  5. 모델 평가와 하이퍼파라미터 튜닝의 모범 사례 [open dir] [ipynb] [nbviewer] [colab]
  6. 다양한 모델을 결합한 앙상블 학습 [open dir] [ipynb] [nbviewer] [colab]
  7. 감성 분석에 머신 러닝 적용하기 [open dir] [ipynb] [nbviewer] [colab]
  8. 웹 애플리케이션에 머신 러닝 모델 내장하기 [open dir] [ipynb] [nbviewer] [colab]
  9. 회귀 분석으로 연속적 타깃 변수 예측하기 [open dir] [ipynb] [nbviewer] [colab]
  10. 레이블되지 않은 데이터 다루기: 군집 분석 [open dir] [ipynb] [nbviewer] [colab]
  11. 다층 인공 신경망을 밑바닥부터 구현 [open dir] [ipynb] [nbviewer] [colab]
  12. 텐서플로를 사용하여 신경망 훈련 [open dir] [ipynb] [nbviewer] [colab]
  13. 텐서플로의 구조 자세히 알아보기 [open dir] [ipynb] [nbviewer] [colab]
  14. 심층 합성곱 신경망으로 이미지 분류 [open dir] [ipynb] [nbviewer] [colab]
  15. 순환 신경망으로 시퀀스 데이터 모델링 [open dir] [ipynb] [nbviewer] [colab]

9장 디렉토리 설명

9장의 플라스크 웹 애플리케이션은 다음과 같습니다:

  • 1st_flask_app_1/: 간단한 플라스크 웹 애플리케이션
  • 1st_flask_app_2/: 1st_flask_app_1에서 폼 검증과 렌더링을 확장한 버전
  • movieclassifier/: 웹 애플리케이션에 내장한 영화 리뷰 분류기
  • movieclassifier_with_update/: movieclassifier와 동일하지만 sqlite 데이터베이스에서 업데이트하는 버전

웹 애플리케이션을 실행하려면 각 디렉토리로 이동한 후에 메인 애플리케이션 스크립트를 실행합니다.

cd ./1st_flask_app_1
python3 app.py

터미널에서 다음과 같은 출력을 볼 수 있습니다.

 * Running on http://127.0.0.1:5000/
 * Restarting with reloader

그다음 웹 브라우저를 열고 터미널에 출려된 주소로 접속하면 웹 애플리케이션을 사용할 수 있습니다.

책에 포함된 라이브 데모는 다음 주소에서 확인할 수 있습니다: http://haesun.pythonanywhere.com/.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].