Hopkins Public Health in AI
  • Home
  • About
  • Pages
    Authors
    Elements
  • Contact

Recent content

Can AI Catch What Clinicians Miss? A Comparative Study of Diagnostic Accuracy
30 Jun 2025

Can AI Catch What Clinicians Miss? A Comparative Study of Diagnostic Accuracy

MLOps: From Model to Production
14 Nov 2021

MLOps: From Model to Production

Cross-Validation: The Gold Standard for Model Evaluation
12 Nov 2021

Cross-Validation: The Gold Standard for Model Evaluation

Support Vector Machines: Maximizing the Margin
11 Nov 2021

Support Vector Machines: Maximizing the Margin

Popular topics

AI Diagnostics Healthcares LLM Medicine attention backpropagation bert bias-variance classification clustering cnn computer-vision cross-validation decision-trees deep-learning deployment gans generative-ai gradient-boosting grid-search hyperparameter-tuning lstm machine-learning metrics mlops model-evaluation monitoring nlp overfitting pca python random-forest regularization reinforcement-learning rl rnn svm theory transfer-learning transformer unsupervised-learning xgboost
Ai

AI

1 Posts
Can AI Catch What Clinicians Miss? A Comparative Study of Diagnostic Accuracy
Xiaoyi (Showry) Peng
AI Healthcares Diagnostics LLM Medicine

Can AI Catch What Clinicians Miss? A Comparative Study of Diagnostic Accuracy

A critical benchmark study evaluating whether leading Large Language Models (LLMs) can reliably detect diagnostic errors and improve clinical outcomes.

Diagnostics

Diagnostics

1 Posts
Can AI Catch What Clinicians Miss? A Comparative Study of Diagnostic Accuracy
Xiaoyi (Showry) Peng
AI Healthcares Diagnostics LLM Medicine

Can AI Catch What Clinicians Miss? A Comparative Study of Diagnostic Accuracy

A critical benchmark study evaluating whether leading Large Language Models (LLMs) can reliably detect diagnostic errors and improve clinical outcomes.

Healthcares

Healthcares

1 Posts
Can AI Catch What Clinicians Miss? A Comparative Study of Diagnostic Accuracy
Xiaoyi (Showry) Peng
AI Healthcares Diagnostics LLM Medicine

Can AI Catch What Clinicians Miss? A Comparative Study of Diagnostic Accuracy

A critical benchmark study evaluating whether leading Large Language Models (LLMs) can reliably detect diagnostic errors and improve clinical outcomes.

Llm

LLM

1 Posts
Can AI Catch What Clinicians Miss? A Comparative Study of Diagnostic Accuracy
Xiaoyi (Showry) Peng
AI Healthcares Diagnostics LLM Medicine

Can AI Catch What Clinicians Miss? A Comparative Study of Diagnostic Accuracy

A critical benchmark study evaluating whether leading Large Language Models (LLMs) can reliably detect diagnostic errors and improve clinical outcomes.

Medicine

Medicine

1 Posts
Can AI Catch What Clinicians Miss? A Comparative Study of Diagnostic Accuracy
Xiaoyi (Showry) Peng
AI Healthcares Diagnostics LLM Medicine

Can AI Catch What Clinicians Miss? A Comparative Study of Diagnostic Accuracy

A critical benchmark study evaluating whether leading Large Language Models (LLMs) can reliably detect diagnostic errors and improve clinical outcomes.

Attention

attention

1 Posts
The Transformer Architecture: The Model That Changed NLP Forever
Johns Hopkins Public Health Collective
machine-learning nlp transformer attention python

The Transformer Architecture: The Model That Changed NLP Forever

An exploration of the Transformer architecture and its core component, the self-attention mechanism, which has become the foundation for modern large language models like GPT and BERT.

Backpropagation

backpropagation

1 Posts
Demystifying Backpropagation: The Core of Neural Network Training
Johns Hopkins Public Health Collective
machine-learning deep-learning backpropagation python

Demystifying Backpropagation: The Core of Neural Network Training

