Keras callbacks are hooks you pass to fit/evaluate/predict to observe and control training. You get global, batch, and epoch methods, a logs dict with metrics, and full access to self.model (e.g., stop training, tweak optimizer LR, save checkpoints). The guide shows a full custom callback, early stopping at min loss, and a bespoke learning-rate scheduler—plus pointers to built-ins like TensorBoard and ModelCheckpoint.Keras callbacks are hooks you pass to fit/evaluate/predict to observe and control training. You get global, batch, and epoch methods, a logs dict with metrics, and full access to self.model (e.g., stop training, tweak optimizer LR, save checkpoints). The guide shows a full custom callback, early stopping at min loss, and a bespoke learning-rate scheduler—plus pointers to built-ins like TensorBoard and ModelCheckpoint.

TensorBoard, Checkpoints, and Custom Hooks in Keras

2025/09/10 19:00

Content Overview

  • Introduction

  • Setup

  • Keras callbacks overview

  • An overview of callback methods

  • Global methods

  • Batch-level methods for training/testing/predicting

  • Epoch-level methods (training only)

  • A basic example

  • Usage of logs dict

  • Usage of self.model attribute

  • Examples of Keras callback applications

  • Early stopping at minimum loss

  • Learning rate scheduling

  • Built-in Keras callbacks

    \

\

Introduction

A callback is a powerful tool to customize the behavior of a Keras model during training, evaluation, or inference. Examples include tf.keras.callbacks.TensorBoard to visualize training progress and results with TensorBoard, or tf.keras.callbacks.ModelCheckpoint to periodically save your model during training.

In this guide, you will learn what a Keras callback is, what it can do, and how you can build your own. We provide a few demos of simple callback applications to get you started.

Setup

import tensorflow as tf from tensorflow import keras 

Keras callbacks overview

All callbacks subclass the keras.callbacks.Callback class, and override a set of methods called at various stages of training, testing, and predicting. Callbacks are useful to get a view on internal states and statistics of the model during training.

You can pass a list of callbacks (as the keyword argument callbacks) to the following model methods:

  • keras.Model.fit()
  • keras.Model.evaluate()
  • keras.Model.predict()

An overview of callback methods

Global methods

on_(train|test|predict)_begin(self, logs=None)

Called at the beginning of fit/evaluate/predict.

on_(train|test|predict)_end(self, logs=None)

Called at the end of fit/evaluate/predict.

Batch-level methods for training/testing/predicting

on_(train|test|predict)_batch_begin(self, batch, logs=None)

Called right before processing a batch during training/testing/predicting.

on_(train|test|predict)_batch_end(self, batch, logs=None)

Called at the end of training/testing/predicting a batch. Within this method, logs is a dict containing the metrics results.

Epoch-level methods (training only)

on_epoch_begin(self, epoch, logs=None)

Called at the beginning of an epoch during training.

on_epoch_end(self, epoch, logs=None)

Called at the end of an epoch during training.

A basic example

Let's take a look at a concrete example. To get started, let's import tensorflow and define a simple Sequential Keras model:

\

# Define the Keras model to add callbacks to def get_model():     model = keras.Sequential()     model.add(keras.layers.Dense(1, input_dim=784))     model.compile(         optimizer=keras.optimizers.RMSprop(learning_rate=0.1),         loss="mean_squared_error",         metrics=["mean_absolute_error"],     )     return model 

Then, load the MNIST data for training and testing from Keras datasets API:

\

# Load example MNIST data and pre-process it (x_train, y_train), (x_test, y_test) = tf.keras.datasets.mnist.load_data() x_train = x_train.reshape(-1, 784).astype("float32") / 255.0 x_test = x_test.reshape(-1, 784).astype("float32") / 255.0  # Limit the data to 1000 samples x_train = x_train[:1000] y_train = y_train[:1000] x_test = x_test[:1000] y_test = y_test[:1000] 

