Stay Ahead, Stay ONMINE

How to Fine-Tune DistilBERT for Emotion Classification

The customer support teams were drowning with the overwhelming volume of customer inquiries at every company I’ve worked at. Have you had similar experiences? What if I told you that you could use AI to automatically identify, categorize, and even resolve the most common issues? By fine-tuning a transformer model like BERT, you can build […]

The customer support teams were drowning with the overwhelming volume of customer inquiries at every company I’ve worked at. Have you had similar experiences?

What if I told you that you could use AI to automatically identify, categorize, and even resolve the most common issues?

By fine-tuning a transformer model like BERT, you can build an automated system that tags tickets by issue type and routes them to the right team.

In this tutorial, I’ll show you how to fine-tune a transformer model for emotion classification in five steps:

  1. Set Up Your Environment: Prepare your dataset and install necessary libraries.
  2. Load and Preprocess Data: Parse text files and organize your data.
  3. Fine-Tune Distilbert: Train model to classify emotions using your dataset.
  4. Evaluate Performance: Use metrics like accuracy, F1-score, and confusion matrices to measure model performance.
  5. Interpret Predictions: Visualize and understand predictions using SHAP (SHapley Additive exPlanations).

By the end, you’ll have a fine-tuned model that classifies emotions from text inputs with high accuracy, and you’ll also learn how to interpret these predictions using SHAP.

This same approach can be applied to real-world use cases beyond emotion classification, such as customer support automation, sentiment analysis, content moderation, and more.

Let’s dive in!

Choosing the Right Transformer Model

When selecting a transformer model for Text Classification, here’s a quick breakdown of the most common models:

  • BERT: Great for general NLP tasks, but computationally expensive for both training and inference.
  • DistilBERT: 60% faster than BERT while retaining 97% of its capabilities, making it ideal for real-time applications.
  • RoBERTa: A more robust version of BERT, but requires more resources.
  • XLM-RoBERTa: A multilingual variant of RoBERTa trained on 100 languages. It is perfect for multilingual tasks, but is quite resource-intensive.

For this tutorial, I chose to fine-tune DistilBERT because it offers the best balance between performance and efficiency.

Step 1: Setup and Installing Dependencies

Ensure you have the required libraries installed:

!pip install datasets transformers torch scikit-learn shap

Step 2: Load and Preprocess Data

I used the Emotions dataset for NLP by Praveen Govi, available on Kaggle and licensed for commercial use. It contains text labeled with emotions. The data comes in three .txt files: train, validation, and test.

Each line contains a sentence and its corresponding emotion label, separated by a semicolon:

text; emotion
"i didnt feel humiliated"; "sadness"
"i am feeling grouchy"; "anger"
"im updating my blog because i feel shitty"; "sadness"

Parsing the Dataset into a Pandas DataFrame

Let’s load the dataset:

def parse_emotion_file(file_path):
"""
    Parses a text file with each line in the format: {text; emotion}
    and returns a pandas DataFrame with 'text' and 'emotion' columns.

    Args:
    - file_path (str): Path to the .txt file to be parsed

    Returns:
    - df (pd.DataFrame): DataFrame containing 'text' and 'emotion' columns
    """
    texts = []
    emotions = []
   
    with open(file_path, 'r', encoding='utf-8') as file:
        for line in file:
            try:
                # Split each line by the semicolon separator
                text, emotion = line.strip().split(';')
               
                # append text and emotion to separate lists
                texts.append(text)
                emotions.append(emotion)
            except ValueError:
                continue
   
    return pd.DataFrame({'text': texts, 'emotion': emotions})

# Parse text files and store as Pandas DataFrames
train_df = parse_emotion_file("train.txt")
val_df = parse_emotion_file("val.txt")
test_df = parse_emotion_file("test.txt")

Understanding the Label Distribution

This dataset contains 16k training examples and 2k examples for the validation and testing. Here’s the label distribution breakdown:

Image by author.

The bar chart above shows that the dataset is imbalanced, with the majority of samples labels as joy and sadness.

For a fine-tuning a production model, I would consider experimenting with different sampling techniques to overcome this class imbalance problem and improve the model’s performance.

Step 3: Tokenization and Data Preprocessing

Next, I loaded in DistilBERT’s tokenizer:

from transformers import AutoTokenizer

# Define the model path for DistilBERT
model_name = "distilbert-base-uncased"

# Load the tokenizer
tokenizer = AutoTokenizer.from_pretrained(model_name)

Then, I used it to tokenize text data and transform the labels into numerical IDs:

# Tokenize data
def preprocess_function(df, label2id):
    """
    Tokenizes text data and transforms labels into numerical IDs.

    Args:
        df (dict or pandas.Series): A dictionary-like object containing "text" and "emotion" fields.
        label2id (dict): A mapping from emotion labels to numerical IDs.

    Returns:
        dict: A dictionary containing:
              - "input_ids": Encoded token sequences
              - "attention_mask": Mask to indicate padding tokens
              - "label": Numerical labels for classification

    Example usage:
        train_dataset = train_dataset.map(lambda x: preprocess_function(x, tokenizer, label2id), batched=True)
    """
    tokenized_inputs = tokenizer(
        df["text"],
        padding="longest",
        truncation=True,
        max_length=512,
        return_tensors="pt"
    )

    tokenized_inputs["label"] = [label2id.get(emotion, -1) for emotion in df["emotion"]]
    return tokenized_inputs
   