A beginner-friendly guide to understanding backpropagation, the fundamental algorithm that powers deep learning. We'll break down the concepts and provide a practical code example.

Bert

bert

1 Posts
BERT and the Power of Transfer Learning in NLP
Johns Hopkins Public Health Collective
machine-learning nlp bert transfer-learning python

BERT and the Power of Transfer Learning in NLP

Discover how BERT (Bidirectional Encoder Representations from Transformers) revolutionized NLP by learning deep contextual relationships, and how transfer learning allows us to leverage its power for custom tasks.

Bias-variance

bias-variance

1 Posts
The Bias-Variance Tradeoff: A Balancing Act in Machine Learning
Johns Hopkins Public Health Collective
machine-learning bias-variance theory python

The Bias-Variance Tradeoff: A Balancing Act in Machine Learning

A fundamental concept in machine learning, the Bias-Variance Tradeoff explains the delicate balance between a model that is too simple and one that is too complex. Understanding it is key to diagnosing model performance.

Classification

classification

1 Posts
Support Vector Machines: Maximizing the Margin
Johns Hopkins Public Health Collective
machine-learning svm classification python

Support Vector Machines: Maximizing the Margin

An introduction to Support Vector Machines (SVMs), a powerful and versatile supervised learning algorithm capable of performing linear or non-linear classification, regression, and outlier detection.

Clustering

clustering

1 Posts
Unsupervised Learning: Finding Patterns in the Noise
Johns Hopkins Public Health Collective
machine-learning unsupervised-learning clustering pca python

Unsupervised Learning: Finding Patterns in the Noise

A look into unsupervised learning, the branch of machine learning that finds hidden patterns and structures in unlabeled data, focusing on clustering and dimensionality reduction.

Cnn

cnn

1 Posts
Convolutional Neural Networks (CNNs): The Eyes of Deep Learning
Johns Hopkins Public Health Collective
machine-learning computer-vision cnn python

Convolutional Neural Networks (CNNs): The Eyes of Deep Learning

A deep dive into Convolutional Neural Networks (CNNs), the powerhouse behind modern computer vision. Learn how they 'see' and classify images with incredible accuracy.

Computer-vision

computer-vision

1 Posts
Convolutional Neural Networks (CNNs): The Eyes of Deep Learning
Johns Hopkins Public Health Collective
machine-learning computer-vision cnn python

Convolutional Neural Networks (CNNs): The Eyes of Deep Learning

A deep dive into Convolutional Neural Networks (CNNs), the powerhouse behind modern computer vision. Learn how they 'see' and classify images with incredible accuracy.

Cross-validation

cross-validation

1 Posts
Cross-Validation: The Gold Standard for Model Evaluation
Johns Hopkins Public Health Collective
machine-learning cross-validation model-evaluation python

Cross-Validation: The Gold Standard for Model Evaluation

A simple train/test split is not always enough. Learn how K-Fold Cross-Validation provides a much more robust estimate of your model's performance on unseen data.

Decision-trees

decision-trees

1 Posts
Decision Trees and Random Forests: Interpretable Machine Learning
Johns Hopkins Public Health Collective
machine-learning decision-trees random-forest python

Decision Trees and Random Forests: Interpretable Machine Learning

A guide to understanding Decision Trees and their powerful successor, Random Forests. Learn how these intuitive, flowchart-like models make decisions and why they are so popular in machine learning.

Deep-learning

deep-learning

1 Posts
Demystifying Backpropagation: The Core of Neural Network Training
Johns Hopkins Public Health Collective
machine-learning deep-learning backpropagation python

Demystifying Backpropagation: The Core of Neural Network Training

A beginner-friendly guide to understanding backpropagation, the fundamental algorithm that powers deep learning. We'll break down the concepts and provide a practical code example.

Deployment

deployment

1 Posts
MLOps: From Model to Production
Johns Hopkins Public Health Collective
machine-learning mlops deployment monitoring

MLOps: From Model to Production

Building a great model is only half the battle. MLOps (Machine Learning Operations) is the discipline of deploying, monitoring, and maintaining models in production reliably and efficiently.

