What is Machine Learning (ML)?

What is Machine Learning (ML)?

Machine Learning is a branch of Artificial Intelligence (AI) that develops algorithms by learning and analyzing the hidden patterns of the datasets used it to make predictions on new similar type data, without being explicitly programmed for each task.

Definition

Machine learning is a branch of artificial intelligence that enables algorithms to uncover hidden patterns within datasets, allowing them to make predictions on new, similar data without explicit programming for each task.

Conventional machine learning predicts outcomes by combining data and statistical techniques, providing insights that can be put to use. Applications for this technique can be found in many different domains, including recommendation systems, fraud detection, picture and speech recognition, natural language processing, portfolio optimisation, and task automation.

Recommender systems, for example, customise recommendations based on past data. For instance, YouTube uses content-based and collaborative filtering to suggest channels, videos and shows based on user viewing interests, ratings, and viewing history. These systems are further improved by reinforcement learning, which gives agents the ability to make judgements based on input from the environment and continuously improve recommendations.

The application of machine learning improves the adaptability of robotics, drones, and autonomous cars in changing situations.

Here’s a breakdown of the key idea:

  • Learning from Data: ML algorithms are trained on data so that we need not to  write instructions for every task. This data can be labeled (like training images for facial recognition) or unlabeled (like a collection of photos without any labels).
  • Identifying Patterns: The algorithm analyzes the data to discover patterns and relationships. It’s like finding hidden rules within the information.
  • Making Predictions: Once trained, the algorithm can use its knowledge to make predictions on new, unseen data. This could be classifying an email as spam, recognizing a face in a photo, or even generating new content.

ML is a powerful tool that’s revolutionizing many aspects of our lives.

Difference between Machine Learning and Traditional Programming

FeatureMachine LearningTraditional Programming
ApproachData-drivenRule-based
DevelopmentInvolves training models on dataInvolves writing explicit code and rules
AdaptabilityLearns and improves from data over timeRequires manual updates and modifications
FunctionalityHandles complex, dynamic, and unstructured dataHandles well-defined, structured problems
DependencyRelies on large datasets for trainingRelies on predefined rules and logic
OutputPredictions or classifications based on learned patternsDirect results based on specific inputs
Example ApplicationsImage recognition, natural language processing, predictive analyticsAccounting software, database management systems
FlexibilityHigh, can generalize to new dataLow, must be explicitly programmed for new tasks
PerformanceImproves with more data and better algorithmsPerformance fixed unless reprogrammed
Error HandlingLearns from errors and adjustsErrors need to be debugged and fixed by programmers
MaintenanceNeeds retraining with new data for improvementNeeds rewriting and re-testing of code
Learning MechanismUses algorithms like regression, classification, clusteringNo learning mechanism
Role of DataCentral, data quality directly affects performanceSecondary, data used as input for predefined logic
Examples of TechniquesNeural networks, decision trees, support vector machinesIf-else statements, loops, data structures
Nature of OutputProbabilistic, often involves confidence intervalsDeterministic, specific output for given input
Error ToleranceCan tolerate and learn from errorsErrors must be explicitly handled
Implementation ComplexityComplex, involves data preprocessing, feature selection, model trainingModerate, involves writing and testing code
ScalabilityScales well with more data and computational powerScalability depends on code optimization
Human InvolvementInvolves data scientists and domain experts for model trainingInvolves programmers for coding and debugging

Working of Machine Learning Algorithms

Machine learning algorithms are the core building blocks that allow computers to learn from data without explicit programming. They’re essentially a set of instructions that take data as input, process it, and then use that processing to output predictions or classifications. Here’s a simplified breakdown of how they work:

1. Data Collection

  • Data Types: Text, images, audio, video, and other sensor data.
  • Data Sources: Databases, online repositories, user-generated content, and proprietary data.

2. Data Preprocessing

  • Cleaning: Removing noise and correcting errors in the data.
  • Normalization: Scaling data to a standard range.
  • Augmentation: Generating new data samples by altering existing data (e.g., rotating images).
  • Splitting: Dividing data into training, validation, and test sets.

3. Choosing a Model

  • Supervised Learning: Models trained with labeled data (e.g., classification, regression).

