Autogon Docs
  • Change Log
  • Get Started
  • Libraries
  • Slicing & Indexing
  • Autogon Engine (Studio)
    • Data Processing
      • Data Input (DP_1)
      • Automated Data Processing (DP_ADP)
      • Missing Data (DP_2)
      • Data Encoding (DP_3)
      • Data Split (DP_4)
      • Feature Scaling (DP_5)
      • Drop Columns (DP_6)
      • Time Stepper (DP_7)
      • Parse Datetime (DP_PDT)
      • Reorder Columns (DP_ROC)
      • Feature Sampling (DP_FSP)
      • Reshape Array (DP_RSH)
      • Column Astype (DP_ASP)
      • Show Duplicates (DP_SDC)
      • Drop Duplicates (DP_DRD)
      • Scalar to Ndarray (DP_STN)
      • Image to Ndarray (DP_ITN)
      • Dataset Info (DP_INF)
      • Dataset Correlations (DP_CRR)
      • Dataset Description (DP_DSC)
      • Dataset Datatypes (DP_DTY)
      • Dataset Uniques (DP_UNQ)
      • Dataset Stats Counts (DP_STC)
      • Principal Component Analysis (DP_PCA)
      • Text Vectorizer (DP_VEC)
      • Resampler (DP_RES)
    • Data Visualization
      • Scatter Plots (DP_SCP)
      • Ordinary Plots (DP_ORD)
      • Compare Scatter Plots (DP_CSP)
      • Pie Plots (DP_PIE)
      • Heatmap Plots (DP_HMP)
    • Machine Learning
      • Simple Linear Regression (ML_R_1)
      • Multiple Linear Regression (ML_R_2)
      • Polynomial Linear Regression (ML_R_3)
      • Support Vector Regression (ML_R_4)
      • Decision Tree Regression (ML_R_5)
      • Random Forest Regression (ML_R_6)
      • Logistic Regression (ML_CN_1)
      • K-Nearest Neighbors - KNN (ML_CN_2)
      • Support Vector Machine (ML_CN_3)
      • Kernel SVM (ML_CN_4)
      • Naive Bayes (ML_CN_5)
      • Decision Tree Classification (ML_CN_6)
      • Random Forest Classification (ML_CN_7)
      • Hierarchical Clustering (ML_CG_1)
      • K-Means Clustering (ML_CG_2)
      • XGBoost (MS_XGBOOST)
      • Grid Search (ML_GRID)
      • Shap Explain (ML_SHAP)
      • Isolation Forest (ML_ISF)
      • (ML_DBS)
    • Automated Machine Learning
      • AutoRegression (AUTO_R_1)
      • AutoClassification (AUTO_CN_1)
      • AutoRegression II (AUTO_R_2)
    • Deep Learning
      • Artificial Neural Network (DL_ANN)
      • Self Organizing Maps (DL_SOM)
      • Restricted Boltzmann Machine (DL_RBM)
    • Automated Deep Learning
      • Auto Image Classification (A_DL_IMC)
      • Auto Image Regression (A_DL_IMR)
      • Auto Text Classification (A_DL_TXC)
      • Auto Text Regression (A_DL_TXR)
      • Auto Structured Data Classification (A_DL_SDC)
      • Auto Structured Data Regression (A_DL_SDR)
      • General AutoDL Blocks (A_DL_ALL)
  • LabelCraft
    • Images, Annotations and Augmentation
    • Import and Export
    • Model Training and Prediction
  • Production APIs
    • Production Pipelines
  • Autogon Qore
    • Vision AI
    • Natural Language AI
      • Text Classification (Deprecated)
      • Text Summary (Deprecated)
      • Ask Your Data
      • Generate Synthetic Data
      • Speech To Text
      • Text To Speech
      • Sentiment Analyzer (Deprecated)
      • Conversation with Chatbot Agent
      • Conversational Interaction with GPT-4
      • Essay Marker
      • Resume Ranker
      • Translator
    • Voice Cloning
      • Create a Voice
      • Get Voices
      • Text-To-Speech
  • Other APIs
    • Project
      • List all projects
      • Create a New Project
      • Get Project Details
      • Delete a Project
    • Dataset
      • List all datasets
      • Create a Dataset
      • Get a Dataset
      • Updating a dataset
      • Delete a Dataset
      • Dataset Connection
      • Visualize Dataset
Powered by GitBook
On this page
  • Sample Request
  • Building a Self Organizing Map
  • SOM Construction
  • Sample Request
  • Training a Sequential Organizing Map
  • SOM Training
  • Sample Request
  • Predicting Cluster with an Self Organizing Map
  • SOM Predict