Gans

gans

1 Posts
Generative Adversarial Networks (GANs): The Art of AI Creativity
Johns Hopkins Public Health Collective
machine-learning generative-ai gans python

Generative Adversarial Networks (GANs): The Art of AI Creativity

Explore the fascinating world of Generative Adversarial Networks (GANs), where two neural networks compete to create stunningly realistic images, music, and more.

Generative-ai

generative-ai

1 Posts
Generative Adversarial Networks (GANs): The Art of AI Creativity
Johns Hopkins Public Health Collective
machine-learning generative-ai gans python

Generative Adversarial Networks (GANs): The Art of AI Creativity

Explore the fascinating world of Generative Adversarial Networks (GANs), where two neural networks compete to create stunningly realistic images, music, and more.

Gradient-boosting

gradient-boosting

1 Posts
Gradient Boosting and XGBoost: The King of Kaggle Competitions
Johns Hopkins Public Health Collective
machine-learning gradient-boosting xgboost python

Gradient Boosting and XGBoost: The King of Kaggle Competitions

An overview of Gradient Boosting, a powerful ensemble technique, and its most famous implementation, XGBoost, which is renowned for its performance and speed, especially on tabular data.

Grid-search

grid-search

1 Posts
Finding the Sweet Spot: An Introduction to Hyperparameter Tuning
Johns Hopkins Public Health Collective
machine-learning hyperparameter-tuning grid-search python

Finding the Sweet Spot: An Introduction to Hyperparameter Tuning

Machine learning models have many knobs and dials called hyperparameters. Learn how to tune them effectively using techniques like Grid Search and Random Search to unlock your model's true potential.

Hyperparameter-tuning

hyperparameter-tuning

1 Posts
Finding the Sweet Spot: An Introduction to Hyperparameter Tuning
Johns Hopkins Public Health Collective
machine-learning hyperparameter-tuning grid-search python

Finding the Sweet Spot: An Introduction to Hyperparameter Tuning

Machine learning models have many knobs and dials called hyperparameters. Learn how to tune them effectively using techniques like Grid Search and Random Search to unlock your model's true potential.

Lstm

lstm

1 Posts
Long Short-Term Memory (LSTM): Overcoming RNNs' Limitations
Johns Hopkins Public Health Collective
machine-learning nlp lstm rnn python

Long Short-Term Memory (LSTM): Overcoming RNNs' Limitations

Dive into Long Short-Term Memory (LSTM) networks, a special kind of RNN that can learn long-term dependencies, revolutionizing natural language processing and time-series analysis.

Machine-learning

machine-learning

18 Posts
MLOps: From Model to Production
Johns Hopkins Public Health Collective
machine-learning mlops deployment monitoring

MLOps: From Model to Production

Building a great model is only half the battle. MLOps (Machine Learning Operations) is the discipline of deploying, monitoring, and maintaining models in production reliably and efficiently.

Cross-Validation: The Gold Standard for Model Evaluation
Johns Hopkins Public Health Collective
machine-learning cross-validation model-evaluation python

Cross-Validation: The Gold Standard for Model Evaluation

A simple train/test split is not always enough. Learn how K-Fold Cross-Validation provides a much more robust estimate of your model's performance on unseen data.

Support Vector Machines: Maximizing the Margin
Johns Hopkins Public Health Collective
machine-learning svm classification python

Support Vector Machines: Maximizing the Margin

An introduction to Support Vector Machines (SVMs), a powerful and versatile supervised learning algorithm capable of performing linear or non-linear classification, regression, and outlier detection.

The Bias-Variance Tradeoff: A Balancing Act in Machine Learning
Johns Hopkins Public Health Collective
machine-learning bias-variance theory python

The Bias-Variance Tradeoff: A Balancing Act in Machine Learning

A fundamental concept in machine learning, the Bias-Variance Tradeoff explains the delicate balance between a model that is too simple and one that is too complex. Understanding it is key to diagnosing model performance.

Finding the Sweet Spot: An Introduction to Hyperparameter Tuning
Johns Hopkins Public Health Collective
machine-learning hyperparameter-tuning grid-search python

