Simple Classification Model¶
In [1]:
Copied!
from river import metrics, datasets, compose, preprocessing
from deep_river.classification import ClassifierInitialized
from torch import nn
from tqdm import tqdm
from river import metrics, datasets, compose, preprocessing
from deep_river.classification import ClassifierInitialized
from torch import nn
from tqdm import tqdm
In [2]:
Copied!
dataset = datasets.Phishing()
metric = metrics.Accuracy()
class MyModule(nn.Module):
def __init__(self, n_features):
super(MyModule, self).__init__()
self.dense0 = nn.Linear(n_features, 5)
self.nonlin = nn.ReLU()
self.dense1 = nn.Linear(5, 2)
self.softmax = nn.Softmax(dim=-1)
def forward(self, X, **kwargs):
X = self.nonlin(self.dense0(X))
X = self.nonlin(self.dense1(X))
X = self.softmax(X)
return X
model_pipeline = compose.Pipeline(
preprocessing.StandardScaler,
ClassifierInitialized(
module=MyModule(10), loss_fn="binary_cross_entropy", optimizer_fn="adam"
),
)
model_pipeline
dataset = datasets.Phishing()
metric = metrics.Accuracy()
class MyModule(nn.Module):
def __init__(self, n_features):
super(MyModule, self).__init__()
self.dense0 = nn.Linear(n_features, 5)
self.nonlin = nn.ReLU()
self.dense1 = nn.Linear(5, 2)
self.softmax = nn.Softmax(dim=-1)
def forward(self, X, **kwargs):
X = self.nonlin(self.dense0(X))
X = self.nonlin(self.dense1(X))
X = self.softmax(X)
return X
model_pipeline = compose.Pipeline(
preprocessing.StandardScaler,
ClassifierInitialized(
module=MyModule(10), loss_fn="binary_cross_entropy", optimizer_fn="adam"
),
)
model_pipeline
Out[2]:
StandardScaler
StandardScaler (
with_std=True
)
ClassifierInitialized
ClassifierInitialized (
module=MyModule(
(dense0): Linear(in_features=10, out_features=5, bias=True)
(nonlin): ReLU()
(dense1): Linear(in_features=5, out_features=2, bias=True)
(softmax): Softmax(dim=-1)
)
loss_fn="binary_cross_entropy"
optimizer_fn="adam"
lr=0.001
output_is_logit=True
is_class_incremental=False
is_feature_incremental=False
device="cpu"
seed=42
)
In [3]:
Copied!
for x, y in dataset.take(5000):
y_pred = model_pipeline.predict_one(x) # make a prediction
metric.update(y, y_pred) # update the metric
model_pipeline.learn_one(x, y) # make the model learn
print(f"Accuracy: {metric.get()}")
for x, y in dataset.take(5000):
y_pred = model_pipeline.predict_one(x) # make a prediction
metric.update(y, y_pred) # update the metric
model_pipeline.learn_one(x, y) # make the model learn
print(f"Accuracy: {metric.get()}")
Accuracy: 0.7416
In [ ]:
Copied!
In [ ]:
Copied!