MYCSS

4 квітня 2024 р.

Set Up an App Dev Environment on Google Cloud Skill Badge | Google Cloud Skills Boost | Credly

 

Кроки для для здобуття необхідних навичок для спеціальностей з напрямку AI & Data на платформі Google Cloud Skills Boost завдяки можливості надданій Google Ukraine.

Course: Set Up an App Dev Environment on Google Cloud Skill Badge

Summary

Complete the Set Up an App Dev Environmen on Google Cloud skill badge to demonstrate skills in the following: how to build and connect storage-centric cloud infrastructure using the basic capabilities of the of the following technologies: Cloud Storage, Identity and Access Management, Cloud Functions, and Pub/Sub.

Set Up an App Dev Environment on Google Cloud Skill Badge, 04.04.2024



Implement Load Balancing on Compute Engine Skill Badge | Google Cloud Skills Boost | Credly

Кроки для для здобуття необхідних навичок для спеціальностей з напрямку AI & Data на платформі Google Cloud Skills Boost завдяки можливості надданій Google Ukraine.

Course: Implement Load Balancing on Compute Engine

Summary

Complete the Implement Load Balancing on Compute Engine skill badge to demonstrate skills in the following: write gcloud commands and use Cloud Shell, create and deploy virtual machines in Compute Engine, run containerized applications on Google Kubernetes Engine, and configure network and HTTP load balancers.

Implement Load Balancing on Compute Engine Skill Badge, 04.04.2024


Recommendation Systems on Google Cloud | Google Cloud Skills Boost

Кроки для для здобуття необхідних навичок для спеціальностей з напрямку AI & Data на платформі Google Cloud Skills Boost завдяки можливості надданій Google Ukraine.

Курс: Recommendation Systems on Google Cloud

Recommendation Systems on Google Cloud, Apr 3, 2024

Summary

In this course, you apply your knowledge of classification models and embeddings to build a ML pipeline that functions as a recommendation engine. This is the fifth and final course of the Advanced Machine Learning on Google Cloud series.

  • Recommendation Systems Overview
  • Content-Based Recommendation Systems
  • Collaborative Filtering Recommendations Systems
  • Neural Networks for Recommendation Systems 
  • Reinforcement Learning

28 березня 2024 р.

Natural Language Processing on Google Cloud | Google Cloud Skills Boost

Кроки для для здобуття необхідних навичок для спеціальностей з напрямку AI & Data на платформі Google Cloud Skills Boost завдяки можливості надданій Google Ukraine.

Курс: Natural Language Processing on Google Cloud


Natural Language Processing on Google Cloud, Mar 26, 2024

Summary

This course introduces the products and solutions to solve NLP problems on Google Cloud. Additionally, it explores the processes, techniques, and tools to develop an NLP project with neural networks by using Vertex AI and TensorFlow.

  1. NLP on Google Cloud
  2. NLP with Vertex AI
  3. Text representatation
  4. NLP models

26 березня 2024 р.

Computer Vision Fundamentals on Google Cloud | Google Cloud Skills Boost

Кроки для для здобуття необхідних навичок для спеціальностей з напрямку AI & Data на платформі Google Cloud Skills Boost завдяки можливості надданій Google Ukraine.

Курс: Computer Vision Fundamentals on Google Cloud

Computer Vision Fundamentals on Google Cloud,  Mar 25, 2024

Summary

This course describes different types of computer vision use cases and then highlights different machine learning strategies for solving these use cases. The strategies vary from experimenting with pre-built ML models through pre-built ML APIs and AutoML Vision to building custom image classifiers using linear models, deep neural network (DNN) models or convolutional neural network (CNN) models.

The course shows how to improve a model's accuracy with augmentation, feature extraction, and fine-tuning hyperparameters while trying to avoid overfitting the data.

The course also looks at practical issues that arise, for example, when one doesn't have enough data and how to incorporate the latest research findings into different models.

Learners will get hands-on practice building and optimizing their own image classification models on a variety of public datasets in the labs they will work on.

  • Module 1: Introduction to Computer Vision and Pre-built ML Models with Vision API
  • Module 2: Vertex AI and AutoML Vision on Vertex AI
  • Module 3: Custom Training with Linear, Neural Network and Deep Neural Network model
  • Module 4: Convolutional Neural Networks
  • Module 5: Dealing with Image Data

24 березня 2024 р.

Production Machine Learning Systems | Google Cloud Skills Boost

Кроки для для здобуття необхідних навичок для спеціальностей з напрямку AI & Data на платформі Google Cloud Skills Boost завдяки можливості надданій Google Ukraine.

Курс: Production Machine Learning Systems

Production Machine Learning Systems, Mar 23, 2024

Summary

This course covers how to implement the various flavors of production ML systems— static, dynamic, and continuous training; static and dynamic inference; and batch and online processing. You delve into TensorFlow abstraction levels, the various options for doing distributed training, and how to write distributed training models with custom estimators.

This is the second course of the Advanced Machine Learning on Google Cloud series. After completing this course, enroll in the Image Understanding with TensorFlow on Google Cloud course.

  • Module 1: Architecting Production ML Systems
  • Module 2: Designing Adaptable ML Systems
  • Module 3: Designing High-performance ML Systems
  • Module 4: Hybrid ML Systems