Finding the Sweet Spot: An Introduction to Hyperparameter Tuning

Machine learning models have many knobs and dials called hyperparameters. Learn how to tune them effectively using techniques like Grid Search and Random Search to unlock your model's true potential.

The Battle Against Overfitting: An Introduction to Regularization
Johns Hopkins Public Health Collective
machine-learning overfitting regularization python

The Battle Against Overfitting: An Introduction to Regularization

Learn about one of the most common pitfalls in machine learning—overfitting—and explore powerful techniques like L1 (Lasso) and L2 (Ridge) regularization to build more generalizable models.

Model Evaluation: How Good Is Your Model, Really?
Johns Hopkins Public Health Collective
machine-learning model-evaluation metrics python

Model Evaluation: How Good Is Your Model, Really?

Building a model is one thing, but how do you know if it's any good? We'll explore essential evaluation metrics for classification and regression to help you measure and compare your models' performance.

Gradient Boosting and XGBoost: The King of Kaggle Competitions
Johns Hopkins Public Health Collective
machine-learning gradient-boosting xgboost python

Gradient Boosting and XGBoost: The King of Kaggle Competitions

An overview of Gradient Boosting, a powerful ensemble technique, and its most famous implementation, XGBoost, which is renowned for its performance and speed, especially on tabular data.

Decision Trees and Random Forests: Interpretable Machine Learning
Johns Hopkins Public Health Collective
machine-learning decision-trees random-forest python

Decision Trees and Random Forests: Interpretable Machine Learning

A guide to understanding Decision Trees and their powerful successor, Random Forests. Learn how these intuitive, flowchart-like models make decisions and why they are so popular in machine learning.

Unsupervised Learning: Finding Patterns in the Noise
Johns Hopkins Public Health Collective
machine-learning unsupervised-learning clustering pca python

Unsupervised Learning: Finding Patterns in the Noise

A look into unsupervised learning, the branch of machine learning that finds hidden patterns and structures in unlabeled data, focusing on clustering and dimensionality reduction.

An Introduction to Reinforcement Learning: Learning by Doing
Johns Hopkins Public Health Collective
machine-learning reinforcement-learning rl python

An Introduction to Reinforcement Learning: Learning by Doing

Explore the fundamentals of Reinforcement Learning (RL), the area of machine learning where agents learn to make optimal decisions by interacting with an environment and receiving rewards.

BERT and the Power of Transfer Learning in NLP
Johns Hopkins Public Health Collective
machine-learning nlp bert transfer-learning python

BERT and the Power of Transfer Learning in NLP

Discover how BERT (Bidirectional Encoder Representations from Transformers) revolutionized NLP by learning deep contextual relationships, and how transfer learning allows us to leverage its power for custom tasks.

The Transformer Architecture: The Model That Changed NLP Forever
Johns Hopkins Public Health Collective
machine-learning nlp transformer attention python

The Transformer Architecture: The Model That Changed NLP Forever

An exploration of the Transformer architecture and its core component, the self-attention mechanism, which has become the foundation for modern large language models like GPT and BERT.

Long Short-Term Memory (LSTM): Overcoming RNNs' Limitations
Johns Hopkins Public Health Collective
machine-learning nlp lstm rnn python

Long Short-Term Memory (LSTM): Overcoming RNNs' Limitations

Dive into Long Short-Term Memory (LSTM) networks, a special kind of RNN that can learn long-term dependencies, revolutionizing natural language processing and time-series analysis.

Recurrent Neural Networks (RNNs): Understanding Sequential Data
Johns Hopkins Public Health Collective
machine-learning nlp rnn python

Recurrent Neural Networks (RNNs): Understanding Sequential Data

An introduction to Recurrent Neural Networks (RNNs), the models that give machines a sense of memory, making them ideal for tasks like translation, speech recognition, and more.

Convolutional Neural Networks (CNNs): The Eyes of Deep Learning
Johns Hopkins Public Health Collective
machine-learning computer-vision cnn python