A machine learning model known as supervised learning uses labelled training data, or structured data, to translate a given input into an output. Put simply, you input the algorithm images that have been labelled as cats in order to train it to recognise pictures of cats.

  • Unsupervised Learning: Models trained with unlabeled data (e.g., clustering, dimensionality reduction).

A machine learning technique known as “unsupervised learning” makes patterns out of unlabeled (or “unstructured”) data. In contrast to supervised learning, the outcome is unpredictable. Instead, the algorithm classifies the input into groups according to qualities as it gains knowledge from it. Unsupervised learning, for example, excels in descriptive modelling and pattern matching.

  • Reinforcement Learning: Models learn by interacting with an environment to maximize rewards.

A machine learning model known as “learn by doing” is called reinforcement learning. Through trial and error (a feedback loop), a “agent” learns how to carry out a specified task until its performance falls within a desired range. When the agent completes the task successfully, it gets positive reward; when it doesn’t, it gets negative reinforcement. Teaching a robotic hand to pick up a ball is an example of reinforcement learning.

4. Model Architecture

  • Linear Models: Simple models like linear regression.
  • Neural Networks: Multi-layered networks for complex tasks (e.g., CNNs for images, RNNs for sequential data).
  • Ensemble Methods: Combining multiple models to improve performance (e.g., random forests, gradient boosting).

5. Training Process

  • Initialization: Setting initial weights for the model parameters.
  • Forward Pass: Calculating outputs based on input data and current model parameters.
  • Loss Calculation: Measuring the difference between predicted and actual outputs using a loss function.
  • Backpropagation: Adjusting model parameters to minimize the loss.
  • Optimization Algorithms: Techniques like gradient descent, Adam, or RMSprop to update weights.
  • Epochs and Batch Size: Number of times the entire dataset passes through the model and the size of data subsets processed at a time.

6. Validation and Hyperparameter Tuning

  • Validation Set: Used to tune model parameters and avoid overfitting.
  • Hyperparameters: Settings like learning rate, batch size, number of layers, and number of neurons that need to be optimized.

7. Evaluation

  • Test Set: Evaluating model performance on unseen data.
  • Metrics: Accuracy, precision, recall, F1-score, AUC-ROC for classification; MSE, RMSE for regression.

8. Deployment

  • Integration: Embedding the trained model into applications or services.
  • Monitoring: Continuously checking model performance in real-world conditions.
  • Retraining: Updating the model with new data to maintain accuracy.

9. Challenges

  • Data Quality: Ensuring high-quality, representative data.
  • Overfitting: Preventing the model from performing well on training data but poorly on new data.
  • Computational Resources: Managing the extensive computational power required for training complex models.
  • Ethics and Bias: Addressing ethical concerns and biases in data and model predictions.

10. Tools and Frameworks

  • Libraries: TensorFlow, PyTorch, scikit-learn, Keras.
  • Platforms: Google Cloud AI, AWS AI, Microsoft Azure AI.

Training AI models is a complex, iterative process that requires careful consideration of data, model selection, training techniques, and evaluation metrics to develop effective and reliable AI systems.

Types of ML

Deep Dive into Types of Machine Learning

Machine learning algorithms can be broadly categorized based on how they are trained and the type of data they use. Here’s a closer look at the three main types:

1. Supervised Learning:

Supervised learning acts like a student learning with a teacher. The teacher provides labeled examples (think “cat” or “dog” written under pictures of animals). In supervised learning, the model is trained on data that already has the answer attached, like a label or a value. This data is called a “labeled dataset”. The model learns the connection between the data’s characteristics (features) and the answer (label) during training. Once a good student, the model can then predict answers for completely new, unseen data!

Imagine a teacher showing you labeled examples (like pictures of cats and dogs) and asking you to categorize new images. That’s supervised learning in a nutshell. The algorithm is given a dataset with labeled inputs (features) and desired outputs (targets). It learns the relationship between these features and targets and uses that knowledge to predict outputs for new, unseen data.

  • Common tasks: Classification (spam detection, image recognition), Regression (predicting house prices, sales figures)
  • Examples of algorithms: Logistic Regression, Support Vector Machines (SVMs), Decision Trees, Random Forests

2. Unsupervised Learning:

Unlike supervised learning with a clear teacher-student dynamic, unsupervised learning is more like exploring uncharted territory. The data doesn’t come with predefined labels or answers. Instead, the model is like an investigator tasked with uncovering hidden patterns and relationships within the data itself.

