دوراتنا

Avoid Overfitting Using Regularization in TensorFlow

Avoid Overfitting Using Regularization in TensorFlow

In this 2-hour long project-based course, you will learn the basics of using weight regularization and dropout regularization to reduce over-fitting in an image classification problem. By the end of this project, you will have created, trained, and evaluated a Neural Network model that, after the training and regularization, will predict image classes of input examples with similar accuracy for both training and validation sets.
Note: This course works best for learners who are based in the North America region. We’re currently working on providing the same experience in other regions.

  • Course by
  • Self Paced
  • 2 ساعات
  • الإنجليزية
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
    Buy Now
  • Free
اعرف المزيد
Encoder-Decoder Architecture

Encoder-Decoder Architecture

This course gives you a synopsis of the encoder-decoder architecture, which is a powerful and prevalent machine learning architecture for sequence-to-sequence tasks such as machine translation, text summarization, and question answering. You learn about the main components of the encoder-decoder architecture and how to train and serve these models. In the corresponding lab walkthrough, you’ll code in TensorFlow a simple implementation of the encoder-decoder architecture for poetry generation from the beginning.

  • Course by
  • Self Paced
  • 1 ساعات
  • الإنجليزية
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
MNIST Fashion Datensatz mit Tensorflow

MNIST Fashion Datensatz mit Tensorflow

MNIST Fashion Datensatz mit Tensorflow programmieren.

  • Course by
  • Self Paced
  • 1 ساعات
  • ألماني
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
    Buy Now
  • Free
اعرف المزيد
Feature Engineering em Português Brasileiro

Feature Engineering em Português Brasileiro

O curso apresenta os benefícios de usar a Vertex AI Feature Store e ensina a melhorar a acurácia dos modelos de ML e a identificar as colunas de dados que apresentam os atributos mais úteis. Ele também oferece conteúdo teórico e laboratórios sobre engenharia de atributos com BigQuery ML, Keras e TensorFlow.

  • Course by
  • Self Paced
  • البرتغالي
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
Intro to TensorFlow en Español

Intro to TensorFlow en Español

Este curso se enfoca en aprovechar la flexibilidad y facilidad de uso de TensorFlow 2.x y Keras para compilar, entrenar e implementar modelos de aprendizaje automático. Aprenderá sobre la jerarquía de la API de TensorFlow 2.x y conocerá los componentes principales de TensorFlow mediante ejercicios prácticos. Le mostraremos cómo trabajar con conjuntos de datos y columnas de atributos. Aprenderá a diseñar y compilar una canalización de datos de entrada de TensorFlow 2.x.

  • Course by
  • Self Paced
  • الإسبانية
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
How Google does Machine Learning em Português Brasileiro

How Google does Machine Learning em Português Brasileiro

"Quais são as práticas recomendadas para implementar machine learning no Google Cloud? O que é Vertex AI e como é possível usar a plataforma para criar, treinar e implantar modelos de machine learning do AutoML com rapidez e sem escrever nenhuma linha de código? O que é machine learning e que tipos de problema ele pode resolver? O Google pensa em machine learning de uma forma um pouco diferente.

  • Course by
  • Self Paced
  • البرتغالي
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
AI、機械学習、ディープラーニングのための TensorFlow 入門

AI、機械学習、ディープラーニングのための TensorFlow 入門

ソフトウェア開発者であれば、拡張性のあるAI搭載アルゴリズムを構築したい場合、構築ツールの使い方を理解する必要があります。この講座は今後学んでいく「TensorFlow in Practice 専門講座」の一部であり、機械学習用の人気のオープンソースフレームワークであるTensorFlowのベストプラクティスを学習します。 アンドリュー・エンの「 The Machine Learning(機械学習)」と「Deep Learning Specialization(ディープラーニング専門講座)」では、機械学習とディープラーニングの最も重要かつ基本的な原理を学習します。deeplearning.aiが提供する新しい「TensorFlow in Practice 専門講座」では、TensorFlowを使用してそれらの原理を実装し、拡張性のあるモデルを構築して現実世界の問題に適用する方法を学びます。ニューラルネットワークの仕組みについての理解を深めるには、「ディープラーニング専門講座」を受講することをお勧めします。

  • Course by
  • Self Paced
  • ياباني
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
Feature Engineering en Español

Feature Engineering en Español

En este curso, se exploran los beneficios de utilizar Vertex AI Feature Store, cómo mejorar la exactitud de los modelos de AA y cómo descubrir cuáles columnas de datos producen los atributos más útiles. El curso también incluye contenido y labs sobre la ingeniería de atributos en los que se usan BigQuery ML, Keras y TensorFlow.

  • Course by
  • Self Paced
  • الإسبانية
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
Intro to TensorFlow 日本語版

Intro to TensorFlow 日本語版