Now, define a simple custom callback that logs:

  • When fit/evaluate/predict starts & ends
  • When each epoch starts & ends
  • When each training batch starts & ends
  • When each evaluation (test) batch starts & ends
  • When each inference (prediction) batch starts & ends

\

class CustomCallback(keras.callbacks.Callback):     def on_train_begin(self, logs=None):         keys = list(logs.keys())         print("Starting training; got log keys: {}".format(keys))      def on_train_end(self, logs=None):         keys = list(logs.keys())         print("Stop training; got log keys: {}".format(keys))      def on_epoch_begin(self, epoch, logs=None):         keys = list(logs.keys())         print("Start epoch {} of training; got log keys: {}".format(epoch, keys))      def on_epoch_end(self, epoch, logs=None):         keys = list(logs.keys())         print("End epoch {} of training; got log keys: {}".format(epoch, keys))      def on_test_begin(self, logs=None):         keys = list(logs.keys())         print("Start testing; got log keys: {}".format(keys))      def on_test_end(self, logs=None):         keys = list(logs.keys())         print("Stop testing; got log keys: {}".format(keys))      def on_predict_begin(self, logs=None):         keys = list(logs.keys())         print("Start predicting; got log keys: {}".format(keys))      def on_predict_end(self, logs=None):         keys = list(logs.keys())         print("Stop predicting; got log keys: {}".format(keys))      def on_train_batch_begin(self, batch, logs=None):         keys = list(logs.keys())         print("...Training: start of batch {}; got log keys: {}".format(batch, keys))      def on_train_batch_end(self, batch, logs=None):         keys = list(logs.keys())         print("...Training: end of batch {}; got log keys: {}".format(batch, keys))      def on_test_batch_begin(self, batch, logs=None):         keys = list(logs.keys())         print("...Evaluating: start of batch {}; got log keys: {}".format(batch, keys))      def on_test_batch_end(self, batch, logs=None):         keys = list(logs.keys())         print("...Evaluating: end of batch {}; got log keys: {}".format(batch, keys))      def on_predict_batch_begin(self, batch, logs=None):         keys = list(logs.keys())         print("...Predicting: start of batch {}; got log keys: {}".format(batch, keys))      def on_predict_batch_end(self, batch, logs=None):         keys = list(logs.keys())         print("...Predicting: end of batch {}; got log keys: {}".format(batch, keys)) 

Let's try it out:

\

model = get_model() model.fit(     x_train,     y_train,     batch_size=128,     epochs=1,     verbose=0,     validation_split=0.5,     callbacks=[CustomCallback()], )  res = model.evaluate(     x_test, y_test, batch_size=128, verbose=0, callbacks=[CustomCallback()] )  res = model.predict(x_test, batch_size=128, callbacks=[CustomCallback()]) 

\