This approach is particularly useful for two main tasks:

  • Clustering: Imagine sorting a massive collection of seashells. Unsupervised learning can group similar shells together, like all the smooth ones in one pile and the spiky ones in another. This is called clustering, and it’s helpful for organizing data into meaningful categories.
  • Dimensionality Reduction: Think of a huge map with countless details. Unsupervised learning can simplify things by identifying the most important features, like major roads and landmarks. This is called dimensionality reduction, and it makes complex data easier to analyze.

When it comes to real-world applications, unsupervised learning shines in customer segmentation. Imagine a marketing team with a vast database of customers. By analyzing purchase history and other info, unsupervised learning can group customers with similar behavior patterns, even without pre-existing labels like “frequent buyer” or “budget shopper.” This allows businesses to tailor their marketing strategies to specific customer segments.

In essence, unsupervised learning empowers models to independently discover the secrets hidden within data.

This is like exploring a new world without a map. The algorithm is presented with unlabeled data and tasked with finding hidden patterns or structures within it. It can group similar data points together (clustering) or identify underlying relationships between different features.

  • Common tasks: Clustering (customer segmentation, anomaly detection), Dimensionality reduction (compressing data for better processing)
  • Examples of algorithms: K-means clustering, Principal Component Analysis (PCA)

3. Reinforcement Learning:

Reinforcement learning takes a different approach compared to supervised and unsupervised learning. Instead of a teacher or independent exploration, it’s like training a dog with treats.

The model, acting as the agent, interacts with its environment and receives rewards (like treats) for making good decisions and penalties for bad ones. The goal is to learn the best course of action to maximize these rewards over time.

This style of learning is particularly useful when dealing with sequential data, where each step matters. Imagine playing a complex video game. Reinforcement learning allows the AI agent to learn through trial and error, constantly adapting its strategy based on the rewards it receives for its actions.

Reinforcement learning isn’t limited to games. It’s used in various fields like robotics, where a robot can learn to navigate its surroundings through rewards for reaching specific goals. It’s also applicable in resource management, where an AI system can learn to optimize resource allocation based on positive outcomes.

Overall, reinforcement learning lets the model discover the best path to success through a process of exploration and reward-based feedback.

  • Common tasks: Game playing (chess, Go), Robot control, Recommendation systems
  • Examples of algorithms: Q-learning, Deep Q-Networks (DQNs)

Here’s a table summarizing the key differences:

FeatureSupervised LearningUnsupervised LearningReinforcement Learning
Data TypeLabeledUnlabeledUnlabeled
Learning GoalMap inputs to desired outputsFind hidden patternsLearn optimal strategies
ExamplesSpam filtering, image recognitionCustomer segmentation, anomaly detectionGame playing, robot control

These are the fundamental types of machine learning, but there are also hybrid approaches that combine elements from these categories. Additionally, advancements in deep learning, a subfield that uses artificial neural networks, are blurring the lines between these categories further.

By understanding these different types of machine learning, you can choose the right approach for your specific problem and leverage the power of machine learning to solve complex tasks.

Deep learning vs Machine learning

“Machine learning and Deep learning” are sub-disciplines of AI, and deep learning is a sub-discipline of machine learning.

Machine learning and deep learning have different amount of human intervention involved and uses different types of neural networks. Classic machine learning algorithms use neural networks with an input layer, one or two ‘hidden’ layers, and an output layer. Typically, these algorithms are limited to supervised learning: the data needs to be structured or labeled by human experts to enable the algorithm to extract features from the data.

Deep Learning vs Machine Learning

FeatureMachine LearningDeep Learning
Subfield ofArtificial Intelligence (AI)Machine Learning
Data TypeCan handle structured, semi-structured, and unstructured dataPrimarily works with unstructured data (text, images, audio)
Model ComplexityRelatively simpler models (linear regression, decision trees)Complex models with multiple layers (artificial neural networks)
Feature EngineeringOften requires manual feature extractionCan learn features automatically from data
Data VolumeCan work with smaller datasetsTypically requires large datasets for effective training
Computational PowerLess computationally expensiveRequires significant computational power and resources (GPUs)
InterpretabilityModels are often easier to interpret and understandModels can be opaque (“black box”) and difficult to explain
Common TasksClassification, regression, recommendation systemsImage recognition, natural language processing, speech recognition
ExamplesSpam filtering, fraud detection, customer churn predictionSelf-driving cars, machine translation, facial recognition