このコースの目的は、柔軟で手軽な TensorFlow 2.x と Keras を使用して、機械学習モデルを作成、トレーニング、およびデプロイすることです。TensorFlow 2.x API の階層について学び、TensorFlow の主要コンポーネントを実践演習で理解します。データセットと特徴列の扱い方について学びます。TensorFlow 2.x 入力データ パイプラインの設計と作成の方法について学びます。tf.data.Dataset を使用して csv データ、NumPy 配列、テキストデータ、および画像を読み込む実践演習を行います。数値、カテゴリ、バケット、およびハッシュの特徴列を作成する実践演習も行います。 Keras Sequential API と Keras Functional API を使用してディープ ラーニング モデルを作成する方法を学びます。活性化関数、損失、および最適化について学びます。Jupyter ノートブックの実践演習では、基本的な線形回帰、基本的なロジスティック回帰、および高度なロジスティック回帰の機械学習モデルを作成できます。Cloud AI Platform での大規模な機械学習モデルのトレーニング、デプロイ、および本稼働の方法について学びます。

  • Course by
  • Self Paced
  • ياباني
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
Art and Science of Machine Learning en Español

Art and Science of Machine Learning en Español

Le damos la bienvenida a The Art and Science of Machine Learning. El curso consta de 6 módulos. En este curso, se abordan las habilidades básicas de intuición, buen criterio y experimentación del AA necesarias para ajustar mejor y optimizar modelos de AA a fin de lograr el mejor rendimiento. Aprenderá a generalizar su modelo usando técnicas de regularización y descubrirá los efectos de los hiperparámetros, como el tamaño del lote y la tasa de aprendizaje, en el rendimiento del modelo.

  • Course by
  • Self Paced
  • الإسبانية
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
ML Pipelines on Google Cloud - 한국어

ML Pipelines on Google Cloud - 한국어

이 과정에서는 Google Cloud에서 최신 ML 파이프라인 개발을 담당하는 ML 엔지니어와 트레이너로부터 유익한 지식을 배웁니다. 초반에 진행되는 몇 개 모듈에서는 Google의 TensorFlow 기반 프로덕션 머신러닝 플랫폼으로서 ML 파이프라인과 메타데이터를 관리할 수 있는 TensorFlow Extended(TFX)에 대해 다룹니다. 파이프라인 구성요소와 TFX를 사용한 파이프라인 조정을 알아봅니다. 지속적 통합과 지속적 배포를 통해 파이프라인을 자동화하는 방법과 ML 메타데이터를 관리하는 방법도 배웁니다. 그런 다음 주제를 전환하여 TensorFlow, PyTorch, scikit-learn, xgboost 등 여러 ML 프레임워크에서 ML 파이프라인을 자동화하고 재사용하는 방법을 설명합니다. 또한 Google Cloud의 또 다른 도구인 Cloud Composer를 사용하여 지속적 학습 파이프라인을 조정하는 방법도 알아봅니다. 마지막으로 MLflow를 사용하여 머신러닝의 전체 수명 주기를 관리하는 방법을 살펴봅니다.

  • Course by
  • Self Paced
  • الكورية
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
NLP Modelos y Algoritmos

NLP Modelos y Algoritmos

Este curso te brindará los conocimientos necesarios para la implementación de algoritmos de NLP. Mediante el uso de los últimos algoritmos más populares en NLP se procederá a dar solución a un conjunto de problemas propios del área. Para realizar este curso es necesario contar con conocimientos de programación de nivel básico a medio, deseablemente conocimiento básico del lenguaje Python y es recomendable conocer los Jupyter Notebooks en el entorno Anaconda. Para desarrollar aplicaciones se va a utilizar Python 3.6 o superior.

  • Course by
  • Self Paced
  • 11 ساعات
  • الإسبانية
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
Art and Science of Machine Learning em Português Brasileiro

Art and Science of Machine Learning em Português Brasileiro

Este é o curso Art and Science of Machine Learning. O curso tem seis módulos. Falaremos sobre as habilidades essenciais de intuição, bom senso e experimentação em ML para ajustar e otimizar modelos e ter melhor desempenho. Você aprenderá a generalizar os modelos usando técnicas de regularização e conhecerá os efeitos dos hiperparâmetros, como tamanho de lote e taxa de aprendizado, sobre o desempenho do modelo. Também abordaremos alguns algoritmos mais comuns de otimização de modelo e mostraremos como especificar um método de otimização no código do TensorFlow.

  • Course by
  • Self Paced
  • البرتغالي
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
ML Pipelines on Google Cloud - 日本語版

ML Pipelines on Google Cloud - 日本語版