Convolutional Neural Networks (CNNs): The Eyes of Deep Learning

A deep dive into Convolutional Neural Networks (CNNs), the powerhouse behind modern computer vision. Learn how they 'see' and classify images with incredible accuracy.

Demystifying Backpropagation: The Core of Neural Network Training
Johns Hopkins Public Health Collective
machine-learning deep-learning backpropagation python

Demystifying Backpropagation: The Core of Neural Network Training

A beginner-friendly guide to understanding backpropagation, the fundamental algorithm that powers deep learning. We'll break down the concepts and provide a practical code example.

Generative Adversarial Networks (GANs): The Art of AI Creativity
Johns Hopkins Public Health Collective
machine-learning generative-ai gans python

Generative Adversarial Networks (GANs): The Art of AI Creativity

Explore the fascinating world of Generative Adversarial Networks (GANs), where two neural networks compete to create stunningly realistic images, music, and more.

Metrics

metrics

1 Posts
Model Evaluation: How Good Is Your Model, Really?
Johns Hopkins Public Health Collective
machine-learning model-evaluation metrics python

Model Evaluation: How Good Is Your Model, Really?

Building a model is one thing, but how do you know if it's any good? We'll explore essential evaluation metrics for classification and regression to help you measure and compare your models' performance.

Mlops

mlops

1 Posts
MLOps: From Model to Production
Johns Hopkins Public Health Collective
machine-learning mlops deployment monitoring

MLOps: From Model to Production

Building a great model is only half the battle. MLOps (Machine Learning Operations) is the discipline of deploying, monitoring, and maintaining models in production reliably and efficiently.

Model-evaluation

model-evaluation

2 Posts
Cross-Validation: The Gold Standard for Model Evaluation
Johns Hopkins Public Health Collective
machine-learning cross-validation model-evaluation python

Cross-Validation: The Gold Standard for Model Evaluation

A simple train/test split is not always enough. Learn how K-Fold Cross-Validation provides a much more robust estimate of your model's performance on unseen data.

Model Evaluation: How Good Is Your Model, Really?
Johns Hopkins Public Health Collective
machine-learning model-evaluation metrics python

Model Evaluation: How Good Is Your Model, Really?

Building a model is one thing, but how do you know if it's any good? We'll explore essential evaluation metrics for classification and regression to help you measure and compare your models' performance.

Monitoring

monitoring

1 Posts
MLOps: From Model to Production
Johns Hopkins Public Health Collective
machine-learning mlops deployment monitoring

MLOps: From Model to Production

Building a great model is only half the battle. MLOps (Machine Learning Operations) is the discipline of deploying, monitoring, and maintaining models in production reliably and efficiently.

Nlp

nlp

4 Posts
BERT and the Power of Transfer Learning in NLP
Johns Hopkins Public Health Collective
machine-learning nlp bert transfer-learning python

BERT and the Power of Transfer Learning in NLP

Discover how BERT (Bidirectional Encoder Representations from Transformers) revolutionized NLP by learning deep contextual relationships, and how transfer learning allows us to leverage its power for custom tasks.

The Transformer Architecture: The Model That Changed NLP Forever
Johns Hopkins Public Health Collective
machine-learning nlp transformer attention python

The Transformer Architecture: The Model That Changed NLP Forever

An exploration of the Transformer architecture and its core component, the self-attention mechanism, which has become the foundation for modern large language models like GPT and BERT.

Long Short-Term Memory (LSTM): Overcoming RNNs' Limitations
Johns Hopkins Public Health Collective
machine-learning nlp lstm rnn python

Long Short-Term Memory (LSTM): Overcoming RNNs' Limitations

Dive into Long Short-Term Memory (LSTM) networks, a special kind of RNN that can learn long-term dependencies, revolutionizing natural language processing and time-series analysis.

Recurrent Neural Networks (RNNs): Understanding Sequential Data
Johns Hopkins Public Health Collective
machine-learning nlp rnn python

Recurrent Neural Networks (RNNs): Understanding Sequential Data