Was this helpful?

  1. Autogon Engine (Studio)
  2. Deep Learning

Self Organizing Maps (DL_SOM)

This function creates self organizing maps used for data clustering

Self-organizing maps (SOM), also known as Kohonen maps, are a type of artificial neural network that can be used for unsupervised learning and data visualization. They are typically used for clustering and dimensionality reduction of complex data sets.

SOMs consist of a two-dimensional grid of nodes or neurons, each of which represents a different feature or attribute of the data. During training, the SOM learns to associate similar data points with adjacent neurons on the grid. This results in a topology-preserving mapping of the input space onto the two-dimensional grid.

SOMs are often used in data visualization applications because they can represent high-dimensional data in a two-dimensional map, making it easier to understand and interpret. They have been used in a variety of fields, including image and speech recognition, text mining, and pattern recognition.

Sample Request

Build an SOM for data clustering

{
    "project_id": 1,
    "parent_id": 7,
    "block_id": 8,
    "function_code": "DL_SOM_I",
    "args": {
    "hyp_params":{
            "x": 10,
            "y": 10,
            "input_len": 14,
            "sigma": 1.0,
            "learning_rate": 0.1,
        }
    }
}

Building a Self Organizing Map

SOM Construction

POST https://autogon.ai/api/v1/engine/start

Request Body

Name
Type
Description

project_id*

int

The id of the current project

block_id*

int

The id of the current block

function_code*

string

The function code for current block

parent_id*

int

The id of the previous block

args*

object

Block arguments

x*

int

x dimension

y*

int

y dimension

input_len*

int

Number of the elements of the vectors in input

learning_rate

float

initial learning rate

sigma

float

Spread of the neighborhood function, needs to be adequate to the dimensions of the map

{
    "status": "true",
    "message": {
        "id": 8,
        "project": 1,
        "block_id": 8,
        "parent_id": 7,
        "dataset_url": "",
        "x_value_url": "",
        "y_value_url": "",
        "x_train_url": "",
        "y_train_url": "",
        "x_test_url": "",
        "y_test_url": "",
        "output": {}
    }
}

Sample Request

Compile and train the pre-built SOM model, using passed in Hyper Parameters

{
    "project_id": 1,
    "parent_id": 8,
    "block_id": 9,
    "function_code": "DL_SOM_T",
    "args": {
        "model_name": "titanic_model",
        "hyp_params":{
            "num_iterations": 100
        }
    }
}

Training a Sequential Organizing Map

SOM Training

POST https://autogon.ai/api/v1

Request Body

Name
Type
Description

project_id*

int

The id of the current project

hyp_params*

object

hyper parameters for model compilation and training

parent_id*

int

The id of the previous block

block_id*

int

The id of the current block

function_code*

The function code for current block

args*

object

Block arguments

model_name*

String

The name the model would be saved with

num_iterations*

int

number of training iterations

{
    "status": "true",
    "message": {
        "id": 9,
        "project": 1,
        "block_id": 9,
        "parent_id": 8,
        "dataset_url": "",
        "x_value_url": "",
        "y_value_url": "",
        "x_train_url": "",
        "y_train_url": "",
        "x_test_url": "",
        "y_test_url": "",
        "output": {}
    }
}

Sample Request

Make predictions with the trained SOM model.

{
    "project_id": 1,
    "parent_id": 8,
    "block_id": 9,
    "function_code": "DL_SOM_P",
    "args": {
        "test_data": "",
        "row": 12,
    }
}

Predicting Cluster with an Self Organizing Map

SOM Predict

POST https://autogon.ai/api/v1/engine/start

Request Body

Name
Type
Description

test_data*

String

Input data for prediction

project_id*

int

ID of the current project

block_id*

int

ID of the current block

parent_id*

int

ID of the previous block

function_code*

String

Function code for the current block

args*

object

Block arguments

row

int

row in the dataset to be used

{
    "status": "true",
    "message": {
        "id": 9,
        "project": 1,
        "block_id": 9,
        "parent_id": 8,
        "dataset_url": "",
        "x_value_url": "",
        "y_value_url": "",
        "x_train_url": "",
        "y_train_url": "",
        "x_test_url": "",
        "y_test_url": "",
        "output": {}
    }
}

// Some code
// Some code
PreviousArtificial Neural Network (DL_ANN)NextRestricted Boltzmann Machine (DL_RBM)

Last updated 1 year ago

Was this helpful?