このコースでは、Google Cloud で最先端の ML パイプラインに携わっている ML エンジニアおよびトレーナーたちから知識を吸収することができます。 最初のいくつかのモジュールで、ML パイプラインとメタデータの管理用 TensorFlow を基盤とする Google の本番環境向け機械学習プラットフォーム TensorFlow Extended(TFX)について説明します。パイプラインのコンポーネントについて、そして TFX を使用したパイプラインのオーケストレーションについて学習します。また、継続的インテグレーションと継続的デプロイを通じたパイプラインの自動化の方法と、ML メタデータの管理方法についても学習します。その後、焦点を変えて、TensorFlow、PyTorch、Scikit Learn、XGBoost などの複数の ML フレームワーク全体にわたる ML パイプラインの自動化と再利用の方法について説明します。 さらに、Google Cloud のもう 1 つのツール、Cloud Composer を継続的なトレーニング パイプラインのオーケストレーションに活用する方法についても学習します。最後は、MLflow を使用して機械学習の完全なライフサイクルを管理する方法の解説で締めくくります。

  • Course by
  • Self Paced
  • ياباني
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
심층 신경망 개선: 하이퍼파라미터 튜닝, 정규화 및 최적화

심층 신경망 개선: 하이퍼파라미터 튜닝, 정규화 및 최적화

딥 러닝 전문화 두 번째 과정에서는 딥 러닝 블랙박스를 열어 성과를 이끌어내고 체계적으로 좋은 결과를 만들어내는 과정을 이해하게 됩니다. 최종적으로, 테스트 세트를 훈련 및 개발하고 딥 러닝 애플리케이션 구축을 위한 바이어스/분산을 분석하는 모범 사례를 배우게 됩니다. 초기화, L2 및 드롭아웃 정규화, 하이퍼파라미터 튜닝, 배치 정규화 및 기울기 검사와 같은 표준 신경망 기술을 사용할 수 있어야 합니다. 미니 배치 기울기 하강법, 모멘텀, RMSprop 및 Adam과 같은 다양한 최적화 알고리즘을 구현 및 적용하고 수렴을 확인하고 TensorFlow에서 신경망을 구현합니다. 딥 러닝 전문화는 딥 러닝의 기능, 과제 및 결과를 이해하고 최첨단 AI 기술 개발에 참여할 수 있도록 준비하는 데 도움이 되는 기본 프로그램입니다. 머신 러닝을 업무에 적용하고, 기술 경력 수준을 높이고, AI 세계에서 결정적인 단계를 완료할 수 있는 지식과 기술을 얻을 수 있는 경로를 제공합니다.

  • Course by
  • Self Paced
  • الكورية
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
TensorFlow 2 시작하기

TensorFlow 2 시작하기

TensorFlow 2 시작하기 과정에 오신 것을 환영합니다! 이 과정에서는 순차 API를 사용한 모델 구축, 훈련, 평가 및 예측, 모델 검증, 정규화, 콜백 구현, 모델 저장 및 로딩 등 Tensorflow를 사용하여 딥 러닝 모델을 개발하기 위한 완벽한 엔드-투-엔드 워크플로우를 배우게 됩니다. 배운 개념을 실용적인 실습형 코딩 자습서에서 바로 연습할 것이며 이는 대학원 조교에게 안내를 받게 될 것입니다. 또한 기술을 통합할 수 있는 일련의 자동 채점 프로그래밍 과제가 있습니다.\n\n과정이 끝나면 이미지 분류기 딥 러닝 모델을 처음부터 개발하는 Capstone 프로젝트에 많은 개념을 통합할 것입니다. Tensorflow는 오픈 소스 머신 라이브러리이며 딥 러닝에 가장 널리 사용되는 프레임워크 중 하나입니다. Tensorflow 2의 출시는 초심자에서 고급 수준에 이르기까지 모든 사용자의 사용 편의성에 중점을 둔 제품 개발의 단계적 변화를 나타냅니다.

  • Course by
  • Self Paced
  • الكورية
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
Serverless Machine Learning with Tensorflow on Google Cloud em Português Brasileiro

Serverless Machine Learning with Tensorflow on Google Cloud em Português Brasileiro

Este curso intensivo sob demanda de quatro dias oferece aos participantes uma introdução sobre como projetar e criar sistemas de machine learning no Google Cloud Platform.

  • Course by
  • Self Paced
  • البرتغالي
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
Повышение эффективности глубоких нейросетей

Повышение эффективности глубоких нейросетей

Этот курс научит вас «магии» повышения эффективности глубокого обучения. Вы изучите сложный механизм работы глубокого обучения, узнаете, какие параметры влияют на его эффективность и сможете систематически получать хорошие результаты. Также вы изучите TensorFlow.

  • Course by
  • Self Paced
  • الروسية
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
ML Pipelines on Google Cloud - Português

ML Pipelines on Google Cloud - Português

