Edit model card

You need to agree to share your contact information to access this model

This repository is publicly accessible, but you have to accept the conditions to access its files and content.

Log in or Sign Up to review the conditions and access this model content.

ParticleNet: AI for Identifying Particles on Clothes Overview ParticleNet is a deep learning model designed to identify various types of particles on clothes. Utilizing convolutional neural networks (CNNs) for feature extraction, it processes images to classify different particle types with high accuracy. This model can be applied in quality control for the textile industry, ensuring garments are free from unwanted particles.

Model Architecture ParticleNet features a series of convolutional layers with batch normalization and max pooling, followed by fully connected layers and a dropout layer to prevent overfitting. The final layer uses a softmax activation to output class probabilities.

Training The model is trained using labeled images of clothes with different particles. Data augmentation and normalization techniques are employed to enhance generalization.

from tensorflow.keras.preprocessing.image import ImageDataGenerator

Assuming you have training and validation directories with subdirectories for each class

train_datagen = ImageDataGenerator(rescale=1./255) val_datagen = ImageDataGenerator(rescale=1./255)

train_generator = train_datagen.flow_from_directory( 'path_to_train_data', target_size=(128, 128), batch_size=32, class_mode='categorical' )

validation_generator = val_datagen.flow_from_directory( 'path_to_validation_data', target_size=(128, 128), batch_size=32, class_mode='categorical' )

history = model.fit( train_generator, epochs=10, # Adjust based on your needs validation_data=validation_generator )

Performance ParticleNet achieves excellent performance on a variety of particle types, making it a reliable tool for automated inspection systems.

import tensorflow as tf from tensorflow.keras.layers import Input, Dense, Conv2D, MaxPooling2D, Flatten, Dropout, BatchNormalization from tensorflow.keras.models import Model

def build_particle_net(input_shape, num_classes): inputs = Input(shape=input_shape) x = Conv2D(32, (3, 3), activation='relu', padding='same')(inputs) x = MaxPooling2D((2, 2))(x) x = BatchNormalization()(x)

x = Conv2D(64, (3, 3), activation='relu', padding='same')(x)
x = MaxPooling2D((2, 2))(x)
x = BatchNormalization()(x)

x = Conv2D(128, (3, 3), activation='relu', padding='same')(x)
x = MaxPooling2D((2, 2))(x)
x = BatchNormalization()(x)

x = Flatten()(x)
x = Dense(128, activation='relu')(x)
x = Dropout(0.5)(x)
x = Dense(num_classes, activation='softmax')(x)

model = Model(inputs=inputs, outputs=x)
return model

Example usage:

input_shape = (128, 128, 3) num_classes = 10 particle_net = build_particle_net(input_shape, num_classes) particle_net.compile(optimizer='adam', loss='categorical_crossentropy', metrics=['accuracy'])

Downloads last month
0
Unable to determine this model's library. Check the docs .

Collection including JackyAI/ParticleNet