Starting training; got log keys: [] Start epoch 0 of training; got log keys: [] ...Training: start of batch 0; got log keys: [] ...Training: end of batch 0; got log keys: ['loss', 'mean_absolute_error'] ...Training: start of batch 1; got log keys: [] ...Training: end of batch 1; got log keys: ['loss', 'mean_absolute_error'] ...Training: start of batch 2; got log keys: [] ...Training: end of batch 2; got log keys: ['loss', 'mean_absolute_error'] ...Training: start of batch 3; got log keys: [] ...Training: end of batch 3; got log keys: ['loss', 'mean_absolute_error'] Start testing; got log keys: [] ...Evaluating: start of batch 0; got log keys: [] ...Evaluating: end of batch 0; got log keys: ['loss', 'mean_absolute_error'] ...Evaluating: start of batch 1; got log keys: [] ...Evaluating: end of batch 1; got log keys: ['loss', 'mean_absolute_error'] ...Evaluating: start of batch 2; got log keys: [] ...Evaluating: end of batch 2; got log keys: ['loss', 'mean_absolute_error'] ...Evaluating: start of batch 3; got log keys: [] ...Evaluating: end of batch 3; got log keys: ['loss', 'mean_absolute_error'] Stop testing; got log keys: ['loss', 'mean_absolute_error'] End epoch 0 of training; got log keys: ['loss', 'mean_absolute_error', 'val_loss', 'val_mean_absolute_error'] Stop training; got log keys: ['loss', 'mean_absolute_error', 'val_loss', 'val_mean_absolute_error'] Start testing; got log keys: [] ...Evaluating: start of batch 0; got log keys: [] ...Evaluating: end of batch 0; got log keys: ['loss', 'mean_absolute_error'] ...Evaluating: start of batch 1; got log keys: [] ...Evaluating: end of batch 1; got log keys: ['loss', 'mean_absolute_error'] ...Evaluating: start of batch 2; got log keys: [] ...Evaluating: end of batch 2; got log keys: ['loss', 'mean_absolute_error'] ...Evaluating: start of batch 3; got log keys: [] ...Evaluating: end of batch 3; got log keys: ['loss', 'mean_absolute_error'] ...Evaluating: start of batch 4; got log keys: [] ...Evaluating: end of batch 4; got log keys: ['loss', 'mean_absolute_error'] ...Evaluating: start of batch 5; got log keys: [] ...Evaluating: end of batch 5; got log keys: ['loss', 'mean_absolute_error'] ...Evaluating: start of batch 6; got log keys: [] ...Evaluating: end of batch 6; got log keys: ['loss', 'mean_absolute_error'] ...Evaluating: start of batch 7; got log keys: [] ...Evaluating: end of batch 7; got log keys: ['loss', 'mean_absolute_error'] Stop testing; got log keys: ['loss', 'mean_absolute_error'] Start predicting; got log keys: [] ...Predicting: start of batch 0; got log keys: [] ...Predicting: end of batch 0; got log keys: ['outputs'] 1/8 [==>...........................] - ETA: 0s...Predicting: start of batch 1; got log keys: [] ...Predicting: end of batch 1; got log keys: ['outputs'] ...Predicting: start of batch 2; got log keys: [] ...Predicting: end of batch 2; got log keys: ['outputs'] ...Predicting: start of batch 3; got log keys: [] ...Predicting: end of batch 3; got log keys: ['outputs'] ...Predicting: start of batch 4; got log keys: [] ...Predicting: end of batch 4; got log keys: ['outputs'] ...Predicting: start of batch 5; got log keys: [] ...Predicting: end of batch 5; got log keys: ['outputs'] ...Predicting: start of batch 6; got log keys: [] ...Predicting: end of batch 6; got log keys: ['outputs'] ...Predicting: start of batch 7; got log keys: [] ...Predicting: end of batch 7; got log keys: ['outputs'] Stop predicting; got log keys: [] 8/8 [==============================] - 0s 2ms/step 

Usage of logs dict

The logs dict contains the loss value, and all the metrics at the end of a batch or epoch. Example includes the loss and mean absolute error.

\

class LossAndErrorPrintingCallback(keras.callbacks.Callback):     def on_train_batch_end(self, batch, logs=None):         print(             "Up to batch {}, the average loss is {:7.2f}.".format(batch, logs["loss"])         )      def on_test_batch_end(self, batch, logs=None):         print(             "Up to batch {}, the average loss is {:7.2f}.".format(batch, logs["loss"])         )      def on_epoch_end(self, epoch, logs=None):         print(             "The average loss for epoch {} is {:7.2f} "             "and mean absolute error is {:7.2f}.".format(                 epoch, logs["loss"], logs["mean_absolute_error"]             )         )   model = get_model() model.fit(     x_train,     y_train,     batch_size=128,     epochs=2,     verbose=0,     callbacks=[LossAndErrorPrintingCallback()], )  res = model.evaluate(     x_test,     y_test,     batch_size=128,     verbose=0,     callbacks=[LossAndErrorPrintingCallback()], ) 

