0 / 0
Go back to the English version of the documentation
İlk modelin yaratılması
Last updated: 06 Tem 2023
İlk modelin yaratılması

Partiler, bir dizi örnek izleyerek eğitimden önce ilk modeli oluşturabilir ve kaydedebilir.

Model tipinizle eşleşen yapılandırma örneklerini göz önünde bulundurun.

Tensorflow modelini kaydedin

import tensorflow as tf
from tensorflow.keras import *
from tensorflow.keras.layers import *
import numpy as np
import os

class MyModel(Model):
    def __init__(self):
        super(MyModel, self).__init__()
        self.conv1 = Conv2D(32, 3, activation='relu')
        self.flatten = Flatten()
        self.d1 = Dense(128, activation='relu')
        self.d2 = Dense(10)

    def call(self, x):
        x = self.conv1(x)
        x = self.flatten(x)
        x = self.d1(x)
        return self.d2(x)

# Create an instance of the model

model = MyModel()
loss_object = tf.keras.losses.SparseCategoricalCrossentropy(
    from_logits=True)
optimizer = tf.keras.optimizers.Adam()
acc = tf.keras.metrics.SparseCategoricalAccuracy(name='accuracy')
model.compile(optimizer=optimizer, loss=loss_object, metrics=[acc])
img_rows, img_cols = 28, 28
input_shape = (None, img_rows, img_cols, 1)
model.compute_output_shape(input_shape=input_shape)

dir = "./model_architecture"
if not os.path.exists(dir):
    os.makedirs(dir)

model.save(dir)

Model çerçevesi olarak Tensorflow seçeneğini belirlerseniz, bir Keras modelini SavedModel biçimi olarak kaydetmeniz gerekir. Keras modeli, tf.keras.model.save()kullanılarak SavedModel biçiminde kaydedilebilir.

Dosyalarınızı sıkıştırmak için zip -r mymodel.zip model_architecturekomutunu çalıştırın. .zip dosyanızın içeriği aşağıdakileri içermelidir:

mymodel.zip
└── model_architecture
    ├── assets
    ├── keras_metadata.pb
    ├── saved_model.pb
    └── variables
        ├── variables.data-00000-of-00001
        └── variables.index

Scikit-öğren modelini kaydet

SKLead sınıflandırma

# SKLearn classification

from sklearn.linear_model import SGDClassifier
import numpy as np
import joblib

model = SGDClassifier(loss='log', penalty='l2')
model.classes_ = np.array([0, 1, 2, 3, 4, 5, 6, 7, 8, 9])
# You must specify the class label for IBM Federated Learning using model.classes. Class labels must be contained in a numpy array.
# In the example, there are 10 classes.

joblib.dump(model, "./model_architecture.pickle")

SKLearn

# Sklearn regression

from sklearn.linear_model import SGDRegressor
import pickle


model = SGDRegressor(loss='huber', penalty='l2')

with open("./model_architecture.pickle", 'wb') as f:
    pickle.dump(model, f)

SKLearn K

# SKLearn Kmeans
from sklearn.cluster import KMeans
import joblib

model = KMeans()
joblib.dump(model, "./model_architecture.pickle")

You need to create a .zip file that contains your model in pickle format by running the command zip mymodel.zip model_architecture.pickle. .zip dosyanızın içeriği aşağıdakileri içermelidir:

mymodel.zip
└── model_architecture.pickle

PyTorch modelini kaydedin.

import torch
import torch.nn as nn

model = nn.Sequential(
    nn.Flatten(start_dim=1, end_dim=-1),
    nn.Linear(in_features=784, out_features=256, bias=True),
    nn.ReLU(),
    nn.Linear(in_features=256, out_features=256, bias=True),
    nn.ReLU(),
    nn.Linear(in_features=256, out_features=256, bias=True),
    nn.ReLU(),
    nn.Linear(in_features=256, out_features=100, bias=True),
    nn.ReLU(),
    nn.Linear(in_features=100, out_features=50, bias=True),
    nn.ReLU(),
    nn.Linear(in_features=50, out_features=10, bias=True),
    nn.LogSoftmax(dim=1),
).double()

torch.save(model, "./model_architecture.pt")

Modelinizi, turşu biçiminde içeren bir .zip dosyası oluşturmanız gerekir. zip mymodel.zip model_architecture.ptkomutunu çalıştırın. .zip dosyanızın içeriği şunları içermelidir:

mymodel.zip
└── model_architecture.pt

Üst konu: Birleşik Eğitim deneyinin oluşturulması

Generative AI search and answer
These answers are generated by a large language model in watsonx.ai based on content from the product documentation. Learn more