20 березня 2024 р.

Machine Learning in the Enterprise | Google Cloud Skills Boost

Кроки для для здобуття необхідних навичок для спеціальностей з напрямку AI & Data на платформі Google Cloud Skills Boost завдяки можливості надданій Google Ukraine.

Курс: Machine Learning in the Enterprise

Machine Learning in the Enterprise - Mar 20, 2024

Summary

This course encompasses a real-world practical approach to the ML Workow: a case study approach that presents an ML team faced with several ML business requirements and use cases. This team must understand the tools required for data management and governance and consider the best approach for data preprocessing: from providing an overview of Dataow and Dataprep to using BigQuery for preprocessing tasks.

The team is presented with three options to build machine learning models for two specic use cases. This course explains why the team would use AutoML, BigQuery ML, or custom training to achieve their objectives. A deeper dive into custom training is presented in this course. We describe custom training requirements from training code structure, storage, and loading large datasets to expoing a trained model.

You will build a custom training machine learning model, which allows you to build a container image with lile knowledge of Docker.

The case study team examines hyperparameter tuning using Veex Vizier and how it can be used to improve model peormance. To understand more about model improvement, we dive into a bit of theory: we discuss regularization, dealing with sparsity, and many other essential concepts and principles. We end with an overview of prediction and model monitoring and how Veex AI can be used to manage ML models

● Module 1: Understanding the ML Enterprise Workow
● Module 2: Data in the Enterprise
● Module 3: Science of Machine Learning and Custom Training
● Module 4: Veex Vizier Hyperparameter Tuning
● Module 5: Prediction and Model Monitoring Using Veex AI
● Module 6: Veex AI Pipelines
● Module 7: Best Practices for ML Developmen

10 березня 2024 р.

Feature Engineering | Google Cloud Skills Boost

Кроки для для здобуття необхідних навичок для спеціальностей з напрямку AI & Data на платформі Google Cloud Skills Boost завдяки можливості надданій Google Ukraine.

Курс: Feature Engineering

Feature Engineering - Mar 9, 2024
Summary

Want to know about Veex AI Feature Store? Want to know how you can improve the
accuracy of your ML models? What about how to nd which data columns make the most
useful features? Welcome to Feature Engineering, where we discuss good versus bad
features and how you can preprocess and transform them for optimal use in your models.
This course includes content and labs on feature engineering using BigQuery ML, Keras, and
TensorFlow.

7 березня 2024 р.

Задача для зображень "grey to rgb" у моделі #keras

Ось чому не можна використати FC з активатором "ReLU" для  цієї задачі: 

layers.Dense(3, activation="relu", name="gray_rgb", input_shape=(32,32,1))

FC, relu
Найкраще зробити підготовку dataset:
tx = np.repeat(x, 3, axis=-1)
або
tx = np.tile(x, (1, 1, 3))
Або шар Lambda (але я питання по збереження моделі до файлу):
layers.Lambda(lambda x: tf.repeat(x, 3, axis=-1))
Grey to RGB
rows = 4
plt.figure(figsize=(10,3*rows))
cols = rgb_images_train.shape[-1]
total = cols * rows
labels = ["R","G","B"]
for i in range(total):
    plt.subplot(rows,cols,i+1)
    plt.xticks([])
    plt.yticks([])
    plt.grid(False)
    id = i % cols
    rid = i // cols
    plt.imshow(rgb_images_train[0+rid,:,:,id], cmap=plt.cm.binary)
    plt.ylabel(f"Image {rid}, label: {np.argmax(y_train[rid])}")
    plt.xlabel(f"chanel {id} : '{labels[id]}'")
plt.show()
Або вже шар Conv2D:
layers.Conv2D(3, (1, 1), use_bias=False, padding="same", kernel_initializer="ones", name="conv2d_108", input_shape=(32,32,1))
Conv2D 1х1
activation_model = Model(inputs=model.input, 
                         outputs=[layer.output for layer in model.layers])

activations = activation_model.predict(x_test[0].reshape(1, 32, 32, 1))

for layer_index, layer_activation in enumerate(activations):
    print(f"{layer_index=}, {layer_activation.shape=}")
    if len(layer_activation.shape) == 4:  
        num_features = layer_activation.shape[-1]
        size = layer_activation.shape[1]

        rows = num_features // 1  
        cols = layer_activation.shape[-1]

        plt.figure(figsize=(16, 12))
        for i in range(num_features):
            plt.subplot(rows, cols, i + 1)
            img = layer_activation[0, :, :, i]
            plt.imshow(img, cmap='viridis')
            plt.axis('off')
            print("min:", np.min(img), "max",np.max(img))
        plt.tight_layout()
        plt.subplots_adjust(top=0.94)
        plt.suptitle(f'Layer {activation_model.layers[layer_index+1].name} Feature Maps')
        plt.show()
Коли забув ти рідну мову, біднієш духом ти щодня...
When you forgot your native language you would become a poor at spirit every day ...

Д.Білоус / D.Bilous
Рабів до раю не пускають. Будь вільним!

ipv6 ready