\

Up to batch 0, the average loss is   33.08. Up to batch 1, the average loss is  429.70. Up to batch 2, the average loss is  293.82. Up to batch 3, the average loss is  222.52. Up to batch 4, the average loss is  179.47. Up to batch 5, the average loss is  150.49. Up to batch 6, the average loss is  129.87. Up to batch 7, the average loss is  116.92. The average loss for epoch 0 is  116.92 and mean absolute error is    5.88. Up to batch 0, the average loss is    5.29. Up to batch 1, the average loss is    4.86. Up to batch 2, the average loss is    4.66. Up to batch 3, the average loss is    4.54. Up to batch 4, the average loss is    4.50. Up to batch 5, the average loss is    4.38. Up to batch 6, the average loss is    4.39. Up to batch 7, the average loss is    4.33. The average loss for epoch 1 is    4.33 and mean absolute error is    1.68. Up to batch 0, the average loss is    5.21. Up to batch 1, the average loss is    4.73. Up to batch 2, the average loss is    4.68. Up to batch 3, the average loss is    4.57. Up to batch 4, the average loss is    4.70. Up to batch 5, the average loss is    4.71. Up to batch 6, the average loss is    4.63. Up to batch 7, the average loss is    4.56. 

Usage of self.model attribute

In addition to receiving log information when one of their methods is called, callbacks have access to the model associated with the current round of training/evaluation/inference: self.model.

Here are a few of the things you can do with self.model in a callback:

  • Set self.model.stop_training = True to immediately interrupt training.
  • Mutate hyperparameters of the optimizer (available as self.model.optimizer), such as self.model.optimizer.learning_rate.
  • Save the model at period intervals.
  • Record the output of model.predict() on a few test samples at the end of each epoch, to use as a sanity check during training.
  • Extract visualizations of intermediate features at the end of each epoch, to monitor what the model is learning over time.
  • etc.

Let's see this in action in a couple of examples.

Examples of Keras callback applications

Early stopping at minimum loss

This first example shows the creation of a Callback that stops training when the minimum of loss has been reached, by setting the attribute self.model.stop_training (boolean). Optionally, you can provide an argument patience to specify how many epochs we should wait before stopping after having reached a local minimum.

tf.keras.callbacks.EarlyStopping provides a more complete and general implementation.

\

import numpy as np   class EarlyStoppingAtMinLoss(keras.callbacks.Callback):     """Stop training when the loss is at its min, i.e. the loss stops decreasing.      Arguments:         patience: Number of epochs to wait after min has been hit. After this         number of no improvement, training stops.     """      def __init__(self, patience=0):         super().__init__()         self.patience = patience         # best_weights to store the weights at which the minimum loss occurs.         self.best_weights = None      def on_train_begin(self, logs=None):         # The number of epoch it has waited when loss is no longer minimum.         self.wait = 0         # The epoch the training stops at.         self.stopped_epoch = 0         # Initialize the best as infinity.         self.best = np.inf      def on_epoch_end(self, epoch, logs=None):         current = logs.get("loss")         if np.less(current, self.best):             self.best = current             self.wait = 0             # Record the best weights if current results is better (less).             self.best_weights = self.model.get_weights()         else:             self.wait += 1             if self.wait >= self.patience:                 self.stopped_epoch = epoch                 self.model.stop_training = True                 print("Restoring model weights from the end of the best epoch.")                 self.model.set_weights(self.best_weights)      def on_train_end(self, logs=None):         if self.stopped_epoch > 0:             print("Epoch %05d: early stopping" % (self.stopped_epoch + 1))   model = get_model() model.fit(     x_train,     y_train,     batch_size=64,     steps_per_epoch=5,     epochs=30,     verbose=0,     callbacks=[LossAndErrorPrintingCallback(), EarlyStoppingAtMinLoss()], ) 