An introduction to Recurrent Neural Networks (RNNs), the models that give machines a sense of memory, making them ideal for tasks like translation, speech recognition, and more.

Overfitting

overfitting

1 Posts
The Battle Against Overfitting: An Introduction to Regularization
Johns Hopkins Public Health Collective
machine-learning overfitting regularization python

The Battle Against Overfitting: An Introduction to Regularization

Learn about one of the most common pitfalls in machine learning—overfitting—and explore powerful techniques like L1 (Lasso) and L2 (Ridge) regularization to build more generalizable models.

Pca

pca

1 Posts
Unsupervised Learning: Finding Patterns in the Noise
Johns Hopkins Public Health Collective
machine-learning unsupervised-learning clustering pca python

Unsupervised Learning: Finding Patterns in the Noise

A look into unsupervised learning, the branch of machine learning that finds hidden patterns and structures in unlabeled data, focusing on clustering and dimensionality reduction.

Python

python

17 Posts
Cross-Validation: The Gold Standard for Model Evaluation
Johns Hopkins Public Health Collective
machine-learning cross-validation model-evaluation python

Cross-Validation: The Gold Standard for Model Evaluation

A simple train/test split is not always enough. Learn how K-Fold Cross-Validation provides a much more robust estimate of your model's performance on unseen data.

Support Vector Machines: Maximizing the Margin
Johns Hopkins Public Health Collective
machine-learning svm classification python

Support Vector Machines: Maximizing the Margin

An introduction to Support Vector Machines (SVMs), a powerful and versatile supervised learning algorithm capable of performing linear or non-linear classification, regression, and outlier detection.

The Bias-Variance Tradeoff: A Balancing Act in Machine Learning
Johns Hopkins Public Health Collective
machine-learning bias-variance theory python

The Bias-Variance Tradeoff: A Balancing Act in Machine Learning

A fundamental concept in machine learning, the Bias-Variance Tradeoff explains the delicate balance between a model that is too simple and one that is too complex. Understanding it is key to diagnosing model performance.

Finding the Sweet Spot: An Introduction to Hyperparameter Tuning
Johns Hopkins Public Health Collective
machine-learning hyperparameter-tuning grid-search python

Finding the Sweet Spot: An Introduction to Hyperparameter Tuning

Machine learning models have many knobs and dials called hyperparameters. Learn how to tune them effectively using techniques like Grid Search and Random Search to unlock your model's true potential.

The Battle Against Overfitting: An Introduction to Regularization
Johns Hopkins Public Health Collective
machine-learning overfitting regularization python

The Battle Against Overfitting: An Introduction to Regularization

Learn about one of the most common pitfalls in machine learning—overfitting—and explore powerful techniques like L1 (Lasso) and L2 (Ridge) regularization to build more generalizable models.

Model Evaluation: How Good Is Your Model, Really?
Johns Hopkins Public Health Collective
machine-learning model-evaluation metrics python

Model Evaluation: How Good Is Your Model, Really?

Building a model is one thing, but how do you know if it's any good? We'll explore essential evaluation metrics for classification and regression to help you measure and compare your models' performance.

Gradient Boosting and XGBoost: The King of Kaggle Competitions
Johns Hopkins Public Health Collective
machine-learning gradient-boosting xgboost python

Gradient Boosting and XGBoost: The King of Kaggle Competitions

An overview of Gradient Boosting, a powerful ensemble technique, and its most famous implementation, XGBoost, which is renowned for its performance and speed, especially on tabular data.

Decision Trees and Random Forests: Interpretable Machine Learning
Johns Hopkins Public Health Collective
machine-learning decision-trees random-forest python

Decision Trees and Random Forests: Interpretable Machine Learning

A guide to understanding Decision Trees and their powerful successor, Random Forests. Learn how these intuitive, flowchart-like models make decisions and why they are so popular in machine learning.

Unsupervised Learning: Finding Patterns in the Noise
Johns Hopkins Public Health Collective
machine-learning unsupervised-learning clustering pca python

Unsupervised Learning: Finding Patterns in the Noise

