{"id":3919,"date":"2023-11-04T23:13:56","date_gmt":"2023-11-04T23:13:56","guid":{"rendered":"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/"},"modified":"2023-11-05T05:48:27","modified_gmt":"2023-11-05T05:48:27","slug":"how-to-create-a-machine-learning-model-with-scikit-learn","status":"publish","type":"post","link":"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/","title":{"rendered":"How to Create a Machine Learning Model with Scikit-Learn"},"content":{"rendered":"

In this tutorial, we will walk through the process of creating a machine learning model using Scikit-Learn, a popular machine learning library in Python. Scikit-Learn provides a wide range of algorithms and tools for tasks such as classification, regression, clustering, and dimensionality reduction.<\/p>\n

By the end of this tutorial, you will have a firm understanding of the steps involved in creating a machine learning model and how to evaluate its performance.<\/p>\n

Table of Contents<\/h2>\n
    \n
  1. Introduction to Machine Learning<\/li>\n
  2. Getting Started with Scikit-Learn<\/li>\n
  3. Loading and Exploring the Data<\/li>\n
  4. Preprocessing the Data<\/li>\n
  5. Splitting the Data into Training and Testing Sets<\/li>\n
  6. Building and Training the Model<\/li>\n
  7. Evaluating the Model Performance<\/li>\n
  8. Conclusion<\/li>\n<\/ol>\n

    1. Introduction to Machine Learning<\/h2>\n

    Machine learning is a subfield of artificial intelligence that involves building models capable of learning from data to make predictions or decisions. These models are trained on historical data, called the training set, and then tested on unseen data, called the test set.<\/p>\n

    The process of creating a machine learning model typically involves several steps such as data preprocessing, feature selection, model selection, training, and evaluation. In this tutorial, we will go through each of these steps using Scikit-Learn.<\/p>\n

    2. Getting Started with Scikit-Learn<\/h2>\n

    Scikit-Learn, also known as sklearn, is a powerful and user-friendly machine learning library in Python. It provides a wide range of algorithms, tools, and preprocessing techniques to simplify the machine learning workflow.<\/p>\n

    To install scikit-learn, you can use pip, the Python package installer. Open your terminal or command prompt and run the following command:<\/p>\n

    pip install scikit-learn\n<\/code><\/pre>\n

    Once scikit-learn is installed, you can import it in your Python script or Jupyter notebook using the following statement:<\/p>\n

    import sklearn\n<\/code><\/pre>\n

    3. Loading and Exploring the Data<\/h2>\n

    Before we can start building our machine learning model, we need some data to work with. Scikit-Learn provides various datasets that are included in the library for experimentation and learning purposes. These datasets are stored in the sklearn.datasets<\/code> module.<\/p>\n

    For this tutorial, we will use the breast cancer wisconsin dataset, which is a popular classification dataset available in scikit-learn. The dataset contains various features computed from digitized images of a fine needle aspirate (FNA) of a breast mass. The task is to predict whether a mass is benign (class 0) or malignant (class 1).<\/p>\n

    To load the breast cancer dataset, use the following code:<\/p>\n

    from sklearn.datasets import load_breast_cancer\n\n# Load the breast cancer dataset\ndata = load_breast_cancer()\n<\/code><\/pre>\n

    The data<\/code> variable now contains the dataset. You can access the features and the target variable using data.data<\/code> and data.target<\/code> respectively.<\/p>\n

    To get a sense of the dataset, you can print some basic information about it:<\/p>\n

    print(\"Features:\", data.feature_names)\nprint(\"Target:\", data.target_names)\nprint(\"Number of samples:\", data.data.shape[0])\nprint(\"Number of features:\", data.data.shape[1])\n<\/code><\/pre>\n

    This will display the names of the features, the names of the target classes, and the number of samples and features in the dataset.<\/p>\n

    4. Preprocessing the Data<\/h2>\n

    Before training a machine learning model, it is important to preprocess the data to ensure that it is in the right format and properly scaled. Preprocessing steps may include handling missing values, categorical encoding, feature scaling, and feature engineering.<\/p>\n

    In our case, the breast cancer dataset is already clean and does not contain any missing values. However, it is a good practice to scale the features to have zero mean and unit variance. This can be done using Scikit-Learn’s StandardScaler<\/code> class:<\/p>\n

    from sklearn.preprocessing import StandardScaler\n\n# Scale the features\nscaler = StandardScaler()\nX = scaler.fit_transform(data.data)\n<\/code><\/pre>\n

    The fit_transform()<\/code> method scales the features of the dataset. The scaled feature matrix is stored in the X<\/code> variable.<\/p>\n

    5. Splitting the Data into Training and Testing Sets<\/h2>\n

    To evaluate the performance of our machine learning model, we need to split the dataset into two parts: a training set and a testing set. The training set will be used to train the model, while the testing set will be used to evaluate its performance on unseen data.<\/p>\n

    Scikit-Learn provides a utility function called train_test_split()<\/code> that makes splitting the dataset easy. The function randomly shuffles the data and splits it into the specified proportions:<\/p>\n

    from sklearn.model_selection import train_test_split\n\n# Split the data into training and testing sets\nX_train, X_test, y_train, y_test = train_test_split(X, data.target, test_size=0.2, random_state=42)\n<\/code><\/pre>\n

    The X_train<\/code> and y_train<\/code> variables now contain the training set, while X_test<\/code> and y_test<\/code> contain the testing set. The test_size<\/code> parameter specifies the proportion of the dataset that should be used for testing (in this case, 20%).<\/p>\n

    6. Building and Training the Model<\/h2>\n

    Now that we have preprocessed the data and split it into training and testing sets, we can proceed with building our machine learning model. Scikit-Learn provides a large collection of machine learning algorithms, ranging from simple ones like linear regression to more complex ones like support vector machines and random forests.<\/p>\n

    For this tutorial, we will use a simple yet powerful algorithm called logistic regression, which is commonly used for binary classification tasks. Logistic regression models the probability of the binary outcome using a logistic function, hence the name.<\/p>\n

    To build and train a logistic regression model, use the following code:<\/p>\n

    from sklearn.linear_model import LogisticRegression\n\n# Create an instance of the logistic regression model\nmodel = LogisticRegression()\n\n# Train the model on the training data\nmodel.fit(X_train, y_train)\n<\/code><\/pre>\n

    The fit()<\/code> method trains the model on the training set, using the specified features (X_train<\/code>) and target variable (y_train<\/code>).<\/p>\n

    7. Evaluating the Model Performance<\/h2>\n

    After training the model, we need to evaluate its performance on the testing set to understand how well it generalizes to unseen data. Scikit-Learn provides various metrics and evaluation methods to measure the performance of machine learning models.<\/p>\n

    For classification tasks, common evaluation metrics include accuracy, precision, recall, and F1-score. The accuracy is the proportion of correctly classified instances, while precision measures the proportion of correctly classified positive instances out of all predicted positive instances. Recall measures the proportion of correctly classified positive instances out of all actual positive instances. The F1-score is the harmonic mean of precision and recall.<\/p>\n

    To evaluate the performance of our logistic regression model, use the following code:<\/p>\n

    from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score\n\n# Make predictions on the testing set\ny_pred = model.predict(X_test)\n\n# Compute the evaluation metrics\naccuracy = accuracy_score(y_test, y_pred)\nprecision = precision_score(y_test, y_pred)\nrecall = recall_score(y_test, y_pred)\nf1 = f1_score(y_test, y_pred)\n\nprint(\"Accuracy:\", accuracy)\nprint(\"Precision:\", precision)\nprint(\"Recall:\", recall)\nprint(\"F1-score:\", f1)\n<\/code><\/pre>\n

    This will compute the accuracy, precision, recall, and F1-score of the model on the testing set. Additionally, you can use the confusion_matrix()<\/code> function from the sklearn.metrics<\/code> module to compute the confusion matrix, which shows the number of true negatives, false positives, false negatives, and true positives:<\/p>\n

    from sklearn.metrics import confusion_matrix\n\n# Compute the confusion matrix\nconfusion_mat = confusion_matrix(y_test, y_pred)\n\nprint(\"Confusion Matrix:\")\nprint(confusion_mat)\n<\/code><\/pre>\n

    8. Conclusion<\/h2>\n

    In this tutorial, we walked through the process of creating a machine learning model using Scikit-Learn. We started by loading and exploring the data, then preprocessed it to be in the right format and scale. Next, we split the data into training and testing sets and built a logistic regression model. Finally, we evaluated the model’s performance using various evaluation metrics.<\/p>\n

    Scikit-Learn is a powerful library that offers a wide range of algorithms and tools for machine learning tasks. By following the steps outlined in this tutorial, you can easily create machine learning models and evaluate their performance. Keep experimenting with different algorithms and datasets to further improve your skills in machine learning with Scikit-Learn.<\/p>\n","protected":false},"excerpt":{"rendered":"

    In this tutorial, we will walk through the process of creating a machine learning model using Scikit-Learn, a popular machine learning library in Python. Scikit-Learn provides a wide range of algorithms and tools for tasks such as classification, regression, clustering, and dimensionality reduction. By the end of this tutorial, you Continue Reading<\/a><\/p>\n","protected":false},"author":1,"featured_media":0,"comment_status":"closed","ping_status":"open","sticky":false,"template":"","format":"standard","meta":{"_import_markdown_pro_load_document_selector":0,"_import_markdown_pro_submit_text_textarea":"","footnotes":""},"categories":[1],"tags":[338,325,251,41,335,339,337,336,256,255],"yoast_head":"\nHow to Create a Machine Learning Model with Scikit-Learn - Pantherax Blogs<\/title>\n<meta name=\"robots\" content=\"index, follow, max-snippet:-1, max-image-preview:large, max-video-preview:-1\" \/>\n<link rel=\"canonical\" href=\"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/\" \/>\n<meta property=\"og:locale\" content=\"en_US\" \/>\n<meta property=\"og:type\" content=\"article\" \/>\n<meta property=\"og:title\" content=\"How to Create a Machine Learning Model with Scikit-Learn\" \/>\n<meta property=\"og:description\" content=\"In this tutorial, we will walk through the process of creating a machine learning model using Scikit-Learn, a popular machine learning library in Python. Scikit-Learn provides a wide range of algorithms and tools for tasks such as classification, regression, clustering, and dimensionality reduction. By the end of this tutorial, you Continue Reading\" \/>\n<meta property=\"og:url\" content=\"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/\" \/>\n<meta property=\"og:site_name\" content=\"Pantherax Blogs\" \/>\n<meta property=\"article:published_time\" content=\"2023-11-04T23:13:56+00:00\" \/>\n<meta property=\"article:modified_time\" content=\"2023-11-05T05:48:27+00:00\" \/>\n<meta name=\"author\" content=\"Panther\" \/>\n<meta name=\"twitter:card\" content=\"summary_large_image\" \/>\n<meta name=\"twitter:label1\" content=\"Written by\" \/>\n\t<meta name=\"twitter:data1\" content=\"Panther\" \/>\n\t<meta name=\"twitter:label2\" content=\"Est. reading time\" \/>\n\t<meta name=\"twitter:data2\" content=\"6 minutes\" \/>\n<script type=\"application\/ld+json\" class=\"yoast-schema-graph\">{\n\t \"@context\": \"https:\/\/schema.org\",\n\t \"@graph\": [\n\t {\n\t \"@type\": \"Article\",\n\t \"@id\": \"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/#article\",\n\t \"isPartOf\": {\n\t \"@id\": \"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/\"\n\t },\n\t \"author\": {\n\t \"name\": \"Panther\",\n\t \"@id\": \"http:\/\/localhost:10003\/#\/schema\/person\/b63d816f4964b163e53cbbcffaa0f3d7\"\n\t },\n\t \"headline\": \"How to Create a Machine Learning Model with Scikit-Learn\",\n\t \"datePublished\": \"2023-11-04T23:13:56+00:00\",\n\t \"dateModified\": \"2023-11-05T05:48:27+00:00\",\n\t \"mainEntityOfPage\": {\n\t \"@id\": \"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/\"\n\t },\n\t \"wordCount\": 1057,\n\t \"publisher\": {\n\t \"@id\": \"http:\/\/localhost:10003\/#organization\"\n\t },\n\t \"keywords\": [\n\t \"\\\"Data preprocessing\\\"\",\n\t \"\\\"Data Science\\\"\",\n\t \"\\\"feature engineering\\\"\",\n\t \"\\\"Machine Learning\\\"\",\n\t \"\\\"Model creation\\\"\",\n\t \"\\\"Model evaluation\\\"]\",\n\t \"\\\"Python programming\\\"\",\n\t \"\\\"Scikit-Learn\\\"\",\n\t \"\\\"supervised learning\\\"]\",\n\t \"\\\"unsupervised learning\\\"\"\n\t ],\n\t \"inLanguage\": \"en-US\"\n\t },\n\t {\n\t \"@type\": \"WebPage\",\n\t \"@id\": \"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/\",\n\t \"url\": \"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/\",\n\t \"name\": \"How to Create a Machine Learning Model with Scikit-Learn - Pantherax Blogs\",\n\t \"isPartOf\": {\n\t \"@id\": \"http:\/\/localhost:10003\/#website\"\n\t },\n\t \"datePublished\": \"2023-11-04T23:13:56+00:00\",\n\t \"dateModified\": \"2023-11-05T05:48:27+00:00\",\n\t \"breadcrumb\": {\n\t \"@id\": \"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/#breadcrumb\"\n\t },\n\t \"inLanguage\": \"en-US\",\n\t \"potentialAction\": [\n\t {\n\t \"@type\": \"ReadAction\",\n\t \"target\": [\n\t \"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/\"\n\t ]\n\t }\n\t ]\n\t },\n\t {\n\t \"@type\": \"BreadcrumbList\",\n\t \"@id\": \"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/#breadcrumb\",\n\t \"itemListElement\": [\n\t {\n\t \"@type\": \"ListItem\",\n\t \"position\": 1,\n\t \"name\": \"Home\",\n\t \"item\": \"http:\/\/localhost:10003\/\"\n\t },\n\t {\n\t \"@type\": \"ListItem\",\n\t \"position\": 2,\n\t \"name\": \"How to Create a Machine Learning Model with Scikit-Learn\"\n\t }\n\t ]\n\t },\n\t {\n\t \"@type\": \"WebSite\",\n\t \"@id\": \"http:\/\/localhost:10003\/#website\",\n\t \"url\": \"http:\/\/localhost:10003\/\",\n\t \"name\": \"Pantherax Blogs\",\n\t \"description\": \"\",\n\t \"publisher\": {\n\t \"@id\": \"http:\/\/localhost:10003\/#organization\"\n\t },\n\t \"potentialAction\": [\n\t {\n\t \"@type\": \"SearchAction\",\n\t \"target\": {\n\t \"@type\": \"EntryPoint\",\n\t \"urlTemplate\": \"http:\/\/localhost:10003\/?s={search_term_string}\"\n\t },\n\t \"query-input\": \"required name=search_term_string\"\n\t }\n\t ],\n\t \"inLanguage\": \"en-US\"\n\t },\n\t {\n\t \"@type\": \"Organization\",\n\t \"@id\": \"http:\/\/localhost:10003\/#organization\",\n\t \"name\": \"Pantherax Blogs\",\n\t \"url\": \"http:\/\/localhost:10003\/\",\n\t \"logo\": {\n\t \"@type\": \"ImageObject\",\n\t \"inLanguage\": \"en-US\",\n\t \"@id\": \"http:\/\/localhost:10003\/#\/schema\/logo\/image\/\",\n\t \"url\": \"http:\/\/localhost:10003\/wp-content\/uploads\/2023\/11\/cropped-9e7721cb-2d62-4f72-ab7f-7d1d8db89226.jpeg\",\n\t \"contentUrl\": \"http:\/\/localhost:10003\/wp-content\/uploads\/2023\/11\/cropped-9e7721cb-2d62-4f72-ab7f-7d1d8db89226.jpeg\",\n\t \"width\": 1024,\n\t \"height\": 1024,\n\t \"caption\": \"Pantherax Blogs\"\n\t },\n\t \"image\": {\n\t \"@id\": \"http:\/\/localhost:10003\/#\/schema\/logo\/image\/\"\n\t }\n\t },\n\t {\n\t \"@type\": \"Person\",\n\t \"@id\": \"http:\/\/localhost:10003\/#\/schema\/person\/b63d816f4964b163e53cbbcffaa0f3d7\",\n\t \"name\": \"Panther\",\n\t \"image\": {\n\t \"@type\": \"ImageObject\",\n\t \"inLanguage\": \"en-US\",\n\t \"@id\": \"http:\/\/localhost:10003\/#\/schema\/person\/image\/\",\n\t \"url\": \"http:\/\/2.gravatar.com\/avatar\/b8c0eda5a49f8f31ec32d0a0f9d6f838?s=96&d=mm&r=g\",\n\t \"contentUrl\": \"http:\/\/2.gravatar.com\/avatar\/b8c0eda5a49f8f31ec32d0a0f9d6f838?s=96&d=mm&r=g\",\n\t \"caption\": \"Panther\"\n\t },\n\t \"sameAs\": [\n\t \"http:\/\/localhost:10003\"\n\t ],\n\t \"url\": \"http:\/\/localhost:10003\/author\/pepethefrog\/\"\n\t }\n\t ]\n\t}<\/script>\n<!-- \/ Yoast SEO Premium plugin. -->","yoast_head_json":{"title":"How to Create a Machine Learning Model with Scikit-Learn - Pantherax Blogs","robots":{"index":"index","follow":"follow","max-snippet":"max-snippet:-1","max-image-preview":"max-image-preview:large","max-video-preview":"max-video-preview:-1"},"canonical":"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/","og_locale":"en_US","og_type":"article","og_title":"How to Create a Machine Learning Model with Scikit-Learn","og_description":"In this tutorial, we will walk through the process of creating a machine learning model using Scikit-Learn, a popular machine learning library in Python. Scikit-Learn provides a wide range of algorithms and tools for tasks such as classification, regression, clustering, and dimensionality reduction. By the end of this tutorial, you Continue Reading","og_url":"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/","og_site_name":"Pantherax Blogs","article_published_time":"2023-11-04T23:13:56+00:00","article_modified_time":"2023-11-05T05:48:27+00:00","author":"Panther","twitter_card":"summary_large_image","twitter_misc":{"Written by":"Panther","Est. reading time":"6 minutes"},"schema":{"@context":"https:\/\/schema.org","@graph":[{"@type":"Article","@id":"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/#article","isPartOf":{"@id":"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/"},"author":{"name":"Panther","@id":"http:\/\/localhost:10003\/#\/schema\/person\/b63d816f4964b163e53cbbcffaa0f3d7"},"headline":"How to Create a Machine Learning Model with Scikit-Learn","datePublished":"2023-11-04T23:13:56+00:00","dateModified":"2023-11-05T05:48:27+00:00","mainEntityOfPage":{"@id":"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/"},"wordCount":1057,"publisher":{"@id":"http:\/\/localhost:10003\/#organization"},"keywords":["\"Data preprocessing\"","\"Data Science\"","\"feature engineering\"","\"Machine Learning\"","\"Model creation\"","\"Model evaluation\"]","\"Python programming\"","\"Scikit-Learn\"","\"supervised learning\"]","\"unsupervised learning\""],"inLanguage":"en-US"},{"@type":"WebPage","@id":"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/","url":"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/","name":"How to Create a Machine Learning Model with Scikit-Learn - Pantherax Blogs","isPartOf":{"@id":"http:\/\/localhost:10003\/#website"},"datePublished":"2023-11-04T23:13:56+00:00","dateModified":"2023-11-05T05:48:27+00:00","breadcrumb":{"@id":"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/#breadcrumb"},"inLanguage":"en-US","potentialAction":[{"@type":"ReadAction","target":["http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/"]}]},{"@type":"BreadcrumbList","@id":"http:\/\/localhost:10003\/how-to-create-a-machine-learning-model-with-scikit-learn\/#breadcrumb","itemListElement":[{"@type":"ListItem","position":1,"name":"Home","item":"http:\/\/localhost:10003\/"},{"@type":"ListItem","position":2,"name":"How to Create a Machine Learning Model with Scikit-Learn"}]},{"@type":"WebSite","@id":"http:\/\/localhost:10003\/#website","url":"http:\/\/localhost:10003\/","name":"Pantherax Blogs","description":"","publisher":{"@id":"http:\/\/localhost:10003\/#organization"},"potentialAction":[{"@type":"SearchAction","target":{"@type":"EntryPoint","urlTemplate":"http:\/\/localhost:10003\/?s={search_term_string}"},"query-input":"required name=search_term_string"}],"inLanguage":"en-US"},{"@type":"Organization","@id":"http:\/\/localhost:10003\/#organization","name":"Pantherax Blogs","url":"http:\/\/localhost:10003\/","logo":{"@type":"ImageObject","inLanguage":"en-US","@id":"http:\/\/localhost:10003\/#\/schema\/logo\/image\/","url":"http:\/\/localhost:10003\/wp-content\/uploads\/2023\/11\/cropped-9e7721cb-2d62-4f72-ab7f-7d1d8db89226.jpeg","contentUrl":"http:\/\/localhost:10003\/wp-content\/uploads\/2023\/11\/cropped-9e7721cb-2d62-4f72-ab7f-7d1d8db89226.jpeg","width":1024,"height":1024,"caption":"Pantherax Blogs"},"image":{"@id":"http:\/\/localhost:10003\/#\/schema\/logo\/image\/"}},{"@type":"Person","@id":"http:\/\/localhost:10003\/#\/schema\/person\/b63d816f4964b163e53cbbcffaa0f3d7","name":"Panther","image":{"@type":"ImageObject","inLanguage":"en-US","@id":"http:\/\/localhost:10003\/#\/schema\/person\/image\/","url":"http:\/\/2.gravatar.com\/avatar\/b8c0eda5a49f8f31ec32d0a0f9d6f838?s=96&d=mm&r=g","contentUrl":"http:\/\/2.gravatar.com\/avatar\/b8c0eda5a49f8f31ec32d0a0f9d6f838?s=96&d=mm&r=g","caption":"Panther"},"sameAs":["http:\/\/localhost:10003"],"url":"http:\/\/localhost:10003\/author\/pepethefrog\/"}]}},"jetpack_sharing_enabled":true,"jetpack_featured_media_url":"","_links":{"self":[{"href":"http:\/\/localhost:10003\/wp-json\/wp\/v2\/posts\/3919"}],"collection":[{"href":"http:\/\/localhost:10003\/wp-json\/wp\/v2\/posts"}],"about":[{"href":"http:\/\/localhost:10003\/wp-json\/wp\/v2\/types\/post"}],"author":[{"embeddable":true,"href":"http:\/\/localhost:10003\/wp-json\/wp\/v2\/users\/1"}],"replies":[{"embeddable":true,"href":"http:\/\/localhost:10003\/wp-json\/wp\/v2\/comments?post=3919"}],"version-history":[{"count":1,"href":"http:\/\/localhost:10003\/wp-json\/wp\/v2\/posts\/3919\/revisions"}],"predecessor-version":[{"id":4615,"href":"http:\/\/localhost:10003\/wp-json\/wp\/v2\/posts\/3919\/revisions\/4615"}],"wp:attachment":[{"href":"http:\/\/localhost:10003\/wp-json\/wp\/v2\/media?parent=3919"}],"wp:term":[{"taxonomy":"category","embeddable":true,"href":"http:\/\/localhost:10003\/wp-json\/wp\/v2\/categories?post=3919"},{"taxonomy":"post_tag","embeddable":true,"href":"http:\/\/localhost:10003\/wp-json\/wp\/v2\/tags?post=3919"}],"curies":[{"name":"wp","href":"https:\/\/api.w.org\/{rel}","templated":true}]}}