# Convert the DataFrames to HuggingFace Dataset format
train_dataset = Dataset.from_pandas(train_df)

# Apply the 'preprocess_function' to tokenize text data and transform labels
train_dataset = train_dataset.map(lambda x: preprocess_function(x, label2id), batched=True)

Step 4: Fine-Tuning Model

Next, I loaded a pre-trained DistilBERT model with a classification head for our text classification text. I also specified what the labels for this dataset looks like:

# Get the unique emotion labels from the 'emotion' column in the training DataFrame
labels = train_df["emotion"].unique()

# Create label-to-id and id-to-label mappings
label2id = {label: idx for idx, label in enumerate(labels)}
id2label = {idx: label for idx, label in enumerate(labels)}

# Initialize model
model = AutoModelForSequenceClassification.from_pretrained(
    model_name,
    num_labels=len(labels),
    id2label=id2label,
    label2id=label2id
)

The pre-trained DistilBERT model for classification consists of five layers plus a classification head.

To prevent overfitting, I froze the first four layers, preserving the knowledge learned during pre-training. This allows the model to retain general language understanding while only fine-tuning the fifth layer and classification head to adapt to my dataset. Here’s how I did this:

# freeze base model parameters
for name, param in model.base_model.named_parameters():
    param.requires_grad = False

# keep classifier trainable
for name, param in model.base_model.named_parameters():
    if "transformer.layer.5" in name or "classifier" in name:
        param.requires_grad = True

Defining Metrics

Given the label imbalance, I thought accuracy may not be the most appropriate metric, so I chose to include other metrics suited for classification problems like precision, recall, F1-score, and AUC score.

I also used “weighted” averaging for F1-score, precision, and recall to address the class imbalance problem. This parameter ensures that all classes contribute proportionally to the metric and prevent any single class from dominating the results:

def compute_metrics(p):
    """
    Computes accuracy, F1 score, precision, and recall metrics for multiclass classification.

    Args:
    p (tuple): Tuple containing predictions and labels.

    Returns:
    dict: Dictionary with accuracy, F1 score, precision, and recall metrics, using weighted averaging
          to account for class imbalance in multiclass classification tasks.
    """
    logits, labels = p
   
    # Convert logits to probabilities using softmax (PyTorch)
    softmax = torch.nn.Softmax(dim=1)
    probs = softmax(torch.tensor(logits))
   
    # Convert logits to predicted class labels
    preds = probs.argmax(axis=1)

    return {
        "accuracy": accuracy_score(labels, preds),  # Accuracy metric
        "f1_score": f1_score(labels, preds, average='weighted'),  # F1 score with weighted average for imbalanced data
        "precision": precision_score(labels, preds, average='weighted'),  # Precision score with weighted average
        "recall": recall_score(labels, preds, average='weighted'),  # Recall score with weighted average
        "auc_score": roc_auc_score(labels, probs, average="macro", multi_class="ovr")
    }

Let’s set up the training process:

# Define hyperparameters
lr = 2e-5
batch_size = 16
num_epochs = 3
weight_decay = 0.01

# Set up training arguments for fine-tuning models
training_args = TrainingArguments(
    output_dir="./results",
    evaluation_strategy="steps",
    eval_steps=500,
    learning_rate=lr,
    per_device_train_batch_size=batch_size,
    per_device_eval_batch_size=batch_size,
    num_train_epochs=num_epochs,
    weight_decay=weight_decay,
    logging_dir="./logs",
    logging_steps=500,
    load_best_model_at_end=True,
    metric_for_best_model="eval_f1_score",
    greater_is_better=True,
)

# Initialize the Trainer with the model, arguments, and datasets
trainer = Trainer(
    model=model,
    args=training_args,
    train_dataset=train_dataset,
    eval_dataset=val_dataset,
    tokenizer=tokenizer,
    compute_metrics=compute_metrics,
)

# Train the model
print(f"Training {model_name}...")
trainer.train()

Step 5: Evaluating Model Performance

After training, I evaluated the model’s performance on the test set:

# Generate predictions on the test dataset with fine-tuned model
predictions_finetuned_model = trainer.predict(test_dataset)
preds_finetuned = predictions_finetuned_model.predictions.argmax(axis=1)

# Compute evaluation metrics (accuracy, precision, recall, and F1 score)
eval_results_finetuned_model = compute_metrics((predictions_finetuned_model.predictions, test_dataset["label"]))

This is how the fine-tuned DistilBERT model did on the test set compared to the pre-trained base model:

Radar chart of fine-tuned DistilBERT model. Image by author.

Before fine-tuning, the pre-trained model performed poorly on our dataset, because it hasn’t seen the specific emotion labels before. It was essentially guessing at random, as reflected in an AUC score of 0.5 that indicates no better than chance.

