From 5dc85a7d62dbd4a18820b69d93e8cb919bfe1f0e Mon Sep 17 00:00:00 2001 From: Archita Paul <146704161+Archi20876@users.noreply.github.com> Date: Tue, 22 Oct 2024 09:47:20 +0530 Subject: [PATCH 01/12] Create README.md --- .../Bird species classification/README.md | 25 +++++++++++++++++++ 1 file changed, 25 insertions(+) create mode 100644 Classification Models/Bird species classification/README.md diff --git a/Classification Models/Bird species classification/README.md b/Classification Models/Bird species classification/README.md new file mode 100644 index 000000000..a5cc2510e --- /dev/null +++ b/Classification Models/Bird species classification/README.md @@ -0,0 +1,25 @@ +# **Bird Species Classification** 🐦 + +### 🎯 Goal +The primary goal of this project is to build deep learning models to classify Bird species . + +### 🧡 Dataset : https://www.kaggle.com/datasets/akash2907/bird-species-classification/data + +### 🧾 Description +This dataset consists of over 170 labeled images of birds, including validation images. Each image belongs to only one bird category. The challenge is to develop models that can accurately classify these images into the correct species. + +### πŸ“š Libraries Needed +- os - Provides functions to interact with the operating system. +- shutil - Offers file operations like copying, moving, and removing files. +- time - Used for time-related functions. +- torch - Core library for PyTorch, used for deep learning. +- torch.nn - Contains neural network layers and loss functions. +- torchvision - Provides datasets, models, and image transformation tools for computer vision. +- torchvision.transforms - Contains common image transformation operations. +- torch.optim - Optimizers for training neural networks. +- matplotlib.pyplot - Used for data visualization, like plotting graphs. + +## EDA Result πŸ‘‰ [Classified Bird Species](https://github.com/Archi20876/machine-learning-repos/blob/main/Classification%20Models/Bird%20species%20classification/bird-species-classification.ipynb) + + + From d03111fe3f69a01d1037b956f4bfee7a50374649 Mon Sep 17 00:00:00 2001 From: Archita Paul <146704161+Archi20876@users.noreply.github.com> Date: Tue, 22 Oct 2024 10:00:30 +0530 Subject: [PATCH 02/12] Create README.md --- .../README.md | 20 +++++++++++++++++++ 1 file changed, 20 insertions(+) create mode 100644 Classification Models/CSGO Round Winner Classification/README.md diff --git a/Classification Models/CSGO Round Winner Classification/README.md b/Classification Models/CSGO Round Winner Classification/README.md new file mode 100644 index 000000000..53e54c31c --- /dev/null +++ b/Classification Models/CSGO Round Winner Classification/README.md @@ -0,0 +1,20 @@ +# **CSGO Round Winter Classification** + +### 🎯 Goal +Predict the Winning individual of Snapshots round + +### 🧡 Dataset : [LINK](https://github.com/Archi20876/machine-learning-repos/blob/main/Classification%20Models/CSGO%20Round%20Winner%20Classification/Dataset/csgo.csv) + + +### 🧾 Description +This dataset consists of over 170 labeled images of birds, including validation images. Each image belongs to only one bird category. The challenge is to develop models that can accurately classify these images into the correct species. + +### πŸ“š Libraries Needed +- Numpy +- Pandas +- Matplotlib +- Seaborn +- Scikit-Learn + +## EDA Result πŸ‘‰ [CSGO Round Winter.ipynb](https://github.com/Archi20876/machine-learning-repos/blob/main/Classification%20Models/CSGO%20Round%20Winner%20Classification/Model/CS_GO_Round_Winner_Classification.ipynb) +### For more information please refer to [Model](https://github.com/Archi20876/machine-learning-repos/tree/main/Classification%20Models/CSGO%20Round%20Winner%20Classification/Model) From 0db7b52a10a1ba653d44865d6529db494d0fbb02 Mon Sep 17 00:00:00 2001 From: Archita Paul <146704161+Archi20876@users.noreply.github.com> Date: Tue, 22 Oct 2024 20:38:48 +0530 Subject: [PATCH 03/12] Create README.md --- .../Cartier Jewelry Classification/README.md | 22 +++++++++++++++++++ 1 file changed, 22 insertions(+) create mode 100644 Classification Models/Cartier Jewelry Classification/README.md diff --git a/Classification Models/Cartier Jewelry Classification/README.md b/Classification Models/Cartier Jewelry Classification/README.md new file mode 100644 index 000000000..9b9b4a6c6 --- /dev/null +++ b/Classification Models/Cartier Jewelry Classification/README.md @@ -0,0 +1,22 @@ +# **Cartier Jewelry Classification** πŸ’Ž + +### 🎯 Goal +The aim of this project is to make a classification model, which will classify the jewelries based on the various features. + + +### 🧡 Dataset : [LINK](https://github.com/Archi20876/machine-learning-repos/blob/main/Classification%20Models/Cartier%20Jewelry%20Classification/Dataset/cartier_catalog.csv) + +### 🧾 Description +Cartier International SNC, or simply Cartier (/ˈkɑːrtieΙͺ/; French: [kaʁtje]), is a French luxury goods conglomerate which designs, manufactures, distributes, and sells jewellery and watches. Founded by Louis-FranΓ§ois Cartier in Paris in 1847, the company remained under family control until 1964. The company maintains its headquarters in Paris, although it is a wholly owned subsidiary of the Swiss Richemont Group. Cartier operates more than 200 stores in 125 countries, with three Temples (Historical Maisons) in London, New York, and Paris. + +### πŸ“š Libraries Needed +- Numpy +- Pandas +- Matplotlib +- XgBoost +- Sklearn +- seaborn + + +## EDA Result πŸ‘‰ [ Cartier Classification.ipynb](https://github.com/Archi20876/machine-learning-repos/blob/main/Classification%20Models/Cartier%20Jewelry%20Classification/Model/cartier_jewelry_classification.ipynb) +### For more information please refer to [Model](https://github.com/Archi20876/machine-learning-repos/tree/main/Classification%20Models/Cartier%20Jewelry%20Classification/Model) From 87c0ae09b3c512c9feed358809fca3cc97e0b561 Mon Sep 17 00:00:00 2001 From: Archita Paul <146704161+Archi20876@users.noreply.github.com> Date: Tue, 22 Oct 2024 20:57:26 +0530 Subject: [PATCH 04/12] Create README.md --- .../Mental Disorder Classification/README.md | 19 +++++++++++++++++++ 1 file changed, 19 insertions(+) create mode 100644 Classification Models/Mental Disorder Classification/README.md diff --git a/Classification Models/Mental Disorder Classification/README.md b/Classification Models/Mental Disorder Classification/README.md new file mode 100644 index 000000000..7a24ceb71 --- /dev/null +++ b/Classification Models/Mental Disorder Classification/README.md @@ -0,0 +1,19 @@ +# **Mental Disorder Classification** ❀️ + +### 🎯 Goal + +The aim of this project is to make a classification model, which will classify the jewelries based on the various features. + + +### 🧡 Dataset : [LINK](https://github.com/Archi20876/machine-learning-repos/blob/main/Classification%20Models/Mental%20Disorder%20Classification/Dataset-Mental-Disorders.csv) + +### 🧾 Description +A mental disorder classification system is designed to identify, categorize, and diagnose various mental health conditions based on specific criteria. This classification helps in understanding the nature, symptoms, and causes of mental disorders, which include a wide range of conditions such as anxiety disorders, mood disorders, psychotic disorders, eating disorders, and neurodevelopmental disorders. + +### πŸ“š Libraries Needed +- Numpy +- Pandas +- Matplotlib + + +## EDA Result πŸ‘‰ [ Mental Disorder Classification.ipynb](https://github.com/Archi20876/machine-learning-repos/blob/main/Classification%20Models/Mental%20Disorder%20Classification/mental-disorder-classification.ipynb) From e094555f1a04f002dd75e17f4883f36263b648be Mon Sep 17 00:00:00 2001 From: Archita Paul <146704161+Archi20876@users.noreply.github.com> Date: Tue, 22 Oct 2024 22:29:24 +0530 Subject: [PATCH 05/12] Create Readme.md --- .../Readme.md | 29 +++++++++++++++++++ 1 file changed, 29 insertions(+) create mode 100644 Classification Models/Tomato Leaf Diseases Classification/Readme.md diff --git a/Classification Models/Tomato Leaf Diseases Classification/Readme.md b/Classification Models/Tomato Leaf Diseases Classification/Readme.md new file mode 100644 index 000000000..8a35c0019 --- /dev/null +++ b/Classification Models/Tomato Leaf Diseases Classification/Readme.md @@ -0,0 +1,29 @@ +# **Tomato Leaf Diseases Classification** πŸ… + +### 🎯 Goal + +The aim of this project is to make a classification model, which will classify the tomatoes based on its diseases , so that farmers can find cure to thier diseases. + + +### 🧡 Dataset : [LINK](https://www.kaggle.com/datasets/kaustubhb999/tomatoleaf) + + +### 🧾 Description +Tomato disease classification involves identifying and diagnosing various diseases affecting tomato plants by analyzing the visual symptoms on leaves, stems, and fruits. Common diseases include early blight, late blight, and leaf spot, which can cause significant crop loss if not detected and managed promptly. + +### πŸ“š Libraries Needed +- os +- tensorflow +- matplotlib.pyplot +- matplotlib.image +- tensorflow.keras.models +- tensorflow.keras.optimizers +- tensorflow.keras.callbacks +- tensorflow.keras.regularizers +- tensorflow.keras.preprocessing.image +- tensorflow.keras.layers +- tensorflow.keras.applications + + + +## EDA Result πŸ‘‰ [ Tomato Leaf Classification.ipynb](https://github.com/Archi20876/machine-learning-repos/blob/main/Classification%20Models/Tomato%20Leaf%20Diseases%20Classification/Tomato_Leaf_Diseases_Classification.ipynb) From 44f4e55224d7a15b51eb8f6f989a6cd4cd793090 Mon Sep 17 00:00:00 2001 From: Archita Paul <146704161+Archi20876@users.noreply.github.com> Date: Wed, 23 Oct 2024 09:30:03 +0530 Subject: [PATCH 06/12] Create README.md --- .../README.md | 24 +++++++++++++++++++ 1 file changed, 24 insertions(+) create mode 100644 Classification Models/Spatial clustering and hot spot analysis/README.md diff --git a/Classification Models/Spatial clustering and hot spot analysis/README.md b/Classification Models/Spatial clustering and hot spot analysis/README.md new file mode 100644 index 000000000..192ca68f3 --- /dev/null +++ b/Classification Models/Spatial clustering and hot spot analysis/README.md @@ -0,0 +1,24 @@ +# **Spatial Clustering and Hot Spot Analysis** πŸ… + +### 🎯 Goal + +"To identify spatial clusters and statistically significant hot spots in geographical data, enabling the detection of patterns, trends, and anomalies for informed decision-making. + +### 🧡 Dataset : [LINK](https://github.com/Archi20876/machine-learning-repos/blob/main/Classification%20Models/Spatial%20clustering%20and%20hot%20spot%20analysis/synthetic_spatial_data.csv) + + +### 🧾 Description +Spatial Cluster and Hot Spot Analysis are techniques used in geographic information systems (GIS) and spatial data analysis to identify patterns, concentrations, or anomalies in spatial data. + +### πŸ“š Libraries Needed +- pandas +- numpy +- geopandas +- shapely.geometry.Point +- sklearn.cluster.DBSCAN +- esda.getisord.G +- libpysal.weights.DistanceBand +- matplotlib.pyplot + + +## EDA Result πŸ‘‰ [ Spatial Cluster and Hot Spot Analysis.ipynb](https://github.com/Archi20876/machine-learning-repos/blob/main/Classification%20Models/Spatial%20clustering%20and%20hot%20spot%20analysis/Spatial_clustering_and_hot_spot_analysis_.ipynb) From 666e546dd047ff177f0dfbe93ce60a33848c9ee3 Mon Sep 17 00:00:00 2001 From: Archita Paul <146704161+Archi20876@users.noreply.github.com> Date: Wed, 23 Oct 2024 09:30:49 +0530 Subject: [PATCH 07/12] Update README.md --- .../Spatial clustering and hot spot analysis/README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/Classification Models/Spatial clustering and hot spot analysis/README.md b/Classification Models/Spatial clustering and hot spot analysis/README.md index 192ca68f3..34c905bbf 100644 --- a/Classification Models/Spatial clustering and hot spot analysis/README.md +++ b/Classification Models/Spatial clustering and hot spot analysis/README.md @@ -1,4 +1,4 @@ -# **Spatial Clustering and Hot Spot Analysis** πŸ… +# **Spatial Clustering and Hot Spot Analysis** 🌏 ### 🎯 Goal From e17bd8455ef5b8e5f82f54dbed3ae8ec0e9e6ce0 Mon Sep 17 00:00:00 2001 From: Archita Paul <146704161+Archi20876@users.noreply.github.com> Date: Wed, 23 Oct 2024 09:55:48 +0530 Subject: [PATCH 08/12] Create Readme.md --- .../SONAR Classifier/Readme.md | 17 +++++++++++++++++ 1 file changed, 17 insertions(+) create mode 100644 Classification Models/SONAR Classifier/Readme.md diff --git a/Classification Models/SONAR Classifier/Readme.md b/Classification Models/SONAR Classifier/Readme.md new file mode 100644 index 000000000..ae3dcbc92 --- /dev/null +++ b/Classification Models/SONAR Classifier/Readme.md @@ -0,0 +1,17 @@ +# **Sonar Classifier** πŸ“‘ + +### 🎯 Goal +To develop and evaluate a machine learning model for classifying sonar signals, distinguishing between objects such as mines and rocks based on sonar data. + +### 🧡 Dataset : [LINK](https://github.com/Archi20876/machine-learning-repos/blob/main/Classification%20Models/SONAR%20Classifier/sonar_data1.csv) + +### 🧾 Description +Sonar (Sound Navigation and Ranging) is a technology that uses sound waves to detect, locate, and identify objects underwater. It works by emitting sound pulses (or "pings") and listening for echoes that bounce back from objects. The time it takes for the echoes to return helps determine the distance, size, and location of the object. + +### πŸ“š Libraries Needed +- pandas +- numpy +- sklearn +- Logistics Regression + +## EDA Result πŸ‘‰ [ Sonar Classifier.ipynb](https://github.com/Archi20876/machine-learning-repos/blob/main/Classification%20Models/SONAR%20Classifier/Sonar_Classifier%20.ipynb) From 3f241b5bd331211e1a1bde2958f653569632267a Mon Sep 17 00:00:00 2001 From: Archita Paul <146704161+Archi20876@users.noreply.github.com> Date: Wed, 23 Oct 2024 10:10:22 +0530 Subject: [PATCH 09/12] Update README.md --- .../Mushroom Classification Model/README.md | 25 +++++++++++++++++++ 1 file changed, 25 insertions(+) diff --git a/Classification Models/Mushroom Classification Model/README.md b/Classification Models/Mushroom Classification Model/README.md index 8b1378917..9300fc37f 100644 --- a/Classification Models/Mushroom Classification Model/README.md +++ b/Classification Models/Mushroom Classification Model/README.md @@ -1 +1,26 @@ +# **Mushroom Classificatfion Model** πŸ„ + +### 🎯 Goal +To develop and evaluate a machine learning model that accurately classifies mushrooms as edible or poisonous based on their physical characteristics. + +### 🧡 Dataset : [LINK](https://1drv.ms/x/c/64CA0463A0426356/EaArtcNH2YVAnhGowl_QgSoBJ1lD4gWxfxO4fyKMYY7gDw?e=dppRej) + +### 🧾 Description +A mushroom classification model is a machine learning system designed to identify and categorize mushrooms based on their physical characteristics. The model aims to determine whether a mushroom is edible or poisonous by analyzing features such as cap shape, color, gill size, stem texture, and spore print color. + +### πŸ“š Libraries Needed +- numpy +- pandas +- seaborn +- matplotlib.pyplot +- sklearn.model_selection.train_test_split +- sklearn.preprocessing.OneHotEncoder +- sklearn.preprocessing.LabelEncoder +- sklearn.neighbors.KNeighborsClassifier +- sklearn.ensemble.RandomForestClassifier +- sklearn.metrics.accuracy_score +- sklearn.metrics.classification_report +- sklearn.metrics.confusion_matrix + +## EDA Result πŸ‘‰ [ Mushroom Classification.ipynb](https://github.com/Archi20876/machine-learning-repos/blob/main/Classification%20Models/Mushroom%20Classification%20Model/Mushroom%20Classification%20Model.ipynb) From 649422e1888107f06a55b3e03ad27c59a61f26ef Mon Sep 17 00:00:00 2001 From: Archita Paul <146704161+Archi20876@users.noreply.github.com> Date: Wed, 23 Oct 2024 10:12:50 +0530 Subject: [PATCH 10/12] Update README.md --- .../CSGO Round Winner Classification/README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/Classification Models/CSGO Round Winner Classification/README.md b/Classification Models/CSGO Round Winner Classification/README.md index 53e54c31c..6c220cbdc 100644 --- a/Classification Models/CSGO Round Winner Classification/README.md +++ b/Classification Models/CSGO Round Winner Classification/README.md @@ -1,4 +1,4 @@ -# **CSGO Round Winter Classification** +# **CSGO Round Winter Classification** ❄️ ### 🎯 Goal Predict the Winning individual of Snapshots round From 5f1649030a3893129b857e85541fffcd1aff4811 Mon Sep 17 00:00:00 2001 From: Archita Paul <146704161+Archi20876@users.noreply.github.com> Date: Wed, 23 Oct 2024 10:15:15 +0530 Subject: [PATCH 11/12] Update README.md --- Classification Models/Mental Disorder Classification/README.md | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/Classification Models/Mental Disorder Classification/README.md b/Classification Models/Mental Disorder Classification/README.md index 7a24ceb71..b4ec1b589 100644 --- a/Classification Models/Mental Disorder Classification/README.md +++ b/Classification Models/Mental Disorder Classification/README.md @@ -1,8 +1,7 @@ # **Mental Disorder Classification** ❀️ ### 🎯 Goal - -The aim of this project is to make a classification model, which will classify the jewelries based on the various features. +To develop and validate a machine learning model that accurately classifies different types of mental disorders based on clinical and demographic data. ### 🧡 Dataset : [LINK](https://github.com/Archi20876/machine-learning-repos/blob/main/Classification%20Models/Mental%20Disorder%20Classification/Dataset-Mental-Disorders.csv) From 167cca7db9d41fa3877c9d05e4450b9bd6bd0a77 Mon Sep 17 00:00:00 2001 From: Archita Paul <146704161+Archi20876@users.noreply.github.com> Date: Wed, 23 Oct 2024 10:18:00 +0530 Subject: [PATCH 12/12] Update Readme.md --- .../Tomato Leaf Diseases Classification/Readme.md | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/Classification Models/Tomato Leaf Diseases Classification/Readme.md b/Classification Models/Tomato Leaf Diseases Classification/Readme.md index 8a35c0019..2155dffcb 100644 --- a/Classification Models/Tomato Leaf Diseases Classification/Readme.md +++ b/Classification Models/Tomato Leaf Diseases Classification/Readme.md @@ -2,14 +2,14 @@ ### 🎯 Goal -The aim of this project is to make a classification model, which will classify the tomatoes based on its diseases , so that farmers can find cure to thier diseases. +The aim of this project is to make a classification model, which will classify the leaf of the tomatoes based on its diseases , so that farmers can find cure to thier diseases. ### 🧡 Dataset : [LINK](https://www.kaggle.com/datasets/kaustubhb999/tomatoleaf) ### 🧾 Description -Tomato disease classification involves identifying and diagnosing various diseases affecting tomato plants by analyzing the visual symptoms on leaves, stems, and fruits. Common diseases include early blight, late blight, and leaf spot, which can cause significant crop loss if not detected and managed promptly. +Tomato leaf disease refers to a variety of conditions that affect the leaves of tomato plants, often leading to reduced yield and quality. These diseases can be caused by pathogens such as fungi, bacteria, and viruses, as well as environmental factors. ### πŸ“š Libraries Needed - os