Neste curso, você vai aprender com engenheiros e instrutores de ML que trabalham com o desenvolvimento de última geração dos pipelines de ML aqui no Google Cloud. Nos primeiros módulos, vamos abordar o TensorFlow Extended (ou TFX), que é uma plataforma de machine learning do Google baseada no TensorFlow criada para gerenciar pipelines e metadados de ML. Você vai conhecer os componentes e a orquestração de um pipeline com o TFX. Também vamos abordar como é possível automatizar os pipelines usando a integração e a implantação contínuas e como gerenciar os metadados de ML.

  • Course by
  • Self Paced
  • البرتغالي
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
NLP System Architecture and Dev-Ops

NLP System Architecture and Dev-Ops

Este curso te brindará los conocimientos necesarios para la implementación de algoritmos de NLP. Mediante el uso de los últimos algoritmos más populares en NLP se procederá a dar solución a un conjunto de problemas propios del área. Para realizar este curso es necesario contar con conocimientos de programación de nivel básico a medio, deseablemente conocimiento básico del lenguaje Python y es recomendable conocer los Jupyter Notebooks en el entorno Anaconda. Para desarrollar aplicaciones se va a utilizar Python 3.6 o superior.

  • Course by
  • Self Paced
  • 11 ساعات
  • الإسبانية
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
Bildklassifizierung mit Tensorflow

Bildklassifizierung mit Tensorflow

Bildklassifizierung mit Tensorflow

  • Course by
  • Self Paced
  • 3 ساعات
  • ألماني
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
    Buy Now
  • Free
اعرف المزيد
모두를 위한 머신 러닝

모두를 위한 머신 러닝

종종 인공지능 또는 AI라고도 불리는 머신 러닝은 현재 가장 흥미로운 기술 분야 중 하나입니다. 얼굴 인식 기술, 자율 주행 자동차 또는 실제 사람처럼 대화할 수 있는 컴퓨터의 새로운 돌파구를 예고하는 뉴스 기사를 매일 접하고 있습니다. 머신 러닝 기술은 인간의 삶과 작업의 거의 모든 영역에 혁명을 일으키고 우리의 모든 삶에 영향을 미칩니다. 따라서 이 기술에 대해 더 많은 것을 알고 싶을 것입니다. 머신 러닝은 컴퓨터 과학에서 가장 복잡한 영역 중 하나로 알려져 있으며 이를 이해하려면 고급 수학 및 엔지니어링 기술이 필요합니다. 머신 러닝 엔지니어로 일하는 데 많은 수학과 프로그래밍이 필요한 것은 사실이지만 누구나 머신 러닝의 기본 개념을 이해할 수 있으며 이 기술의 중요성을 생각해 보면 누구나 이 기술을 이해해야 할 것입니다. AI의 획기적인 발전은 공상과학 소설 같기도 하지만 결국 데이터를 사용하여 통계 알고리즘을 훈련하는 간단한 아이디어로 귀결됩니다. 이 과정에서는 수학이나 프로그래밍에 대한 배경 지식이 없더라도 머신 러닝의 기본 개념을 이해하는 방법을 배웁니다.

  • Course by
  • Self Paced
  • الكورية
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
اعرف المزيد
Natural Language Processing with Attention Models

Natural Language Processing with Attention Models

In Course 4 of the Natural Language Processing Specialization, you will: a) Translate complete English sentences into Portuguese using an encoder-decoder attention model, b) Build a Transformer model to summarize text, c) Use T5 and BERT models to perform question-answering. By the end of this Specialization, you will have designed NLP applications that perform question-answering and sentiment analysis, and created tools to translate languages and summarize text! Learners should have a working knowledge of machine learning, intermediate Python including experience with a deep learning fra

  • Course by
  • Self Paced
  • 35 ساعات
  • الإنجليزية
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
    Buy Now
  • AED 170.99 + VAT
اعرف المزيد
Data Pipelines with TensorFlow Data Services

Data Pipelines with TensorFlow Data Services

Bringing a machine learning model into the real world involves a lot more than just modeling.

  • Course by
  • Self Paced
  • 12 ساعات
  • الإنجليزية
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
    Buy Now
  • AED 170.99 + VAT
اعرف المزيد
Custom Models, Layers, and Loss Functions with TensorFlow

Custom Models, Layers, and Loss Functions with TensorFlow

In this course, you will: • Compare Functional and Sequential APIs, discover new models you can build with the Functional API, and build a model that produces multiple outputs including a Siamese network. • Build custom loss functions (including the contrastive loss function used in a Siamese network) in order to measure how well a model is doing and help your neural network learn from training data.

  • Course by
  • Self Paced
  • 31 ساعات
  • الإنجليزية
الاشتراك الشهري
متضمن في
  • الباقة الإبتدائية @ AED 99 + VAT
    Buy Now
  • AED 170.99 + VAT
اعرف المزيد