What is the need for machine learning?

Machine learning is crucial for several reasons:

  1. Automation: Machine Learning can automate complex tasks i.e., they are either  difficult or time-consuming for humans. For example, machine learning algorithms can handle large amounts of data and make predictions or decisions without human intervention.
  2. Data Analysis: Machine learning helps in analyzing and interpreting large datasets to uncover patterns, trends, and insights that would be hard to identify manually.
  3. Personalization: It allows for the creation of personalized experiences, such as recommendation systems on streaming platforms (like Netflix or Spotify) or targeted advertising.
  4. Predictive Capabilities: Machine learning models can predict future trends based on historical data, which is valuable in fields like finance (for stock predictions), healthcare (for disease diagnosis), and weather forecasting.
  5. Improved Efficiency: By optimizing processes and automating decision-making, machine learning can enhance operational efficiency in various industries, including manufacturing, logistics, and customer service.
  6. Adaptability: Machine learning models can easily adapt to new information over time, making them valuable for environments where conditions change frequently.
  7. Pattern Recognition: It performs very well at recognizing complex patterns in data, such as identifying objects in images, detecting anomalies in financial transactions, or understanding natural language.
  8. Scalability: Machine learning systems can scale to handle large volumes of data and transactions, which is crucial for modern applications that need to operate in real-time or near real-time.
  9. Innovation: It drives innovation in various fields, including robotics, autonomous vehicles, and healthcare, by enabling new technologies and capabilities.

Overall, machine learning enhances decision-making, efficiency, and the ability to handle complex problems, making it a powerful tool in both business and research.

Benefits of ML

Machine learning (ML) has become a transformative force across various industries, bringing numerous benefits that improve our lives, businesses, and scientific advancements. Here are some key advantages of ML:

1. Enhanced Efficiency and Automation: ML automates repetitive tasks, freeing up human time and resources for more complex endeavors. For example, recommendation systems automate product suggestions, while fraud detection algorithms streamline financial security processes.

2. Improved Decision-Making: ML can analyze vast amounts of data to identify patterns and trends that humans might miss. This empowers businesses and organizations to make data-driven decisions, leading to better strategies and outcomes.

3. Increased Accuracy and Precision: ML algorithms can be trained to perform tasks with exceptional accuracy and precision. This is evident in applications like medical diagnosis, where ML can analyze medical images to identify diseases with high accuracy.

4. Personalized Experiences: ML personalizes user experiences across various platforms. From suggesting relevant content on streaming services to tailoring marketing campaigns, ML caters to individual preferences and needs.

5. Predictive Analytics: ML allows for data-driven predictions, enabling businesses to forecast future trends, anticipate customer behavior, and optimize resource allocation. This proactive approach leads to better planning and risk management.

6. Innovation and Competitive Advantage: ML fosters innovation by enabling the development of new products and services. Businesses that leverage ML effectively can gain a competitive edge by offering more efficient or intelligent solutions.

7. Enhanced Security: ML algorithms can be used to detect and prevent security threats in real-time. Fraud detection systems and anomaly recognition in cybersecurity are prime examples of how ML bolsters security measures.

8. Cost Reduction: By automating tasks, improving efficiency, and optimizing processes, ML can lead to significant cost reductions for businesses. Additionally, predictive maintenance powered by ML can minimize equipment downtime and repair costs.

9. Breakthroughs in Scientific Research: ML accelerates scientific discovery by analyzing massive datasets and uncovering hidden patterns that might hold the key to new treatments, materials, or scientific understanding.

10. Improved Human Capabilities: ML is not meant to replace humans, but to augment our capabilities. ML tools can assist us in complex tasks, freeing us to focus on creative problem-solving, strategic thinking, and social interaction.

As machine learning continues to evolve, we can expect to see even greater benefits emerge, revolutionizing numerous aspects of our world. However, it’s important to acknowledge the limitations of ML and ensure its responsible development and deployment.

Danger of ML

Machine learning (ML) is a powerful tool, but it’s not without its limitations. Here are some key challenges to consider:

1. Data Dependency: ML algorithms are data-driven. Their performance hinges on the quality and quantity of data they’re trained on. Insufficient data can lead to poor performance or biased results.