After fine-tuning, the model significantly improved across all metrics, achieving 83% accuracy in correctly identifying emotions. This demonstrates that the model has successfully learned meaningful patterns in the data, even with just 16k training samples.

That’s amazing!

Step 6: Interpreting Predictions with SHAP

I tested the fine-tuned model on three sentences and here are the emotions that it predicted:

  1. The thought of speaking in front of a large crowd makes my heart race, and I start to feel overwhelmed with anxiety.” → fear 😱
  2. “I can’t believe how disrespectful they were! I worked so hard on this project, and they just dismissed it without even listening. It’s infuriating!” → anger 😡
  3. “I absolutely love this new phone! The camera quality is amazing, the battery lasts all day, and it’s so fast. I couldn’t be happier with my purchase, and I highly recommend it to anyone looking for a new phone.” → joy 😀

Impressive, right?!

I wanted to understand how the model made its predictions, I used using SHAP (Shapley Additive exPlanations) to visualize feature importance.

I started by creating an explainer:

# Build a pipeline object for predictions
preds = pipeline(
    "text-classification",
    model=model_finetuned,
    tokenizer=tokenizer,
    return_all_scores=True,
)

# Create an explainer
explainer = shap.Explainer(preds)

Then, I computed SHAP values using the explainer:

# Compute SHAP values using explainer
shap_values = explainer(example_texts)

# Make SHAP text plot
shap.plots.text(shap_values)

The plot below visualizes how each word in the input text contributes to the model’s output using SHAP values:

SHAP text plot. Image by author.

In this case, the plot shows that “anxiety” is the most important factor in predicting “fear” as the emotion.

The SHAP text plot is a nice, intuitive, and interactive way to understand predictions by breaking down how much each word influences the final prediction.

Summary

You’ve successfully learned to fine-tune DistilBERT for emotion classification from text data! (You can check out the model on Hugging Face here).

Transformer models can be fine-tuned for many real-world applications, including:

  • Tagging customer service tickets (as discussed in the introduction),
  • Flagging mental health risks in text-based conversations,
  • Detecting sentiment in product reviews.

Fine-tuning is an effective and efficient way to adapt powerful pre-trained models to specific tasks with a relatively small dataset.

What will you fine-tune next?


Want to build your AI skills?

👉🏻 I run the AI Weekender and write weekly blog posts on data science, AI weekend projects, career advice for professionals in data.


Resources

  • Jupyter notebook [HERE]
  • Model card on Hugging Face [HERE]
Shape
Shape
Stay Ahead

Explore More Insights

Stay ahead with more perspectives on cutting-edge power, infrastructure, energy,  bitcoin and AI solutions. Explore these articles to uncover strategies and insights shaping the future of industries.

Shape

F5 to acquire CalypsoAI for advanced AI security capabilities

CalypsoAI’s platform creates what the company calls an Inference Perimeter that protects across models, vendors, and environments. The offers several products including Inference Red Team, Inference Defend, and Inference Observe, which deliver adversarial testing, threat detection and prevention, and enterprise oversight, respectively, among other capabilities. CalypsoAI says its platform proactively

Read More »

HomeLM: A foundation model for ambient AI

Capabilities of a HomeLM What makes a foundation model like HomeLM powerful is its ability to learn generalizable representations of sensor streams, allowing them to be reused, recombined and adapted across diverse tasks. This fundamentally differs from traditional signal processing and machine learning pipelines in RF sensing, which are typically

Read More »

Cisco’s Splunk embeds agentic AI into security and observability products

AI-powered observability enhancements Cisco also announced it has updated Splunk Observability to use Cisco AgenticOps, which deploys AI agents to automate telemetry collection, detect issues, identify root causes, and apply fixes. The agentic AI updates help enterprise customers automate incident detection, root-cause analysis, and routine fixes. “We are making sure

Read More »

Oil Holds Steady Amid Russia Sanction Uncertainty

Oil held steady as US threats to sanction Russia’s crude failed to materialize, even as mounting Ukrainian drone attacks increased the prospect that the country’s flows would be disrupted. West Texas Intermediate edged up 0.5% to settle below $63 a barrel, after earlier climbing as much as 2.6%. Ukrainian strikes temporarily suspended operations at Primorsk, the main oil-loading port in the region, and targeted three pumping stations pushing crude to the Ust-Luga hub, a person familiar with the situation said. Those are Russia’s two most important crude-exporting hubs on the Baltic coast. “We expect that Ukraine will step up their attacks on Russian energy infrastructure as a ceasefire is still unlikely, and support prices through destruction of oil supply,” Joe DeLaura and Florence Schmit, energy strategists at Rabobank, said in a note, forecasting WTI at $63 a barrel in late 2025. Adding to the focus on Moscow’s exports, the US will urge its allies in the Group of Seven nations to impose tariffs as high as 100% on China and India for their purchases of Russian oil. Canada, which holds the presidency of the G-7, convened a meeting of the group’s finance ministers on Friday to “discuss further measures to increase pressure on Russia and limit their war machinery,” according to a statement. A lack of developments on the sanctions front led traders to unwind bullish positioning going into the weekend amid speculation of whether Trump would follow through on the tariff threats. Further limiting the rally, the International Energy Agency projected a record oil supply surplus next year. A more pessimistic report from the agency on Thursday followed a decision by the OPEC+ producer group to keep returning idled barrels to the market in October, albeit at a lower rate than previous hikes. With WTI buffeted by the competing