A look into unsupervised learning, the branch of machine learning that finds hidden patterns and structures in unlabeled data, focusing on clustering and dimensionality reduction.

An Introduction to Reinforcement Learning: Learning by Doing
Johns Hopkins Public Health Collective
machine-learning reinforcement-learning rl python

An Introduction to Reinforcement Learning: Learning by Doing

Explore the fundamentals of Reinforcement Learning (RL), the area of machine learning where agents learn to make optimal decisions by interacting with an environment and receiving rewards.

BERT and the Power of Transfer Learning in NLP
Johns Hopkins Public Health Collective
machine-learning nlp bert transfer-learning python

BERT and the Power of Transfer Learning in NLP

Discover how BERT (Bidirectional Encoder Representations from Transformers) revolutionized NLP by learning deep contextual relationships, and how transfer learning allows us to leverage its power for custom tasks.

The Transformer Architecture: The Model That Changed NLP Forever
Johns Hopkins Public Health Collective
machine-learning nlp transformer attention python

The Transformer Architecture: The Model That Changed NLP Forever

An exploration of the Transformer architecture and its core component, the self-attention mechanism, which has become the foundation for modern large language models like GPT and BERT.

Long Short-Term Memory (LSTM): Overcoming RNNs' Limitations
Johns Hopkins Public Health Collective
machine-learning nlp lstm rnn python

Long Short-Term Memory (LSTM): Overcoming RNNs' Limitations

Dive into Long Short-Term Memory (LSTM) networks, a special kind of RNN that can learn long-term dependencies, revolutionizing natural language processing and time-series analysis.

Recurrent Neural Networks (RNNs): Understanding Sequential Data
Johns Hopkins Public Health Collective
machine-learning nlp rnn python

Recurrent Neural Networks (RNNs): Understanding Sequential Data

An introduction to Recurrent Neural Networks (RNNs), the models that give machines a sense of memory, making them ideal for tasks like translation, speech recognition, and more.

Convolutional Neural Networks (CNNs): The Eyes of Deep Learning
Johns Hopkins Public Health Collective
machine-learning computer-vision cnn python

Convolutional Neural Networks (CNNs): The Eyes of Deep Learning

A deep dive into Convolutional Neural Networks (CNNs), the powerhouse behind modern computer vision. Learn how they 'see' and classify images with incredible accuracy.

Demystifying Backpropagation: The Core of Neural Network Training
Johns Hopkins Public Health Collective
machine-learning deep-learning backpropagation python

Demystifying Backpropagation: The Core of Neural Network Training

A beginner-friendly guide to understanding backpropagation, the fundamental algorithm that powers deep learning. We'll break down the concepts and provide a practical code example.

Generative Adversarial Networks (GANs): The Art of AI Creativity
Johns Hopkins Public Health Collective
machine-learning generative-ai gans python

Generative Adversarial Networks (GANs): The Art of AI Creativity

Explore the fascinating world of Generative Adversarial Networks (GANs), where two neural networks compete to create stunningly realistic images, music, and more.

Random-forest

random-forest

1 Posts
Decision Trees and Random Forests: Interpretable Machine Learning
Johns Hopkins Public Health Collective
machine-learning decision-trees random-forest python

Decision Trees and Random Forests: Interpretable Machine Learning

A guide to understanding Decision Trees and their powerful successor, Random Forests. Learn how these intuitive, flowchart-like models make decisions and why they are so popular in machine learning.

Regularization

regularization

1 Posts
The Battle Against Overfitting: An Introduction to Regularization
Johns Hopkins Public Health Collective
machine-learning overfitting regularization python

The Battle Against Overfitting: An Introduction to Regularization

Learn about one of the most common pitfalls in machine learning—overfitting—and explore powerful techniques like L1 (Lasso) and L2 (Ridge) regularization to build more generalizable models.

Reinforcement-learning

reinforcement-learning

1 Posts
An Introduction to Reinforcement Learning: Learning by Doing
Johns Hopkins Public Health Collective
machine-learning reinforcement-learning rl python

An Introduction to Reinforcement Learning: Learning by Doing