\

Up to batch 0, the average loss is   23.53. Up to batch 1, the average loss is  480.92. Up to batch 2, the average loss is  328.49. Up to batch 3, the average loss is  248.52. Up to batch 4, the average loss is  200.53. The average loss for epoch 0 is  200.53 and mean absolute error is    8.30. Up to batch 0, the average loss is    5.02. Up to batch 1, the average loss is    5.80. Up to batch 2, the average loss is    5.51. Up to batch 3, the average loss is    5.38. Up to batch 4, the average loss is    5.42. The average loss for epoch 1 is    5.42 and mean absolute error is    1.90. Up to batch 0, the average loss is    5.80. Up to batch 1, the average loss is    6.89. Up to batch 2, the average loss is    6.68. Up to batch 3, the average loss is    6.35. Up to batch 4, the average loss is    6.57. The average loss for epoch 2 is    6.57 and mean absolute error is    2.07. Restoring model weights from the end of the best epoch. Epoch 00003: early stopping <keras.src.callbacks.History at 0x7fd3802cbb80> 

Learning rate scheduling

In this example, we show how a custom Callback can be used to dynamically change the learning rate of the optimizer during the course of training.

See callbacks.LearningRateScheduler for a more general implementations.

\

class CustomLearningRateScheduler(keras.callbacks.Callback):     """Learning rate scheduler which sets the learning rate according to schedule.      Arguments:         schedule: a function that takes an epoch index             (integer, indexed from 0) and current learning rate             as inputs and returns a new learning rate as output (float).     """      def __init__(self, schedule):         super().__init__()         self.schedule = schedule      def on_epoch_begin(self, epoch, logs=None):         if not hasattr(self.model.optimizer, "lr"):             raise ValueError('Optimizer must have a "lr" attribute.')         # Get the current learning rate from model's optimizer.         lr = float(tf.keras.backend.get_value(self.model.optimizer.learning_rate))         # Call schedule function to get the scheduled learning rate.         scheduled_lr = self.schedule(epoch, lr)         # Set the value back to the optimizer before this epoch starts         tf.keras.backend.set_value(self.model.optimizer.lr, scheduled_lr)         print("\nEpoch %05d: Learning rate is %6.4f." % (epoch, scheduled_lr))   LR_SCHEDULE = [     # (epoch to start, learning rate) tuples     (3, 0.05),     (6, 0.01),     (9, 0.005),     (12, 0.001), ]   def lr_schedule(epoch, lr):     """Helper function to retrieve the scheduled learning rate based on epoch."""     if epoch < LR_SCHEDULE[0][0] or epoch > LR_SCHEDULE[-1][0]:         return lr     for i in range(len(LR_SCHEDULE)):         if epoch == LR_SCHEDULE[i][0]:             return LR_SCHEDULE[i][1]     return lr   model = get_model() model.fit(     x_train,     y_train,     batch_size=64,     steps_per_epoch=5,     epochs=15,     verbose=0,     callbacks=[         LossAndErrorPrintingCallback(),         CustomLearningRateScheduler(lr_schedule),     ], ) 

\

