Identifying outliers in a data science project is an important step to ensure the quality and accuracy of your analysis. Outliers can be caused by measurement errors, data entry mistakes, or even intentional manipulation. Here are some approaches you can use to identify liars in your data science project:
1. Visual Exploration: Start by visualizing your data using plots such as histograms, box plots, or scatter plots. Look for any data points that appear significantly different from the majority of the data. Outliers may appear as points that are far away from the main cluster or exhibit unusual patterns.
2. Statistical Methods: Utilize statistical methods to identify outliers. One common approach is to calculate the z-score or standard deviation of each data point and flag those that fall outside a certain threshold (e.g., more than 3 standard deviations away). Another method is the interquartile range (IQR), where data points outside the range of 1.5 times the IQR are considered outliers.
3. Domain Knowledge: Leverage your domain expertise to identify potential outliers. If you have a good understanding of the data and the context in which it was collected, you may be able to identify values that are implausible or inconsistent with what is expected.
4. Machine Learning Techniques: You can use machine learning algorithms to detect outliers. Unsupervised learning algorithms like clustering or density-based methods (e.g., DBSCAN) can help identify unusual patterns or clusters in the data that may indicate outliers.
5. Data Validation: Cross-check your data with external sources or known benchmarks. If possible, compare your data with other reliable sources or conduct external validation to verify its accuracy and consistency.
6. Outlier Detection Models: Train outlier detection models on your dataset. These models can learn patterns from the majority of the data and flag any observations that deviate significantly from those patterns.
It's important to note that not all outliers are necessarily liars or errors; some may represent valid and interesting data points. It's crucial to carefully investigate and understand the reasons behind the outliers before making any decisions about their treatment or exclusion from the analysis.
Like for more β€οΈ
Join for more: https://t.iss.one/datasciencefun
ENJOY LEARNING ππ
1. Visual Exploration: Start by visualizing your data using plots such as histograms, box plots, or scatter plots. Look for any data points that appear significantly different from the majority of the data. Outliers may appear as points that are far away from the main cluster or exhibit unusual patterns.
2. Statistical Methods: Utilize statistical methods to identify outliers. One common approach is to calculate the z-score or standard deviation of each data point and flag those that fall outside a certain threshold (e.g., more than 3 standard deviations away). Another method is the interquartile range (IQR), where data points outside the range of 1.5 times the IQR are considered outliers.
3. Domain Knowledge: Leverage your domain expertise to identify potential outliers. If you have a good understanding of the data and the context in which it was collected, you may be able to identify values that are implausible or inconsistent with what is expected.
4. Machine Learning Techniques: You can use machine learning algorithms to detect outliers. Unsupervised learning algorithms like clustering or density-based methods (e.g., DBSCAN) can help identify unusual patterns or clusters in the data that may indicate outliers.
5. Data Validation: Cross-check your data with external sources or known benchmarks. If possible, compare your data with other reliable sources or conduct external validation to verify its accuracy and consistency.
6. Outlier Detection Models: Train outlier detection models on your dataset. These models can learn patterns from the majority of the data and flag any observations that deviate significantly from those patterns.
It's important to note that not all outliers are necessarily liars or errors; some may represent valid and interesting data points. It's crucial to carefully investigate and understand the reasons behind the outliers before making any decisions about their treatment or exclusion from the analysis.
Like for more β€οΈ
Join for more: https://t.iss.one/datasciencefun
ENJOY LEARNING ππ
π23β€7πΏ1
In machine learning projects, the
1.
2.
3.
4.
Here's an example of how you might use these methods in a machine learning project:
By understanding how to use these methods effectively in your machine learning projects, you can streamline your workflow, improve model performance, and ensure consistency in your data preprocessing and modeling steps.
Like for more β€οΈ
Join for more: https://t.iss.one/sqlproject
ENJOY LEARNING ππ
fit, transform, predict, and fit_transform methods are commonly used in the context of preprocessing data, training models, and making predictions. Here's a brief overview of how to use each of these methods in your machine learning projects:1.
fit: The fit method is used to train a model or estimator on the training data. It learns the parameters of the model based on the input data and is typically followed by the transform or predict method. For example, when using a machine learning algorithm like linear regression or support vector machine, you would call the fit method to train the model on your training data.2.
transform: The transform method is used to apply transformations to the data based on what was learned during the fit step. This method is typically used for feature engineering, data preprocessing, or scaling. For example, if you have trained a scaler object on your training data using the fit method, you can then use the transform method to scale your test data based on the parameters learned from the training data.3.
predict: The predict method is used to make predictions on new, unseen data using a trained model. After training your model using the fit method, you can use the predict method to generate predictions for new input data. For example, if you have trained a classification model on a dataset, you can use the predict method to classify new instances.4.
fit_transform: The fit_transform method combines the fit and transform steps into a single operation. It first fits the transformation based on the training data and then applies the transformation to the same data. This method is commonly used in preprocessing pipelines where you want to apply multiple transformations to your data in a single step. For example, when using techniques like StandardScaler or OneHotEncoder, you can use the fit_transform method to both fit and transform your data in one go.Here's an example of how you might use these methods in a machine learning project:
from sklearn.preprocessing import StandardScaler
from sklearn.linear_model import LinearRegression
# Fit and transform training data
scaler = StandardScaler()
X_train_scaled = scaler.fit_transform(X_train)
# Fit a linear regression model
model = LinearRegression()
model.fit(X_train_scaled, y_train)
# Transform test data
X_test_scaled = scaler.transform(X_test)
# Make predictions on test data
predictions = model.predict(X_test_scaled)
By understanding how to use these methods effectively in your machine learning projects, you can streamline your workflow, improve model performance, and ensure consistency in your data preprocessing and modeling steps.
Like for more β€οΈ
Join for more: https://t.iss.one/sqlproject
ENJOY LEARNING ππ
π22β€8π3
Top 7 Data Science Projects in different fields
1. Healthcare:
β’ Predictive Healthcare Analytics: Develop models to predict disease risk, optimize treatment plans, and identify high-risk patients.
2. Finance:
β’ Fraud Detection: Use machine learning algorithms to detect fraudulent transactions in financial data.
3. Retail:
β’ Personalized Recommendations: Create recommendation systems that predict customer preferences and suggest relevant products.
4. Transportation:
β’ Traffic Optimization: Develop models to predict traffic patterns and optimize transportation networks.
5. Manufacturing:
β’ Predictive Maintenance: Use data analysis to predict equipment failures and schedule maintenance accordingly.
6. Climate Science:
β’ Climate Change Modeling: Build models to simulate climate change and predict its impact on various ecosystems.
7. Social Science:
β’ Sentiment Analysis: Analyze social media data to understand public sentiment and identify trends.
Like for more β€οΈ
Join for more: https://t.iss.one/sqlproject
ENJOY LEARNING ππ
1. Healthcare:
β’ Predictive Healthcare Analytics: Develop models to predict disease risk, optimize treatment plans, and identify high-risk patients.
2. Finance:
β’ Fraud Detection: Use machine learning algorithms to detect fraudulent transactions in financial data.
3. Retail:
β’ Personalized Recommendations: Create recommendation systems that predict customer preferences and suggest relevant products.
4. Transportation:
β’ Traffic Optimization: Develop models to predict traffic patterns and optimize transportation networks.
5. Manufacturing:
β’ Predictive Maintenance: Use data analysis to predict equipment failures and schedule maintenance accordingly.
6. Climate Science:
β’ Climate Change Modeling: Build models to simulate climate change and predict its impact on various ecosystems.
7. Social Science:
β’ Sentiment Analysis: Analyze social media data to understand public sentiment and identify trends.
Like for more β€οΈ
Join for more: https://t.iss.one/sqlproject
ENJOY LEARNING ππ
π24β€5π₯1
Top 5 pandas functions
1. read_csv(): This function is used to read data from a CSV file into a pandas DataFrame.
2. head(): This function is used to display the first few rows of a DataFrame.
3. groupby(): This function is used to group data in a DataFrame based on one or more columns and perform aggregate functions on the groups.
4. merge(): This function is used to merge two DataFrames based on a common column or index.
5. plot(): This function is used to create various types of plots such as line plots, bar plots, and scatter plots from the data in a DataFrame.
Join for more: https://t.iss.one/datasciencefun
Which one have you used the most?
1. read_csv(): This function is used to read data from a CSV file into a pandas DataFrame.
2. head(): This function is used to display the first few rows of a DataFrame.
3. groupby(): This function is used to group data in a DataFrame based on one or more columns and perform aggregate functions on the groups.
4. merge(): This function is used to merge two DataFrames based on a common column or index.
5. plot(): This function is used to create various types of plots such as line plots, bar plots, and scatter plots from the data in a DataFrame.
Join for more: https://t.iss.one/datasciencefun
Which one have you used the most?
π16β€4π₯°2π₯1
Any person learning deep learning or artificial intelligence in particular, know that there are ultimately two paths that they can go:
1. Computer vision
2. Natural language processing.
I outlined a roadmap for computer vision I believe many beginners will find helpful.
Artificial Intelligence
1. Computer vision
2. Natural language processing.
I outlined a roadmap for computer vision I believe many beginners will find helpful.
Artificial Intelligence
π23β€3
How to get freelancing clients for data science projects
ππ
https://t.iss.one/freelancing_upwork/17
ππ
https://t.iss.one/freelancing_upwork/17
Telegram
Learn Freelancing | Fiverr | Upwork
Securing freelancing clients in the data science domain can be a multifaceted approach, involving a mix of online presence, networking, and showcasing your expertise. Here are some effective strategies to get freelancing clients for data science projects:β¦
π6β€2
Let's know more about our audience today π€©
Who are you?
Who are you?
Anonymous Poll
50%
College Student
16%
Working Professional
4%
School Student
26%
Looking for jobs
2%
Housewife
1%
Anything else (let me know in comments)
π12β€4π2
It has already started, what are you waiting for? Get your dream internship now!!! somewhat like that you can write.
If youβre a Data Science enthusiast, an AI aspirant or are into machine learning, then be a part of our one of a kind Data Science Blogathon!
Showcase your expertise and contribute to this vibrant community by writing for us as a contributor and win various in-house internship opportunities, data science course coupons and cool swags.
Registration Link: https://bit.ly/4cn121P
Winners may get an opportunity to avail In-Office Internship opportunity in Data Science Domain at upto 30000/Month Stipend + Data Science Course Coupon + GFG Swags (Bag, Stationary and Stickers)
Apply fast π
If youβre a Data Science enthusiast, an AI aspirant or are into machine learning, then be a part of our one of a kind Data Science Blogathon!
Showcase your expertise and contribute to this vibrant community by writing for us as a contributor and win various in-house internship opportunities, data science course coupons and cool swags.
Registration Link: https://bit.ly/4cn121P
Winners may get an opportunity to avail In-Office Internship opportunity in Data Science Domain at upto 30000/Month Stipend + Data Science Course Coupon + GFG Swags (Bag, Stationary and Stickers)
Apply fast π
π5β€3π₯3
Here are a few Data Science/AI/ML project ideas that could help you stand out:
Quantitative Analysis of Financial Data: Create a project where you analyze historical financial data using statistical methods and time series analysis to identify patterns, correlations, and trends in the data.
Development of Trading Strategies: Design and backtest quantitative trading strategies using historical market data. Showcase your ability to develop, test, and optimize algorithmic trading models.
Risk Management Simulation: Build a simulation model to assess and manage financial risk. This could involve implementing Value at Risk (VaR) models or stress testing methodologies.
Machine Learning for Finance: Explore the application of machine learning algorithms to financial markets. Develop a project that uses machine learning for stock price prediction, sentiment analysis of news articles, or credit risk assessment.
Financial Modeling and Valuation: Create detailed financial models for companies or investment opportunities. This could include building discounted cash flow (DCF) models, comparable company analysis, and merger and acquisition (M&A) valuation.
Portfolio Optimization: Develop a project that focuses on portfolio optimization techniques, such as modern portfolio theory, mean-variance optimization, or factor modeling.
By working on these projects, you can demonstrate your skills in quantitative analysis, financial modeling, and programming, which are highly valued in the field of quantitative finance.
Additionally, consider sharing your projects on platforms like GitHub or creating a personal website to showcase your work to potential employers.
Quantitative Analysis of Financial Data: Create a project where you analyze historical financial data using statistical methods and time series analysis to identify patterns, correlations, and trends in the data.
Development of Trading Strategies: Design and backtest quantitative trading strategies using historical market data. Showcase your ability to develop, test, and optimize algorithmic trading models.
Risk Management Simulation: Build a simulation model to assess and manage financial risk. This could involve implementing Value at Risk (VaR) models or stress testing methodologies.
Machine Learning for Finance: Explore the application of machine learning algorithms to financial markets. Develop a project that uses machine learning for stock price prediction, sentiment analysis of news articles, or credit risk assessment.
Financial Modeling and Valuation: Create detailed financial models for companies or investment opportunities. This could include building discounted cash flow (DCF) models, comparable company analysis, and merger and acquisition (M&A) valuation.
Portfolio Optimization: Develop a project that focuses on portfolio optimization techniques, such as modern portfolio theory, mean-variance optimization, or factor modeling.
By working on these projects, you can demonstrate your skills in quantitative analysis, financial modeling, and programming, which are highly valued in the field of quantitative finance.
Additionally, consider sharing your projects on platforms like GitHub or creating a personal website to showcase your work to potential employers.
π20β€6
Where are you all from?
Anonymous Poll
71%
India
2%
USA
1%
UK
1%
Russia
13%
Africa
1%
Pakistan
2%
Europe
1%
Singapore
9%
Any other place (let me know in comments)
π7π3β€1
5 signs of an inexperienced self-taught data scientist
- Not evaluating their model metrics
- Not considering the presentation and readability of code
- Focusing on multiple tools and tasks at once
- Inability to transfer business problems into data algorithms
- No habit of systematic learning and continuous improvement
- Not evaluating their model metrics
- Not considering the presentation and readability of code
- Focusing on multiple tools and tasks at once
- Inability to transfer business problems into data algorithms
- No habit of systematic learning and continuous improvement
π24
You're not a Data Scientist until you have...
β Built a dashboard that no one uses
β Googled the same SQL window function for the 100th time
β Convinced yourself that the weird outlier is definitely not a bug
β Built a complex analysis in Python when you could have done it in SQL
β Broken a data pipeline because you "forgot" to test before pushing to prod
β Tell your mom for the 8374th time that you're not a real scientist, and she should stop telling her friends that
<insert more here>
What else did I miss?
β Built a dashboard that no one uses
β Googled the same SQL window function for the 100th time
β Convinced yourself that the weird outlier is definitely not a bug
β Built a complex analysis in Python when you could have done it in SQL
β Broken a data pipeline because you "forgot" to test before pushing to prod
β Tell your mom for the 8374th time that you're not a real scientist, and she should stop telling her friends that
<insert more here>
What else did I miss?
π18β€16π€£11π9π1π1
Platforms to learn Data Science
ππ
https://www.linkedin.com/posts/sql-analysts_datascience-machinelearning-ai-activity-7208370270485594112-8ODh
ππ
https://www.linkedin.com/posts/sql-analysts_datascience-machinelearning-ai-activity-7208370270485594112-8ODh
β€2
Data Scientist Roadmap
|
|-- 1. Basic Foundations
| |-- a. Mathematics
| | |-- i. Linear Algebra
| | |-- ii. Calculus
| | |-- iii. Probability
| |
| | |
| |
| |
|
|
|-- 2. Data Exploration and Preprocessing
| |-- a. Exploratory Data Analysis (EDA)
| |-- b. Feature Engineering
| |-- c. Data Cleaning
| |-- d. Handling Missing Data
|
| | |
| |
| |
| |-- b. Unsupervised Learning
| | |-- i. Clustering
| | | |-- 1. K-means
| | | |-- 2. DBSCAN
| | |
| | |-- 1. Principal Component Analysis (PCA)
| | |-- 2. t-Distributed Stochastic Neighbor Embedding (t-SNE)
| |
| |
|
|
|-- 4. Deep Learning
| |-- a. Neural Networks
| | |-- i. Perceptron
| |
| |
| |-- c. Recurrent Neural Networks (RNNs)
| | |-- i. Sequence-to-Sequence Models
| | |-- ii. Text Classification
| |
| |
|
|
|-- 5. Big Data Technologies
| |-- a. Hadoop
| | |-- i. HDFS
| |
| |
|
|
|-- 6. Data Visualization and Reporting
| |-- a. Dashboarding Tools
| | |-- i. Tableau
| | |-- ii. Power BI
| | |-- iii. Dash (Python)
| |
|
|-- 7. Domain Knowledge and Soft Skills
| |-- a. Industry-specific Knowledge
| |-- b. Problem-solving
| |-- c. Communication Skills
| |-- d. Time Management
|
|-- a. Online Courses
|-- b. Books and Research Papers
|-- c. Blogs and Podcasts
|-- d. Conferences and Workshops
`-- e. Networking and Community Engagement
Best Data Science & Machine Learning Resources: https://topmate.io/coding/914624
All the best ππ
|
|-- 1. Basic Foundations
| |-- a. Mathematics
| | |-- i. Linear Algebra
| | |-- ii. Calculus
| | |-- iii. Probability
| |
-- iv. Statistics
| |
| |-- b. Programming
| | |-- i. Python
| | | |-- 1. Syntax and Basic Concepts
| | | |-- 2. Data Structures
| | | |-- 3. Control Structures
| | | |-- 4. Functions
| | | -- 5. Object-Oriented Programming| | |
| |
-- ii. R (optional, based on preference)
| |
| |-- c. Data Manipulation
| | |-- i. Numpy (Python)
| | |-- ii. Pandas (Python)
| | -- iii. Dplyr (R)| |
|
-- d. Data Visualization
| |-- i. Matplotlib (Python)
| |-- ii. Seaborn (Python)
| -- iii. ggplot2 (R)|
|-- 2. Data Exploration and Preprocessing
| |-- a. Exploratory Data Analysis (EDA)
| |-- b. Feature Engineering
| |-- c. Data Cleaning
| |-- d. Handling Missing Data
|
-- e. Data Scaling and Normalization
|
|-- 3. Machine Learning
| |-- a. Supervised Learning
| | |-- i. Regression
| | | |-- 1. Linear Regression
| | | -- 2. Polynomial Regression| | |
| |
-- ii. Classification
| | |-- 1. Logistic Regression
| | |-- 2. k-Nearest Neighbors
| | |-- 3. Support Vector Machines
| | |-- 4. Decision Trees
| | -- 5. Random Forest| |
| |-- b. Unsupervised Learning
| | |-- i. Clustering
| | | |-- 1. K-means
| | | |-- 2. DBSCAN
| | |
-- 3. Hierarchical Clustering
| | |
| | -- ii. Dimensionality Reduction| | |-- 1. Principal Component Analysis (PCA)
| | |-- 2. t-Distributed Stochastic Neighbor Embedding (t-SNE)
| |
-- 3. Linear Discriminant Analysis (LDA)
| |
| |-- c. Reinforcement Learning
| |-- d. Model Evaluation and Validation
| | |-- i. Cross-validation
| | |-- ii. Hyperparameter Tuning
| | -- iii. Model Selection| |
|
-- e. ML Libraries and Frameworks
| |-- i. Scikit-learn (Python)
| |-- ii. TensorFlow (Python)
| |-- iii. Keras (Python)
| -- iv. PyTorch (Python)|
|-- 4. Deep Learning
| |-- a. Neural Networks
| | |-- i. Perceptron
| |
-- ii. Multi-Layer Perceptron
| |
| |-- b. Convolutional Neural Networks (CNNs)
| | |-- i. Image Classification
| | |-- ii. Object Detection
| | -- iii. Image Segmentation| |
| |-- c. Recurrent Neural Networks (RNNs)
| | |-- i. Sequence-to-Sequence Models
| | |-- ii. Text Classification
| |
-- iii. Sentiment Analysis
| |
| |-- d. Long Short-Term Memory (LSTM) and Gated Recurrent Units (GRU)
| | |-- i. Time Series Forecasting
| | -- ii. Language Modeling| |
|
-- e. Generative Adversarial Networks (GANs)
| |-- i. Image Synthesis
| |-- ii. Style Transfer
| -- iii. Data Augmentation|
|-- 5. Big Data Technologies
| |-- a. Hadoop
| | |-- i. HDFS
| |
-- ii. MapReduce
| |
| |-- b. Spark
| | |-- i. RDDs
| | |-- ii. DataFrames
| | -- iii. MLlib| |
|
-- c. NoSQL Databases
| |-- i. MongoDB
| |-- ii. Cassandra
| |-- iii. HBase
| -- iv. Couchbase|
|-- 6. Data Visualization and Reporting
| |-- a. Dashboarding Tools
| | |-- i. Tableau
| | |-- ii. Power BI
| | |-- iii. Dash (Python)
| |
-- iv. Shiny (R)
| |
| |-- b. Storytelling with Data
| -- c. Effective Communication|
|-- 7. Domain Knowledge and Soft Skills
| |-- a. Industry-specific Knowledge
| |-- b. Problem-solving
| |-- c. Communication Skills
| |-- d. Time Management
|
-- e. Teamwork
|
-- 8. Staying Updated and Continuous Learning|-- a. Online Courses
|-- b. Books and Research Papers
|-- c. Blogs and Podcasts
|-- d. Conferences and Workshops
`-- e. Networking and Community Engagement
Best Data Science & Machine Learning Resources: https://topmate.io/coding/914624
All the best ππ
π33π₯2β€1
Forwarded from Health Fitness & Diet Tips - Gym Motivation πͺ
The 80/20 Principle:
- Health: 80% eating, 20% excercising
- Wealth: 80% habits, 20% math
- Talking: 80% listening, 20% speaking
- Learning: 80% understanding, 20% reading
- Achieving: 80% doing, 20% dreaming
- Happiness: 80% purpose, 20% fun
- Relationships: 80% giving, 20% receiving
- Improving: 80% persistence, 20% ideas
Priories the 80% and the rest will fall into place
- Health: 80% eating, 20% excercising
- Wealth: 80% habits, 20% math
- Talking: 80% listening, 20% speaking
- Learning: 80% understanding, 20% reading
- Achieving: 80% doing, 20% dreaming
- Happiness: 80% purpose, 20% fun
- Relationships: 80% giving, 20% receiving
- Improving: 80% persistence, 20% ideas
Priories the 80% and the rest will fall into place
π₯26π12β€5π1
What roles make it easier to get into Data Science?
Most of Data Scientists usually transitioned in from other roles
The most common ones, are - Data Analyst, Business Intelligence Engineer and Data Engineer.
For a fresher with only a bachelors degree, I would advise the Data Analyst role. Based on the team and work, you may in essence be able to work as a Data Scientist.
Most of Data Scientists usually transitioned in from other roles
The most common ones, are - Data Analyst, Business Intelligence Engineer and Data Engineer.
For a fresher with only a bachelors degree, I would advise the Data Analyst role. Based on the team and work, you may in essence be able to work as a Data Scientist.
π14π2β€1
Hi guys,
This post is for all those who are confused with which path to go. Whether ai will take over what they're learning. See one thing is for sure, life is random, now ai is trending and in future it might be something else. So better be prepared with whatever comes up and never stop learning. Recently, I got a lesson from my friend. He follow a very good habit of investing money in stocks or crypto. One of my friend has earned around 90lakh+ by investing on a single stock. Even though, previously he encured some losses before earning this profit.
But investing is really a very good skill to have. I never did it before but now, I am also planning to learn investment skill moving further.
Investing allows you to put your money into businesses you believe in, potentially growing your wealth over time. It can also provide financial security and help you achieve your long-term financial goals, such as buying a home, funding education, or planning for retirement.
I will share my learnings with you guys here ππ
https://t.iss.one/stockmarketinginsights
Learning some additional skills gives you advantage of fighting with uncertainties in life. So, don't think too much before learning any new skill. Even though it's not required for now, but who knows if that's super useful in future. Keep learning & never give up.
What are your thoughts guys, let me know in comments ππ
This post is for all those who are confused with which path to go. Whether ai will take over what they're learning. See one thing is for sure, life is random, now ai is trending and in future it might be something else. So better be prepared with whatever comes up and never stop learning. Recently, I got a lesson from my friend. He follow a very good habit of investing money in stocks or crypto. One of my friend has earned around 90lakh+ by investing on a single stock. Even though, previously he encured some losses before earning this profit.
But investing is really a very good skill to have. I never did it before but now, I am also planning to learn investment skill moving further.
Investing allows you to put your money into businesses you believe in, potentially growing your wealth over time. It can also provide financial security and help you achieve your long-term financial goals, such as buying a home, funding education, or planning for retirement.
I will share my learnings with you guys here ππ
https://t.iss.one/stockmarketinginsights
Learning some additional skills gives you advantage of fighting with uncertainties in life. So, don't think too much before learning any new skill. Even though it's not required for now, but who knows if that's super useful in future. Keep learning & never give up.
What are your thoughts guys, let me know in comments ππ
π8β€2