Explore the fundamentals of Reinforcement Learning (RL), the area of machine learning where agents learn to make optimal decisions by interacting with an environment and receiving rewards.

Rl

rl

1 Posts
An Introduction to Reinforcement Learning: Learning by Doing
Johns Hopkins Public Health Collective
machine-learning reinforcement-learning rl python

An Introduction to Reinforcement Learning: Learning by Doing

Explore the fundamentals of Reinforcement Learning (RL), the area of machine learning where agents learn to make optimal decisions by interacting with an environment and receiving rewards.

Rnn

rnn

2 Posts
Long Short-Term Memory (LSTM): Overcoming RNNs' Limitations
Johns Hopkins Public Health Collective
machine-learning nlp lstm rnn python

Long Short-Term Memory (LSTM): Overcoming RNNs' Limitations

Dive into Long Short-Term Memory (LSTM) networks, a special kind of RNN that can learn long-term dependencies, revolutionizing natural language processing and time-series analysis.

Recurrent Neural Networks (RNNs): Understanding Sequential Data
Johns Hopkins Public Health Collective
machine-learning nlp rnn python

Recurrent Neural Networks (RNNs): Understanding Sequential Data

An introduction to Recurrent Neural Networks (RNNs), the models that give machines a sense of memory, making them ideal for tasks like translation, speech recognition, and more.

Svm

svm

1 Posts
Support Vector Machines: Maximizing the Margin
Johns Hopkins Public Health Collective
machine-learning svm classification python

Support Vector Machines: Maximizing the Margin

An introduction to Support Vector Machines (SVMs), a powerful and versatile supervised learning algorithm capable of performing linear or non-linear classification, regression, and outlier detection.

Theory

theory

1 Posts
The Bias-Variance Tradeoff: A Balancing Act in Machine Learning
Johns Hopkins Public Health Collective
machine-learning bias-variance theory python

The Bias-Variance Tradeoff: A Balancing Act in Machine Learning

A fundamental concept in machine learning, the Bias-Variance Tradeoff explains the delicate balance between a model that is too simple and one that is too complex. Understanding it is key to diagnosing model performance.

Transfer-learning

transfer-learning

1 Posts
BERT and the Power of Transfer Learning in NLP
Johns Hopkins Public Health Collective
machine-learning nlp bert transfer-learning python

BERT and the Power of Transfer Learning in NLP

Discover how BERT (Bidirectional Encoder Representations from Transformers) revolutionized NLP by learning deep contextual relationships, and how transfer learning allows us to leverage its power for custom tasks.

Transformer

transformer

1 Posts
The Transformer Architecture: The Model That Changed NLP Forever
Johns Hopkins Public Health Collective
machine-learning nlp transformer attention python

The Transformer Architecture: The Model That Changed NLP Forever

An exploration of the Transformer architecture and its core component, the self-attention mechanism, which has become the foundation for modern large language models like GPT and BERT.

Unsupervised-learning

unsupervised-learning

1 Posts
Unsupervised Learning: Finding Patterns in the Noise
Johns Hopkins Public Health Collective
machine-learning unsupervised-learning clustering pca python

Unsupervised Learning: Finding Patterns in the Noise

A look into unsupervised learning, the branch of machine learning that finds hidden patterns and structures in unlabeled data, focusing on clustering and dimensionality reduction.

Xgboost

xgboost

1 Posts
Gradient Boosting and XGBoost: The King of Kaggle Competitions
Johns Hopkins Public Health Collective
machine-learning gradient-boosting xgboost python

Gradient Boosting and XGBoost: The King of Kaggle Competitions

An overview of Gradient Boosting, a powerful ensemble technique, and its most famous implementation, XGBoost, which is renowned for its performance and speed, especially on tabular data.

Hopkins Public Health in AI

Hopkins Public Health in AI

Hi there! We're students at Hopkins exploring the intersection between Public Health and AI.

Follow

  • Twitter
  • Facebook
  • Pinterest
  • Dribbble
  • Instagram

Menu

  • Home
  • About
  • Contact
  • Authors
  • Elements