Epoch 00000: Learning rate is 0.1000. Up to batch 0, the average loss is   25.33. Up to batch 1, the average loss is  434.31. Up to batch 2, the average loss is  298.47. Up to batch 3, the average loss is  226.43. Up to batch 4, the average loss is  182.22. The average loss for epoch 0 is  182.22 and mean absolute error is    8.09.  Epoch 00001: Learning rate is 0.1000. Up to batch 0, the average loss is    5.55. Up to batch 1, the average loss is    5.56. Up to batch 2, the average loss is    6.20. Up to batch 3, the average loss is    6.24. Up to batch 4, the average loss is    6.34. The average loss for epoch 1 is    6.34 and mean absolute error is    2.09.  Epoch 00002: Learning rate is 0.1000. Up to batch 0, the average loss is    7.28. Up to batch 1, the average loss is    7.82. Up to batch 2, the average loss is    7.52. Up to batch 3, the average loss is    7.33. Up to batch 4, the average loss is    7.52. The average loss for epoch 2 is    7.52 and mean absolute error is    2.27.  Epoch 00003: Learning rate is 0.0500. Up to batch 0, the average loss is   10.56. Up to batch 1, the average loss is    7.01. Up to batch 2, the average loss is    6.36. Up to batch 3, the average loss is    6.18. Up to batch 4, the average loss is    5.55. The average loss for epoch 3 is    5.55 and mean absolute error is    1.90.  Epoch 00004: Learning rate is 0.0500. Up to batch 0, the average loss is    3.26. Up to batch 1, the average loss is    3.70. Up to batch 2, the average loss is    3.75. Up to batch 3, the average loss is    3.73. Up to batch 4, the average loss is    3.79. The average loss for epoch 4 is    3.79 and mean absolute error is    1.56.  Epoch 00005: Learning rate is 0.0500. Up to batch 0, the average loss is    5.90. Up to batch 1, the average loss is    5.09. Up to batch 2, the average loss is    4.59. Up to batch 3, the average loss is    4.39. Up to batch 4, the average loss is    4.50. The average loss for epoch 5 is    4.50 and mean absolute error is    1.66.  Epoch 00006: Learning rate is 0.0100. Up to batch 0, the average loss is    6.34. Up to batch 1, the average loss is    6.46. Up to batch 2, the average loss is    5.29. Up to batch 3, the average loss is    4.89. Up to batch 4, the average loss is    4.68. The average loss for epoch 6 is    4.68 and mean absolute error is    1.74.  Epoch 00007: Learning rate is 0.0100. Up to batch 0, the average loss is    3.67. Up to batch 1, the average loss is    3.06. Up to batch 2, the average loss is    3.25. Up to batch 3, the average loss is    3.45. Up to batch 4, the average loss is    3.34. The average loss for epoch 7 is    3.34 and mean absolute error is    1.43.  Epoch 00008: Learning rate is 0.0100. Up to batch 0, the average loss is    3.35. Up to batch 1, the average loss is    3.74. Up to batch 2, the average loss is    3.50. Up to batch 3, the average loss is    3.38. Up to batch 4, the average loss is    3.58. The average loss for epoch 8 is    3.58 and mean absolute error is    1.52.  Epoch 00009: Learning rate is 0.0050. Up to batch 0, the average loss is    2.08. Up to batch 1, the average loss is    2.52. Up to batch 2, the average loss is    2.76. Up to batch 3, the average loss is    2.72. Up to batch 4, the average loss is    2.85. The average loss for epoch 9 is    2.85 and mean absolute error is    1.31.  Epoch 00010: Learning rate is 0.0050. Up to batch 0, the average loss is    3.64. Up to batch 1, the average loss is    3.39. Up to batch 2, the average loss is    3.42. Up to batch 3, the average loss is    3.83. Up to batch 4, the average loss is    3.85. The average loss for epoch 10 is    3.85 and mean absolute error is    1.56.  Epoch 00011: Learning rate is 0.0050. Up to batch 0, the average loss is    3.33. Up to batch 1, the average loss is    3.18. Up to batch 2, the average loss is    2.98. Up to batch 3, the average loss is    3.02. Up to batch 4, the average loss is    2.85. The average loss for epoch 11 is    2.85 and mean absolute error is    1.31.  Epoch 00012: Learning rate is 0.0010. Up to batch 0, the average loss is    3.58. Up to batch 1, the average loss is    3.22. Up to batch 2, the average loss is    3.27. Up to batch 3, the average loss is    3.24. Up to batch 4, the average loss is    3.02. The average loss for epoch 12 is    3.02 and mean absolute error is    1.32.  Epoch 00013: Learning rate is 0.0010. Up to batch 0, the average loss is    3.37. Up to batch 1, the average loss is    3.55. Up to batch 2, the average loss is    3.31. Up to batch 3, the average loss is    3.28. Up to batch 4, the average loss is    3.27. The average loss for epoch 13 is    3.27 and mean absolute error is    1.43.  Epoch 00014: Learning rate is 0.0010. Up to batch 0, the average loss is    2.02. Up to batch 1, the average loss is    2.66. Up to batch 2, the average loss is    2.61. Up to batch 3, the average loss is    2.56. Up to batch 4, the average loss is    2.82. The average loss for epoch 14 is    2.82 and mean absolute error is    1.27. <keras.src.callbacks.History at 0x7fd3801da790> 