Read More »

Trafigura Oil Head Says Assets Support Profit

Trafigura Group’s recent investments in refineries and distribution assets have helped support its oil business, even as rivals saw their profitability slide, according to the trader’s head of oil, Ben Luckock. Investments in distribution business Greenergy, the Fos-sur-Mer refinery in France, and several new vessels have “quickly made a material difference to our business performance and knowledge base,” Luckock said in an interview with Bloomberg News in Singapore on Wednesday. His comments come as some of the world’s biggest energy firms from Gunvor Group to Shell Plc bemoan headline-driven price moves that have dented earnings from trading oil after a period of record profits. “It’s been a difficult nine months for parts of the trading community. Many have struggled with the unpredictable nature of policy-driven volatility,” he said. Meanwhile, margins for refining oil have risen amid robust demand for fuels, while product supplies have been crimped by Ukrainian attacks on Russian production facilities. Trafigura moves enough oil daily to supply France three times over and is the world’s biggest metals trader. The company reshuffled its crude and oil products teams last year, with Dan Woodbridge now running crude and Tom Farrant taking on the global gasoline book. Both have had “a strong last few months in the market,” said Luckock. Although assets can provide trading houses with advantageous market positions, the industry has had a mixed record of managing and integrating upstream, processing and distribution businesses. Trafigura, which has previously taken big write-downs on some of its zinc and oil distribution investments, has established a new division to manage all its assets. “The creation of the Asset Division is the single biggest change we’ve made in recent years. It has already had a very positive impact,” Luckock said. The company is under some pressure to keep profitability high to ensure

Read More »

USA Urges G7 Sanctions on Russian Oil

The US will urge its allies in the Group of Seven to impose tariffs as high as 100% on China and India for their purchases of Russian oil in an effort to convince President Vladimir Putin to end his war in Ukraine.  President Donald Trump said on Friday that his patience with Putin was “running out fast” and threatened new economic sanctions. “It’ll be hitting very hard on with sanctions to banks and having to do with oil and tariffs also,” he said in an interview on Fox News. The US will also tell the G-7 countries they should create a legal pathway to seize immobilized sovereign Russian assets and consider seizing or using the principle of those assets to fund Ukraine’s defense, according to a US proposal seen by Bloomberg. The vast majority of the about $300 billion of Moscow’s immobilized assets are in Europe.  Brent crude futures extended gains following the report, briefly touching a session high. The euro fell to the day’s low and last traded around the $1.1703 mark early in the New York session. A spokesperson from the White House didn’t immediately respond to a request for comment on the proposals. Separately, senior US officials have floated with European counterparts the idea of gradually seizing those frozen Russia assets to increase the pressure on Moscow to enter into negotiations, according to people familiar with the matter who spoke on the condition of anonymity.  Profits generated by the assets are currently being used to provide loans to Ukraine. Canada, which holds the presidency of the G-7, convened a meeting of the group’s finance ministers on Friday to “discuss further measures to increase pressure on Russia and limit their war machinery,” according to a statement.  The US proposal calls for 50% to 100% secondary tariffs on China

Read More »

DOE’s emergency orders create a moral hazard

Jennifer Danis is the federal energy policy director at the Institute for Policy Integrity at New York University School of Law. The U.S. electric grid is a shared, interconnected system. When it fails, it fails for everyone. To prevent this, regulators like the Federal Energy Regulatory Commission and regional grid operators like the Midcontinent Independent System Operator are, among other things, entrusted with a complex, round-the-clock task: ensuring reliability. They administer non-discriminatory markets that serve two-thirds of the U.S. electricity demand, promoting efficiency and reliability by allowing investors to make decisions based on market signals, including higher profits during periods of tighter reliability margins. However, the U.S. Department of Energy is now invoking its emergency authority under Section 202(c) of the Federal Power Act to intervene in these markets. While this power is intended to allow DOE to quickly respond to short-term crises — authorizing orders for up to 90 days — this DOE has demonstrated a willingness to subsequently extend these orders without any reliability entity requesting them or logical terminus, as it did with a Michigan coal power plant that was scheduled to retire in May 2025. This practice raises concerns about the use of an emergency mechanism for what could become a de facto long-term policy. If there were a true energy emergency, the last thing a rational regulator would do is halt energy projects about to supply the grid with low-cost power (like Revolution Wind) and announce policies adding extra-statutory layers of review to other kinds of shovel-ready energy resources simply because they are not this administration’s preferred technologies. While vaguely couched in terms of preventing future outages, DOE’s centralized approach erodes trust in the market system and interferes with the good planning practices that are essential for long-term grid reliability. A departure from historical use

