All Projects → GoogleCloudPlatform → Tf Estimator Tutorials

GoogleCloudPlatform / Tf Estimator Tutorials

Licence: apache-2.0
This repository includes tutorials on how to use the TensorFlow estimator APIs to perform various ML tasks, in a systematic and standardised way

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Tf Estimator Tutorials

Rep
Machine Learning toolbox for Humans
Stars: ✭ 634 (-2.31%)
Mutual labels:  jupyter-notebook
Me bot
Build a bot that speaks like you!
Stars: ✭ 641 (-1.23%)
Mutual labels:  jupyter-notebook
Tensorflow 101
TensorFlow 101: Introduction to Deep Learning for Python Within TensorFlow
Stars: ✭ 642 (-1.08%)
Mutual labels:  jupyter-notebook
Speech Emotion Analyzer
The neural network model is capable of detecting five different male/female emotions from audio speeches. (Deep Learning, NLP, Python)
Stars: ✭ 633 (-2.47%)
Mutual labels:  jupyter-notebook
Pytorch Normalizing Flows
Normalizing flows in PyTorch. Current intended use is education not production.
Stars: ✭ 641 (-1.23%)
Mutual labels:  jupyter-notebook
Py4fi2nd
Jupyter Notebooks and code for Python for Finance (2nd ed., O'Reilly) by Yves Hilpisch.
Stars: ✭ 640 (-1.39%)
Mutual labels:  jupyter-notebook
Sklearn Deap
Use evolutionary algorithms instead of gridsearch in scikit-learn
Stars: ✭ 633 (-2.47%)
Mutual labels:  jupyter-notebook
Saliency
TensorFlow implementation for SmoothGrad, Grad-CAM, Guided backprop, Integrated Gradients and other saliency techniques
Stars: ✭ 648 (-0.15%)
Mutual labels:  jupyter-notebook
Practical Deep Learning For Coders 2.0
Notebooks for the "A walk with fastai2" Study Group and Lecture Series
Stars: ✭ 638 (-1.69%)
Mutual labels:  jupyter-notebook
Tsfresh
Automatic extraction of relevant features from time series:
Stars: ✭ 6,077 (+836.36%)
Mutual labels:  jupyter-notebook
Data Visualization
Misc data visualization projects, examples, and demos: mostly Python (pandas + matplotlib) and JavaScript (leaflet).
Stars: ✭ 639 (-1.54%)
Mutual labels:  jupyter-notebook
Hands On Reinforcement Learning With Python
Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow
Stars: ✭ 640 (-1.39%)
Mutual labels:  jupyter-notebook
Nteract
📘 The interactive computing suite for you! ✨
Stars: ✭ 5,713 (+780.28%)
Mutual labels:  jupyter-notebook
Deep learning 2018 19
Официальный репозиторий курса Deep Learning (2018-2019) от Deep Learning School при ФПМИ МФТИ
Stars: ✭ 634 (-2.31%)
Mutual labels:  jupyter-notebook
Food 101 Keras
Food Classification with Deep Learning in Keras / Tensorflow
Stars: ✭ 646 (-0.46%)
Mutual labels:  jupyter-notebook
Ml course
EPFL Machine Learning Course, Fall 2019
Stars: ✭ 634 (-2.31%)
Mutual labels:  jupyter-notebook
Funcat
Funcat 将同花顺、通达信、文华财经麦语言等的公式写法移植到了 Python 中。
Stars: ✭ 642 (-1.08%)
Mutual labels:  jupyter-notebook
Stat479 Machine Learning Fs19
Course material for STAT 479: Machine Learning (FS 2019) taught by Sebastian Raschka at University Wisconsin-Madison
Stars: ✭ 650 (+0.15%)
Mutual labels:  jupyter-notebook
Goodbooks 10k
Ten thousand books, six million ratings
Stars: ✭ 646 (-0.46%)
Mutual labels:  jupyter-notebook
Aima Python
Python implementation of algorithms from Russell And Norvig's "Artificial Intelligence - A Modern Approach"
Stars: ✭ 6,129 (+844.38%)
Mutual labels:  jupyter-notebook

TensorFlow Estimator APIs Tutorials

Setup

Please follow the directions in INSTALL if you need help setting up your environment.

Theses tutorials use the TF estimator APIs to cover:

  • Various ML tasks, currently covering:

    • Classification
    • Regression
    • Clustering (k-means)
    • Time-series Analysis (AR Models)
    • Dimensionality Reduction (Autoencoding)
    • Sequence Models (RNN and LSTMs)
    • Image Analysis (CNN for Image Classification)
    • Text Analysis (Text Classification with embeddings, CNN, and RNN)
  • How to use canned estimators to train ML models.

  • How to use tf.Transform for preprocessing and feature engineering (TF v1.7)

  • Implement TensorFlow Model Analysis (TFMA) to assess the quality of the mode (TF v1.7)

  • How to use tf.Hub text feature column embeddings (TF v1.7)

  • How to implement custom estimators (model_fn & EstimatorSpec).

  • A standard metadata-driven approach to build the model feature_column(s) including:

    • numerical features
    • categorical features with vocabulary,
    • categorical features hash bucket, and
    • categorical features with identity
  • Data input pipelines (input_fn) using:

    • tf.estimator.inputs.pandas_input_fn,
    • tf.train.string_input_producer, and
    • tf.data.Dataset APIs to read both .csv and .tfrecords (tf.example) data files
    • tf.contrib.timeseries.RandomWindowInputFn and WholeDatasetInputFn for time-series data
    • Feature preprocessing and creation as part of reading data (input_fn), for example, sin, sqrt, polynomial expansion, fourier transform, log, boolean comparisons, euclidean distance, custom formulas, etc.
  • A standard approach to prepare wide (sparse) and deep (dense) feature_column(s) for Wide and Deep DNN Liner Combined Models

  • The use of normalizer_fn in numeric_column() to scale the numeric features using pre-computed statistics (for Min-Max or Standard scaling)

  • The use of weight_column in the canned estimators, as well as in loss function in custom estimators.

  • Implicit Feature Engineering as part of defining feature_colum(s), including:

    • crossing
    • embedding
    • indicators (encoding categorical features), and
    • bucketization
  • How to use the tf.contrib.learn.experiment APIs to train, evaluate, and export models

  • Howe to use the tf.estimator.train_and_evaluate function (along with trainSpec & evalSpec) train, evaluate, and export models

  • How to use tf.train.exponential_decay function as a learning rate scheduler

  • How to serve exported model (export_savedmodel) using csv and json inputs

Coming Soon:

  • Early-stopping implementation
  • DynamicRnnEstimator and the use of variable-length sequences
  • Collaborative Filtering for Recommendation Models
  • Text Analysis (Topic Models, etc.)
  • Keras examples
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].