Skip to content
View MUHAMMADAKMAL137's full-sized avatar

Block or report MUHAMMADAKMAL137

Block user

Prevent this user from interacting with your repositories and sending you notifications. Learn more about blocking users.

You must be logged in to block users.

Please don't include any personal information such as legal names or email addresses. Maximum 100 characters, markdown supported. This note will be visible to only you.
Report abuse

Contact GitHub support about this user’s behavior. Learn more about reporting abuse.

Report abuse

Pinned Loading

  1. Optuna-based-Hyperparameter-Optimization-for-Machine-Learning-Models-Static-and-Dynamic-Tuning Optuna-based-Hyperparameter-Optimization-for-Machine-Learning-Models-Static-and-Dynamic-Tuning Public

    This Optuna-based hyperparameter optimization study performs both static and dynamic tuning of hyperparameters for machine learning models (SVM, RandomForest, and GradientBoosting) to maximize accu…

    Jupyter Notebook 1

  2. Pytorch_Training_Pipeline_Using_Dataset_And_Dataloader_Class.ipynb Pytorch_Training_Pipeline_Using_Dataset_And_Dataloader_Class.ipynb Public

    Binary classification of breast cancer using PyTorch. Used StandardScaler, LabelEncoder, Dataset, DataLoader, custom nn.Module model, BCELoss, and SGD. Focused on implementing a complete training p…

    Jupyter Notebook 1

  3. IMDB-Dataset-Classification-using-Pre-trained-Word-Embedding-with-GloVec-6B IMDB-Dataset-Classification-using-Pre-trained-Word-Embedding-with-GloVec-6B Public

    In this project, I worked with a small corpus consisting of simple sentences. I tokenized the words using n-grams from the NLTK library and performed word-level and character-level one-hot encoding…

    Jupyter Notebook 2

  4. FashionMNIST-Classification-Using-Transfer-Learning-with-Pretrained-AlexNet FashionMNIST-Classification-Using-Transfer-Learning-with-Pretrained-AlexNet Public

    This project applies transfer learning using a pretrained AlexNet model to classify FashionMNIST images. The model was fine-tuned and trained on GPU after necessary preprocessing. It achieved 93.16…

    Jupyter Notebook 1

  5. CNN-Model-for-Fashion-MNIST-Classification CNN-Model-for-Fashion-MNIST-Classification Public

    This project demonstrates the implementation of a Convolutional Neural Network (CNN) using PyTorch, designed to classify fashion items from the Fashion MNIST dataset. The model was trained using GP…

    Jupyter Notebook 1

  6. GPU-Accelerated-Next-Word-Prediction-Using-LSTM-and-PyTorch GPU-Accelerated-Next-Word-Prediction-Using-LSTM-and-PyTorch Public

    This repository implements a GPU-accelerated next-word prediction model using PyTorch and LSTM. It includes data preprocessing with NLTK, vocabulary creation, training on tokenized text, and genera…

    Jupyter Notebook 1