Read More »

Texas regulators approve 2 Entergy gas plants with $2.4B ‘hard cap’

The Public Utility Commission of Texas on Thursday approved a pair of new gas plants proposed by Entergy, but imposed a “hard cap” on costs of $2.4 billion to protect ratepayers following regulator concerns that the utility did not take steps to ensure the projects were cost effective. The 754-MW Legend Power Station and 453-MW Lone Star Power Station plants are “critical to serve the significant growth in southeast Texas,” Entergy Texas CEO Eliecer Viamontes said in a video statement. The utility expects summer coincident peak load to increase by almost 20% by 2028, driven by new customer loads and industrial expansion. Entergy Texas serves about 524,000 customers in 27 counties, and is connected to the Midcontinent Independent System Operator grid. “Entergy has shown a need for this. I think we want them to proceed,” PUCT Chair Thomas Gleeson said at the open meeting. “But given, kind of, the issues with the process … I think it’s appropriate to apply a hard cost cap consistent with the costs that they anticipate and estimate.” Both facilities are planned to be in service by mid-2028, Entergy Texas said. Entergy Texas did not conduct a request for proposals to determine which projects to pursue, drawing concern from the Texas Industrial Energy Consumers group, the Office of Public Utility Counsel and PUCT staff. Texas law does not require an RFP process for generation projects to receive a certificate of convenience and necessity. Entergy says the cost of the gas plants is about 25% below current market prices, and the utility expects they will produce more than $280 million in net benefits. The PUCT approved the projects consistent with a cost cap described in a memo Gleeson filed Wednesday. “The capital costs for the dispatchable portfolio, inclusive of allowance for funds used during construction, on which

Read More »

Saipem Bags $1.5B Offshore Contract

In a statement sent to Rigzone recently by the Saipem team, Saipem announced that it has been awarded a new offshore contract for the Sakarya gas field development worth approximately $1.5 billion. The contract was awarded by Turkish Petroleum OTC for the third phase of the Sakarya gas field development project in Türkiye, the statement highlighted, noting that Sakarya is the largest offshore natural gas field discovered in the country. Saipem said in the statement that the third phase of development “entails a new dedicated floating production unit (FPU), fed by 27 wells located in the Sakarya and Amasra fields, connected by a new trunkline to the onshore facility located in Filyos, on the Turkish Black Sea coast”. The company revealed that its scope of work “encompasses the engineering, procurement, construction and installation (EPCI) of eight rigid flowlines and a 24-inch diameter Gas Export Pipeline (GEP), approximately 183 km long, connecting the offshore field, at a maximum depth of 2,200 meters, to Filyos”. The overall duration of the contract is approximately three years, according to Saipem, which noted in the statement that the offshore campaign will be conducted by the company’s Castorone pipelay vessel in 2027. “Saipem has successfully completed the first phase of the Sakarya field development project awarded in 2021 and is finalizing activities related to the second phase awarded in 2023,” the company said in the statement. “With the signing of this new contract, the company further consolidates its presence in Türkiye and its involvement in a strategic project that contributes to the country’s energy independence,” it added. In a statement posted on his X page this week, which was translated from Turkish and reposted by Turkish Petroleum OTC’s X page, Alparslan Bayraktar, who describes himself on his X page as the Minister of Energy and Natural

Read More »

There are 121 AI processor companies. How many will succeed?

The US currently leads in AI hardware and software, but China’s DeepSeek and Huawei continue to push advanced chips, India has announced an indigenous GPU program targeting production by 2029, and policy shifts in Washington are reshaping the playing field. In Q2, the rollback of export restrictions allowed US companies like Nvidia and AMD to strike multibillion-dollar deals in Saudi Arabia.  JPR categorizes vendors into five segments: IoT (ultra-low-power inference in microcontrollers or small SoCs); Edge (on-device or near-device inference in 1–100W range, used outside data centers); Automotive (distinct enough to break out from Edge); data center training; and data center inference. There is some overlap between segments as many vendors play in multiple segments. Of the five categories, inference has the most startups with 90. Peddie says the inference application list is “humongous,” with everything from wearable health monitors to smart vehicle sensor arrays, to personal items in the home, and every imaginable machine in every imaginable manufacturing and production line, plus robotic box movers and surgeons.  Inference also offers the most versatility. “Smart devices” in the past, like washing machines or coffee makers, could do basically one thing and couldn’t adapt to any changes. “Inference-based systems will be able to duck and weave, adjust in real time, and find alternative solutions, quickly,” said Peddie. Peddie said despite his apparent cynicism, this is an exciting time. “There are really novel ideas being tried like analog neuron processors, and in-memory processors,” he said.

Read More »

Data Center Jobs: Engineering, Construction, Commissioning, Sales, Field Service and Facility Tech Jobs Available in Major Data Center Hotspots