2. Lack of Transparency (Black Box Problem): Some complex ML models, especially deep neural networks, can be opaque. It’s difficult to understand how they arrive at their predictions, making it challenging to debug errors or explain their reasoning.

3. Bias and Fairness: ML algorithms can perpetuate biases present in the data they’re trained on. This can lead to discriminatory outcomes, for example, in loan approvals or facial recognition systems.

4. Overfitting and Underfitting: Overfitting occurs when the model memorizes the training data too well and fails to generalize to new data. Underfitting happens when the model is too simplistic and can’t capture the underlying patterns in the data. Both scenarios lead to inaccurate predictions.

5. Computational Cost: Training complex ML models often requires significant computational resources and processing power, which can be expensive and time-consuming.

6. Ethical Considerations: The use of ML raises ethical concerns, such as privacy violations when dealing with personal data or the potential misuse of ML for malicious purposes.

7. Lack of Explainability: While some models offer basic explanations, many lack the ability to explain their reasoning in a human- understandable way. This can make it difficult to trust their decisions, especially in critical applications.

8. Security Vulnerabilities: ML models can be susceptible to adversarial attacks where attackers manipulate the input data to cause the model to make wrong predictions. This is a growing concern as ML becomes more widely used.

9. Limited Creativity and Common Sense: ML excels at pattern recognition and specific tasks, but it currently lacks true creativity or common sense reasoning. Humans can apply these qualities to solve problems in unexpected ways, something most ML models struggle with.

10. Job displacement: Automation through ML could potentially lead to job displacement in certain sectors. However, it’s also likely to create new job opportunities in areas like developing, maintaining, and overseeing these technologies.

Despite these limitations, ML is a rapidly evolving field. Researchers are continuously working on addressing these challenges and pushing the boundaries of what’s possible. As ML continues to develop, we can expect to see these limitations mitigated and the technology’s capabilities further enhanced.

Machine learning Applications

Machine Learning (ML) has infiltrated numerous aspects of our daily lives, bringing efficiency, automation, and even a touch of magic to various industries. Here are some areas where ML shines:

1. Simplifying our Digital Lives:

  • Recommendation Systems: ML powers the “recommended for you” sections on Netflix, Amazon, or Spotify. By analyzing your past behavior and preferences, the algorithms suggest content you might enjoy.
  • Social Media Content Filtering: ML algorithms filter and personalize the content you see on social media platforms. They identify your interests and show you posts or ads relevant to you.
  • Smart Assistants: Virtual assistants like Siri or Alexa use ML for speech recognition and natural language processing to understand your requests and respond accordingly.

2. Transforming Business and Industries:

  • Fraud Detection: Financial institutions leverage ML to detect fraudulent transactions by analyzing spending patterns and identifying anomalies.
  • Targeted Marketing: ML helps businesses personalize their marketing campaigns by understanding customer demographics and preferences, leading to more effective promotions.
  • Supply Chain Management: Businesses can use ML to forecast demand, optimize inventory levels, and predict potential disruptions in the supply chain, improving efficiency and reducing costs.

3. Advancing Scientific Research:

  • Drug Discovery: ML algorithms can analyze vast datasets of medical data to identify potential drug candidates and accelerate the development of new treatments.
  • Medical Diagnosis: ML can assist doctors in diagnosing diseases by analyzing medical images like X-rays or MRIs and identifying patterns that might indicate a specific condition.
  • Scientific Research: Researchers in various fields like physics, astronomy, and climate science use ML to analyze massive datasets and uncover hidden patterns or relationships that might lead to new scientific breakthroughs.

4. Innovation and Entertainment:

  • Self-Driving Cars: ML is a key technology behind self-driving cars. The algorithms process data from sensors to navigate the environment, recognize objects, and make real-time decisions.
  • Machine Translation: Translation tools like Google Translate use ML to translate languages more accurately and fluently, breaking down communication barriers.
  • Gaming and Virtual Reality: ML is used to create more realistic and immersive gaming experiences by generating dynamic environments and adapting to player behavior.
  • Content Recommendation: ML personalizes content recommendations on platforms like Netflix, YouTube, and Spotify.
  • Content Creation: ML assists in generating new content, such as music or art, by learning from existing data.
  • Sentiment Analysis: ML analyzes social media and reviews to gauge public sentiment towards movies, shows, or products.

