首頁 >後端開發 >Python教學 >Python 中的人工智慧輪胎凹槽分析!

Python 中的人工智慧輪胎凹槽分析!

Barbara Streisand
Barbara Streisand原創
2024-11-03 07:30:30521瀏覽

輪胎胎面分析是識別磨損和確保安全的關鍵任務,尤其是對於長途行駛的車輛。使用人工智慧 (AI) 和 Python,我們可以快速且準確地自動化此流程。在這裡,我們展示了基於 VGG16 架構的捲積神經網路 (CNN) 模型如何將輪胎分類為“新”或“舊”,而 OpenCV 則幫助分析圖像以測量胎面深度。

使用的技術

  • Python:
    適用於人工智慧和機器學習的流行程式語言,尤其是其高級程式庫。

  • OpenCV:
    用於處理影像、檢測輪廓和測量輪胎胎面面積。

  • TensorFlow 與 Keras:
    深度學習庫。我們使用 Keras 來處理 VGG16 模型,這是一個用於影像辨識的預訓練 CNN。

  • Matplotlib:
    用於資料視覺化和圖形建立的庫,使分類結果更易於解釋。

代碼:

1。載入與預處理影像:
上傳輪胎影像並將其大小調整為模型輸入所需的標準格式(150x150 像素)。這種大小調整保持了縱橫比,並將像素值標準化在 0 和 1 之間,以便模型更容易處理。

import cv2
import numpy as np
from tensorflow.keras.applications.vgg16 import preprocess_input

def process_image(image_path, target_size=(150, 150)):
    image = cv2.imread(image_path)
    if image is None:
        print(f"Erro ao carregar a imagem: {image_path}. Verifique o caminho e a integridade do arquivo.")
        return None, None

    image_resized = cv2.resize(image, target_size, interpolation=cv2.INTER_AREA)
    image_array = np.array(image_resized) / 255.0  
    image_array = np.expand_dims(image_array, axis=0)
    image_preprocessed = preprocess_input(image_array)

    return image_resized, image_preprocessed

2。使用訓練模型進行分類:
我們加載了預先訓練的捲積神經網路模型,該模型經過微調以將輪胎分類為“新”或“舊”。該模型提供了一個置信度分數,表明輪胎是新輪胎的機率。

from tensorflow.keras.models import load_model

model = load_model('pneu_classificador.keras')
prediction = model.predict(image_preprocessed)

3。凹槽深度輪廓分析:
使用電腦視覺技術執行凹槽深度檢測。灰階影像經過模糊濾鏡和 Canny 邊緣偵測,這有助於識別凹槽輪廓。然後我們計算輪廓的總面積,這使我們能夠估計磨損。

def detect_tread_depth(image):
    gray = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY)
    blurred = cv2.GaussianBlur(gray, (5, 5), 0)
    edges = cv2.Canny(blurred, 30, 100)
    contours, _ = cv2.findContours(edges, cv2.RETR_EXTERNAL, cv2.CHAIN_APPROX_SIMPLE)
    total_area = sum(cv2.contourArea(c) for c in contours if cv2.contourArea(c) > 100)
    return total_area

4。結果視覺化與分析:
對每個輪胎進行分類和分析後,以 Matplotlib 顯示結果。我們比較了每張影像中偵測到的分類置信度得分和凹槽區域。

import matplotlib.pyplot as plt

confidence_scores = []
total_area_green_values = []
predicted_classes = []

for image_file in os.listdir(ver_dir):
    image_path = os.path.join(ver_dir, image_file)
    image_resized, image_preprocessed = process_image(image_path)
    if image_preprocessed is not None:
        prediction = model.predict(image_preprocessed)
        confidence_score = prediction[0][0]
        total_area_green = detect_tread_depth(image_resized)

        predicted_class = "novo" if total_area_green > 500 else "usado"
        confidence_scores.append(confidence_score)
        total_area_green_values.append(total_area_green)
        predicted_classes.append(predicted_class)

        plt.imshow(cv2.cvtColor(image_resized, cv2.COLOR_BGR2RGB))
        plt.title(f"Pneu {predicted_class} (Área: {total_area_green:.2f}, Confiança: {confidence_score:.2f})")
        plt.axis('off')
        plt.show()

fig, axs = plt.subplots(2, 1, figsize=(10, 10))

axs[0].bar(os.listdir(ver_dir), confidence_scores, color='skyblue')
axs[0].set_title('Confiança na Classificação')
axs[0].set_ylim(0, 1)
axs[0].tick_params(axis='x', rotation=45)

axs[1].bar(os.listdir(ver_dir), total_area_green_values, color='lightgreen')
axs[1].set_title('Área Verde Detectada')
axs[1].tick_params(axis='x', rotation=45)

plt.tight_layout()
plt.show()

Análise de Sulco de Pneus com Inteligência Artificial em Python!

Análise de Sulco de Pneus com Inteligência Artificial em Python!

Análise de Sulco de Pneus com Inteligência Artificial em Python!

我的這個專案示範如何使用人工智慧和電腦視覺自動進行輪胎磨損分析,從而實現準確、快速的分類。 VGG16 架構和 OpenCV 的使用是將神經網路模型準確性與視覺腦溝分析相結合的關鍵。該系統可擴展為跨車隊進行持續監控,有助於減少事故並優化輪胎管理。

以上是Python 中的人工智慧輪胎凹槽分析!的詳細內容。更多資訊請關注PHP中文網其他相關文章!

陳述:
本文內容由網友自願投稿,版權歸原作者所有。本站不承擔相應的法律責任。如發現涉嫌抄襲或侵權的內容,請聯絡admin@php.cn