Each month Data Center Frontier, in partnership with Pkaza, posts some of the hottest data center career opportunities in the market. Here’s a look at some of the latest data center jobs posted on the Data Center Frontier jobs board, powered by Pkaza Critical Facilities Recruiting. Looking for Data Center Candidates? Check out Pkaza’s Active Candidate / Featured Candidate Hotlist (and coming soon free Data Center Intern listing). Data Center Critical Facility Manager Impact, TX There position is also available in: Cheyenne, WY; Ashburn, VA or Manassas, VA. This opportunity is working directly with a leading mission-critical data center developer / wholesaler / colo provider. This firm provides data center solutions custom-fit to the requirements of their client’s mission-critical operational facilities. They provide reliability of mission-critical facilities for many of the world’s largest organizations (enterprise and hyperscale customers). This career-growth minded opportunity offers exciting projects with leading-edge technology and innovation as well as competitive salaries and benefits. Electrical Commissioning Engineer New Albany, OH This traveling position is also available in: Richmond, VA; Ashburn, VA; Charlotte, NC; Atlanta, GA; Hampton, GA; Fayetteville, GA; Cedar Rapids, IA; Phoenix, AZ; Dallas, TX or Chicago, IL. *** ALSO looking for a LEAD EE and ME CxA Agents and CxA PMs. *** Our client is an engineering design and commissioning company that has a national footprint and specializes in MEP critical facilities design. They provide design, commissioning, consulting and management expertise in the critical facilities space. They have a mindset to provide reliability, energy efficiency, sustainable design and LEED expertise when providing these consulting services for enterprise, colocation and hyperscale companies. This career-growth minded opportunity offers exciting projects with leading-edge technology and innovation as well as competitive salaries and benefits.  Data Center Engineering Design ManagerAshburn, VA This opportunity is working directly with a leading mission-critical data center developer /

Read More »

Modernizing Legacy Data Centers for the AI Revolution with Schneider Electric’s Steven Carlini

As artificial intelligence workloads drive unprecedented compute density, the U.S. data center industry faces a formidable challenge: modernizing aging facilities that were never designed to support today’s high-density AI servers. In a recent Data Center Frontier podcast, Steven Carlini, Vice President of Innovation and Data Centers at Schneider Electric, shared his insights on how operators are confronting these transformative pressures. “Many of these data centers were built with the expectation they would go through three, four, five IT refresh cycles,” Carlini explains. “Back then, growth in rack density was moderate. Facilities were designed for 10, 12 kilowatts per rack. Now with systems like Nvidia’s Blackwell, we’re seeing 132 kilowatts per rack, and each rack can weigh 5,000 pounds.” The implications are seismic. Legacy racks, floor layouts, power distribution systems, and cooling infrastructure were simply not engineered for such extreme densities. “With densification, a lot of the power distribution, cooling systems, even the rack systems — the new servers don’t fit in those racks. You need more room behind the racks for power and cooling. Almost everything needs to be changed,” Carlini notes. For operators, the first questions are inevitably about power availability. At 132 kilowatts per rack, even a single cluster can challenge the limits of older infrastructure. Many facilities are conducting rigorous evaluations to decide whether retrofitting is feasible or whether building new sites is the more practical solution. Carlini adds, “You may have transformers spaced every hundred yards, twenty of them. Now, one larger transformer can replace that footprint, and power distribution units feed busways that supply each accelerated compute rack. The scale and complexity are unlike anything we’ve seen before.” Safety considerations also intensify with these densifications. “At 132 kilowatts, maintenance is still feasible,” Carlini says, “but as voltages rise, data centers are moving toward environments where

Read More »

Google Backs Advanced Nuclear at TVA’s Clinch River as ORNL Pushes Quantum Frontiers

Inside the Hermes Reactor Design Kairos Power’s Hermes reactor is based on its KP-FHR architecture — short for fluoride salt–cooled, high-temperature reactor. Unlike conventional water-cooled reactors, Hermes uses a molten salt mixture called FLiBe (lithium fluoride and beryllium fluoride) as a coolant. Because FLiBe operates at atmospheric pressure, the design eliminates the risk of high-pressure ruptures and allows for inherently safer operation. Fuel for Hermes comes in the form of TRISO particles rather than traditional enriched uranium fuel rods. Each TRISO particle is encapsulated within ceramic layers that function like miniature containment vessels. These particles can withstand temperatures above 1,600 °C — far beyond the reactor’s normal operating range of about 700 °C. In combination with the salt coolant, Hermes achieves outlet temperatures between 650–750 °C, enabling efficient power generation and potential industrial applications such as hydrogen production. Because the salt coolant is chemically stable and requires no pressurization, the reactor can shut down and dissipate heat passively, without external power or operator intervention. This passive safety profile differentiates Hermes from traditional light-water reactors and reflects the Generation IV industry focus on safer, modular designs. From Hermes-1 to Hermes-2: Iterative Nuclear Development The first step in Kairos’ roadmap is Hermes-1, a 35 MW thermal demonstration reactor now under construction at TVA’s Clinch River site under a 2023 NRC license. Hermes-1 is not designed to generate electricity but will validate reactor physics, fuel handling, licensing strategies, and construction techniques. Building on that experience, Hermes-2 will be a 50 MW electric reactor connected to TVA’s grid, with operations targeted for 2030. Under the agreement, TVA will purchase electricity from Hermes-2 and supply it to Google’s data centers in Tennessee and Alabama. Kairos describes its development philosophy as “iterative,” scaling incrementally rather than attempting to deploy large fleets of units at once. By

