Pinned Loading
-
Optuna-based-Hyperparameter-Optimization-for-Machine-Learning-Models-Static-and-Dynamic-Tuning
Optuna-based-Hyperparameter-Optimization-for-Machine-Learning-Models-Static-and-Dynamic-Tuning PublicThis 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
-
Pytorch_Training_Pipeline_Using_Dataset_And_Dataloader_Class.ipynb
Pytorch_Training_Pipeline_Using_Dataset_And_Dataloader_Class.ipynb PublicBinary 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
-
IMDB-Dataset-Classification-using-Pre-trained-Word-Embedding-with-GloVec-6B
IMDB-Dataset-Classification-using-Pre-trained-Word-Embedding-with-GloVec-6B PublicIn 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
-
FashionMNIST-Classification-Using-Transfer-Learning-with-Pretrained-AlexNet
FashionMNIST-Classification-Using-Transfer-Learning-with-Pretrained-AlexNet PublicThis 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
-
CNN-Model-for-Fashion-MNIST-Classification
CNN-Model-for-Fashion-MNIST-Classification PublicThis 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
-
GPU-Accelerated-Next-Word-Prediction-Using-LSTM-and-PyTorch
GPU-Accelerated-Next-Word-Prediction-Using-LSTM-and-PyTorch PublicThis 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
If the problem persists, check the GitHub status page or contact support.