5. Healthcare

  • Disease Diagnosis: ML algorithms analyze medical images (e.g., X-rays, MRIs) to assist in diagnosing conditions like cancer, diabetes, and neurological disorders.
  • Personalized Medicine: ML helps tailor treatments to individual patients based on their genetic information and health history.
  • Drug Discovery: ML models predict how different compounds might interact with biological targets, speeding up the drug development process.

6. Finance

  • Fraud Detection: ML algorithms identify unusual patterns in transaction data to flag potential fraudulent activities.
  • Algorithmic Trading: ML models analyze market data to make trading decisions and optimize investment strategies.
  • Credit Scoring: ML assesses creditworthiness by analyzing a variety of factors beyond traditional credit scores.

7. Retail and E-commerce

  • Recommendation Systems: ML suggests products to customers based on their browsing history and purchase behavior.
  • Inventory Management: ML predicts demand for products, helping retailers manage inventory and reduce stockouts.
  • Customer Service: Chatbots and virtual assistants powered by ML provide real-time customer support and handle inquiries.

8. Transportation

  • Self-Driving Cars: ML processes data from sensors and cameras to enable autonomous vehicles to navigate roads and make driving decisions.
  • Traffic Management: ML analyzes traffic patterns to optimize traffic light timings and improve congestion management.
  • Route Optimization: ML algorithms suggest the most efficient routes for logistics and delivery services.

9. Entertainment and Media

  • Content Recommendation: ML personalizes content recommendations on platforms like Netflix, YouTube, and Spotify.
  • Content Creation: ML assists in generating new content, such as music or art, by learning from existing data.
  • Sentiment Analysis: ML analyzes social media and reviews to gauge public sentiment towards movies, shows, or products.

10. Manufacturing

  • Predictive Maintenance: ML predicts equipment failures before they happen, reducing downtime and maintenance costs.
  • Quality Control: ML inspects products for defects and ensures quality standards are met.
  • Supply Chain Optimization: ML forecasts demand and optimizes supply chain logistics to enhance efficiency.

These are just a few examples, and the potential applications of ML are constantly evolving. As the technology advances, we can expect to see ML play an even greater role in shaping the future.

History of Machine learning: Key dates and names

The history of Machine Learning (ML) is a fascinating journey that began with the dream of intelligent machines. Here’s a quick timeline:

  • 1940s: The foundation is laid with the introduction of the first mathematical models of neural networks, laying the groundwork for how machines could learn.
  • 1950s: The field takes off with the development of early algorithms like perceptrons and the concept of computer checkers programs learning through self-play.
  • 1960s & 1970s: Early successes with AI are followed by a period of limitations. Research focuses on symbolic AI and knowledge-based approaches.
  • 1980s & 1990s: A resurgence of ML occurs with advancements in algorithms and computational power. Machine learning starts to outperform traditional methods in specific tasks.
  • 1997: A landmark moment – IBM’s Deep Blue defeats the chess world champion Garry Kasparov, showcasing the potential of ML.
  • 2000s: The rise of the internet and big data fuels the growth of ML. Techniques like Support Vector Machines (SVMs) gain popularity.
  • 2010s: Deep learning explodes with the success of deep neural networks. Applications in image recognition, natural language processing, and speech recognition flourish.
  • Today: Machine Learning continues to evolve rapidly, with applications in nearly every field. Ethical considerations and responsible development become a growing focus.

Future of AI and ML 

Future developments in machine learning and artificial intelligence (AI) have the potential to drastically change several fields, including how humans live, work, and interact with technology. The possibilities for AI and ML are enormous, and they will present both obstacles and opportunities that need to be carefully managed. These technologies will have a significant impact on society as they develop, therefore in order to fully realize their potential in a morally and responsibly manner, technologists, legislators, and the general public will need to continue talking and working together.

   – Applications of AI in healthcare, finance, and other industries.

   – Recent advancements in deep learning and neural networks.

   – Ethical implications and challenges of AI.

2 thoughts on “What is Machine Learning (ML)?

  1. This is very interesting, You are a very skilled blogger. I’ve joined your feed and look forward to seeking more of your wonderful post. Also, I’ve shared your website in my social networks!

Leave a Reply

Your email address will not be published. Required fields are marked *