Read More »

NVIDIA Forecasts $3–$4 Trillion AI Market, Driving Next Wave of Infrastructure

Whenever behemoth chipmaker NVIDIA announces its quarterly earnings, those results can have a massive influence on the stock market and its position as a key indicator for the AI industry. After all, NVIDIA is the most valuable publicly traded company in the world, valued at $4.24 trillion—ahead of Microsoft ($3.74 trillion), Apple ($3.41 trillion), Alphabet, the parent company of Google ($2.57 trillion), and Amazon ($2.44 trillion). Due to its explosive growth in recent years, a single NVIDIA earnings report can move the entire market. So, when NVIDIA leaders announced during their August 27 earnings call that Q2 2026 sales surged 56% to $46.74 billion, it was a record-setting performance for the company—and investors took notice. Executive VP & CFO Colette M. Kress said the revenue exceeded leadership’s outlook as the company grew sequentially across all market platforms. She outlined a path toward substantial growth driven by AI infrastructure. Foreseeing significant long-term growth opportunities in agentic AI and considering the scale of opportunity, CEO Jensen Huang said, “Over the next 5 years, we’re going to scale into it with Blackwell [architecture for GenAI], with Rubin [successor to Blackwell], and follow-ons to scale into effectively a $3 trillion to $4 trillion AI infrastructure opportunity.” The chipmaker’s Q2 2026 earnings fell short of Wall Street’s lofty expectations, but they did demonstrate that its sales are still rising faster than those of most other tech companies. NVIDIA is expected to post revenue growth of at least 42% over the next four quarters, compared with an average of about 10% for firms in the technology-heavy Nasdaq 100 Index, according to data compiled by Bloomberg Intelligence. On August 29, two days after announcing their earnings, NVIDIA stocks slid 3% and other chip stocks also declined. This came amid a broader sell-off after server-maker Dell, a customer of those chipmakers,

Read More »

Cologix and Lambda Debut NVIDIA HGX B200 AI Clusters in Columbus, Ohio

In our latest episode of the Data Center Frontier Show, we explore how powerhouse AI infrastructure is moving inland—anchored by the first NVIDIA HGX B200 cluster deployment in Columbus, Ohio. Cologix, Lambda, and Supermicro have partnered on the project, which combines Lambda’s 1-Click Clusters™, Supermicro’s energy-efficient hardware, and Cologix’s carrier-dense Scalelogix℠ COL4 facility. It’s a milestone that speaks to the rapid decentralization of AI workloads and the emergence of the Midwest as a serious player in the AI economy. Joining me for the conversation were Bill Bentley, VP Hyperscale and Cloud Sales at Cologix, and Ken Patchett, VP Data Center Infrastructure at Lambda. Why Columbus, Why Now? Asked about the significance of launching in Columbus, Patchett framed the move in terms of the coming era of “superintelligence.” “The shift to superintelligence is happening now—systems that can reason, adapt, and accelerate human progress,” Patchett said. “That requires an entirely new type of infrastructure, which means capital, vision, and the right partners. Columbus with Cologix made sense because beyond being centrally located, they’re highly connected, cost-efficient, and built to scale. We’re not chasing trends. We’re laying the groundwork for a future where intelligence infrastructure is as ubiquitous as electricity.” Bentley pointed to the city’s underlying strengths in connectivity, incentives, and utility economics. “Columbus is uniquely situated at the intersection of long-haul fiber,” Bentley said. “You’ve got state tax incentives, low-cost utilities, and a growing concentration of hyperscalers and local enterprises. The ecosystem is ripe for growth. It’s a natural geography for AI workloads that need geographic diversity without sacrificing performance.” Shifting—or Expanding—the Map for AI The guests agreed that deployments like this don’t represent a wholesale shift away from coastal hyperscale markets, but rather the expansion of AI’s footprint across multiple geographies. “I like to think of Lambda as an AI hyperscaler,”

Read More »

Microsoft will invest $80B in AI data centers in fiscal 2025

And Microsoft isn’t the only one that is ramping up its investments into AI-enabled data centers. Rival cloud service providers are all investing in either upgrading or opening new data centers to capture a larger chunk of business from developers and users of large language models (LLMs).  In a report published in October 2024, Bloomberg Intelligence estimated that demand for generative AI would push Microsoft, AWS, Google, Oracle, Meta, and Apple would between them devote $200 billion to capex in 2025, up from $110 billion in 2023. Microsoft is one of the biggest spenders, followed closely by Google and AWS, Bloomberg Intelligence said. Its estimate of Microsoft’s capital spending on AI, at $62.4 billion for calendar 2025, is lower than Smith’s claim that the company will invest $80 billion in the fiscal year to June 30, 2025. Both figures, though, are way higher than Microsoft’s 2020 capital expenditure of “just” $17.6 billion. The majority of the increased spending is tied to cloud services and the expansion of AI infrastructure needed to provide compute capacity for OpenAI workloads. Separately, last October Amazon CEO Andy Jassy said his company planned total capex spend of $75 billion in 2024 and even more in 2025, with much of it going to AWS, its cloud computing division.