Built-in Keras callbacks

Be sure to check out the existing Keras callbacks by reading the API docs. Applications include logging to CSV, saving the model, visualizing metrics in TensorBoard, and a lot more!

\ \

:::info Originally published on the TensorFlow website, this article appears here under a new headline and is licensed under CC BY 4.0. Code samples shared under the Apache 2.0 License.

:::

\

면책 조항: 본 사이트에 재게시된 글들은 공개 플랫폼에서 가져온 것으로 정보 제공 목적으로만 제공됩니다. 이는 반드시 MEXC의 견해를 반영하는 것은 아닙니다. 모든 권리는 원저자에게 있습니다. 제3자의 권리를 침해하는 콘텐츠가 있다고 판단될 경우, service@support.mexc.com으로 연락하여 삭제 요청을 해주시기 바랍니다. MEXC는 콘텐츠의 정확성, 완전성 또는 시의적절성에 대해 어떠한 보증도 하지 않으며, 제공된 정보에 기반하여 취해진 어떠한 조치에 대해서도 책임을 지지 않습니다. 본 콘텐츠는 금융, 법률 또는 기타 전문적인 조언을 구성하지 않으며, MEXC의 추천이나 보증으로 간주되어서는 안 됩니다.

추천 콘텐츠

BitGo expands its presence in Europe

BitGo expands its presence in Europe

The post BitGo expands its presence in Europe appeared on BitcoinEthereumNews.com. BitGo, global leader in digital asset infrastructure, announces a significant expansion of its presence in Europe. The company, through its subsidiary BitGo Europe GmbH, has obtained an extension of the license from BaFin (German Federal Financial Supervisory Authority), allowing it to offer regulated cryptocurrency trading services directly from Frankfurt, Germany. This move marks a decisive step for the European digital asset market, offering institutional investors the opportunity to access secure, regulated cryptocurrency trading integrated with advanced custody and management services. A comprehensive offering for European institutional investors With the extension of the license according to the MiCA (Markets in Crypto-Assets) regulation, initially obtained in May 2025, BitGo Europe expands the range of services available for European investors. Now, in addition to custody, staking, and transfer of digital assets, the platform also offers a spot trading service on thousands of cryptocurrencies and stablecoins. Institutional investors can now leverage BitGo’s OTC desk and a high-performance electronic trading platform, designed to ensure fast, secure, and transparent transactions. Aggregated access to numerous liquidity sources, including leading market makers and exchanges, allows for trading at competitive prices and high-quality executions. Security and Regulation at the Core of BitGo’s Strategy According to Brett Reeves, Head of European Sales and Go Network at BitGo, the goal is clear: “We are excited to strengthen our European platform and enable our clients to operate smoothly, competitively, and securely.§By combining our institutional custody solution with high-performance trading execution, clients will be able to access deep liquidity with the peace of mind that their assets will remain in cold storage, under regulated custody and compliant with MiCA.” The security of digital assets is indeed one of the cornerstones of BitGo’s offering. All services are designed to ensure that investors’ assets remain protected in regulated cold storage, minimizing operational and counterparty risks.…
공유하기
BitcoinEthereumNews2025/09/18 04:28