Read More »

John Deere unveils more autonomous farm machines to address skill labor shortage

Join our daily and weekly newsletters for the latest updates and exclusive content on industry-leading AI coverage. Learn More Self-driving tractors might be the path to self-driving cars. John Deere has revealed a new line of autonomous machines and tech across agriculture, construction and commercial landscaping. The Moline, Illinois-based John Deere has been in business for 187 years, yet it’s been a regular as a non-tech company showing off technology at the big tech trade show in Las Vegas and is back at CES 2025 with more autonomous tractors and other vehicles. This is not something we usually cover, but John Deere has a lot of data that is interesting in the big picture of tech. The message from the company is that there aren’t enough skilled farm laborers to do the work that its customers need. It’s been a challenge for most of the last two decades, said Jahmy Hindman, CTO at John Deere, in a briefing. Much of the tech will come this fall and after that. He noted that the average farmer in the U.S. is over 58 and works 12 to 18 hours a day to grow food for us. And he said the American Farm Bureau Federation estimates there are roughly 2.4 million farm jobs that need to be filled annually; and the agricultural work force continues to shrink. (This is my hint to the anti-immigration crowd). John Deere’s autonomous 9RX Tractor. Farmers can oversee it using an app. While each of these industries experiences their own set of challenges, a commonality across all is skilled labor availability. In construction, about 80% percent of contractors struggle to find skilled labor. And in commercial landscaping, 86% of landscaping business owners can’t find labor to fill open positions, he said. “They have to figure out how to do

Read More »

2025 playbook for enterprise AI success, from agents to evals

Join our daily and weekly newsletters for the latest updates and exclusive content on industry-leading AI coverage. Learn More 2025 is poised to be a pivotal year for enterprise AI. The past year has seen rapid innovation, and this year will see the same. This has made it more critical than ever to revisit your AI strategy to stay competitive and create value for your customers. From scaling AI agents to optimizing costs, here are the five critical areas enterprises should prioritize for their AI strategy this year. 1. Agents: the next generation of automation AI agents are no longer theoretical. In 2025, they’re indispensable tools for enterprises looking to streamline operations and enhance customer interactions. Unlike traditional software, agents powered by large language models (LLMs) can make nuanced decisions, navigate complex multi-step tasks, and integrate seamlessly with tools and APIs. At the start of 2024, agents were not ready for prime time, making frustrating mistakes like hallucinating URLs. They started getting better as frontier large language models themselves improved. “Let me put it this way,” said Sam Witteveen, cofounder of Red Dragon, a company that develops agents for companies, and that recently reviewed the 48 agents it built last year. “Interestingly, the ones that we built at the start of the year, a lot of those worked way better at the end of the year just because the models got better.” Witteveen shared this in the video podcast we filmed to discuss these five big trends in detail. Models are getting better and hallucinating less, and they’re also being trained to do agentic tasks. Another feature that the model providers are researching is a way to use the LLM as a judge, and as models get cheaper (something we’ll cover below), companies can use three or more models to

Read More »

OpenAI’s red teaming innovations define new essentials for security leaders in the AI era

Join our daily and weekly newsletters for the latest updates and exclusive content on industry-leading AI coverage. Learn More OpenAI has taken a more aggressive approach to red teaming than its AI competitors, demonstrating its security teams’ advanced capabilities in two areas: multi-step reinforcement and external red teaming. OpenAI recently released two papers that set a new competitive standard for improving the quality, reliability and safety of AI models in these two techniques and more. The first paper, “OpenAI’s Approach to External Red Teaming for AI Models and Systems,” reports that specialized teams outside the company have proven effective in uncovering vulnerabilities that might otherwise have made it into a released model because in-house testing techniques may have missed them. In the second paper, “Diverse and Effective Red Teaming with Auto-Generated Rewards and Multi-Step Reinforcement Learning,” OpenAI introduces an automated framework that relies on iterative reinforcement learning to generate a broad spectrum of novel, wide-ranging attacks. Going all-in on red teaming pays practical, competitive dividends It’s encouraging to see competitive intensity in red teaming growing among AI companies. When Anthropic released its AI red team guidelines in June of last year, it joined AI providers including Google, Microsoft, Nvidia, OpenAI, and even the U.S.’s National Institute of Standards and Technology (NIST), which all had released red teaming frameworks. Investing heavily in red teaming yields tangible benefits for security leaders in any organization. OpenAI’s paper on external red teaming provides a detailed analysis of how the company strives to create specialized external teams that include cybersecurity and subject matter experts. The goal is to see if knowledgeable external teams can defeat models’ security perimeters and find gaps in their security, biases and controls that prompt-based testing couldn’t find. What makes OpenAI’s recent papers noteworthy is how well they define using human-in-the-middle

Read More »