Data Analytics & AI | SQL Interviews | Power BI Resources
25.1K subscribers
304 photos
2 videos
151 files
316 links
๐Ÿ”“Explore the fascinating world of Data Analytics & Artificial Intelligence

๐Ÿ’ป Best AI tools, free resources, and expert advice to land your dream tech job.

Admin: @coderfun
Download Telegram
CHATGPT Ultimate Guide
โค3๐Ÿ‘3
Starting your journey as a data analyst is an amazing start for your career. As you progress, you might find new areas that pique your interest:

โ€ข Data Science: If you enjoy diving deep into statistics, predictive modeling, and machine learning, this could be your next challenge.

โ€ข Data Engineering: If building and optimizing data pipelines excites you, this might be the path for you.

โ€ข Business Analysis: If you're passionate about translating data into strategic business insights, consider transitioning to a business analyst role.

But remember, even if you stick with data analysis, there's always room for growth, especially with the evolving landscape of AI.

No matter where your path leads, the key is to start now.
๐Ÿ‘4
Let's start with the topics we gonna cover in this 30 Days of Data Science Series,

We will primarily focus on learning Data Science and Machine Learning Algorithms

Day 1: Linear Regression
- Concept: Predict continuous values.
- Implementation: Ordinary Least Squares.
- Evaluation: R-squared, RMSE.

Day 2: Logistic Regression
- Concept: Binary classification.
- Implementation: Sigmoid function.
- Evaluation: Confusion matrix, ROC-AUC.

Day 3: Decision Trees
- Concept: Tree-based model for classification/regression.
- Implementation: Recursive splitting.
- Evaluation: Accuracy, Gini impurity.

Day 4: Random Forest
- Concept: Ensemble of decision trees.
- Implementation: Bagging.
- Evaluation: Out-of-bag error, feature importance.

Day 5: Gradient Boosting
- Concept: Sequential ensemble method.
- Implementation: Boosting.
- Evaluation: Learning rate, number of estimators.

Day 6: Support Vector Machines (SVM)
- Concept: Classification using hyperplanes.
- Implementation: Kernel trick.
- Evaluation: Margin maximization, support vectors.

Day 7: k-Nearest Neighbors (k-NN)
- Concept: Instance-based learning.
- Implementation: Distance metrics.
- Evaluation: k-value tuning, distance functions.

Day 8: Naive Bayes
- Concept: Probabilistic classifier.
- Implementation: Bayes' theorem.
- Evaluation: Prior probabilities, likelihood.

Day 9: k-Means Clustering
- Concept: Partitioning data into k clusters.
- Implementation: Centroid initialization.
- Evaluation: Inertia, silhouette score.

Day 10: Hierarchical Clustering
- Concept: Nested clusters.
- Implementation: Agglomerative method.
- Evaluation: Dendrograms, linkage methods.

Day 11: Principal Component Analysis (PCA)
- Concept: Dimensionality reduction.
- Implementation: Eigenvectors, eigenvalues.
- Evaluation: Explained variance.

Day 12: Association Rule Learning
- Concept: Discover relationships between variables.
- Implementation: Apriori algorithm.
- Evaluation: Support, confidence, lift.

Day 13: DBSCAN (Density-Based Spatial Clustering of Applications with Noise)
- Concept: Density-based clustering.
- Implementation: Epsilon, min samples.
- Evaluation: Core points, noise points.

Day 14: Linear Discriminant Analysis (LDA)
- Concept: Linear combination for classification.
- Implementation: Fisher's criterion.
- Evaluation: Class separability.

Day 15: XGBoost
- Concept: Extreme Gradient Boosting.
- Implementation: Tree boosting.
- Evaluation: Regularization, parallel processing.

Day 16: LightGBM
- Concept: Gradient boosting framework.
- Implementation: Leaf-wise growth.
- Evaluation: Speed, accuracy.

Day 17: CatBoost
- Concept: Gradient boosting with categorical features.
- Implementation: Ordered boosting.
- Evaluation: Handling of categorical data.

Day 18: Neural Networks
- Concept: Layers of neurons for learning.
- Implementation: Backpropagation.
- Evaluation: Activation functions, epochs.

Day 19: Convolutional Neural Networks (CNNs)
- Concept: Image processing.
- Implementation: Convolutions, pooling.
- Evaluation: Feature maps, filters.

Day 20: Recurrent Neural Networks (RNNs)
- Concept: Sequential data processing.
- Implementation: Hidden states.
- Evaluation: Long-term dependencies.

Day 21: Long Short-Term Memory (LSTM)
- Concept: Improved RNN.
- Implementation: Memory cells.
- Evaluation: Forget gates, output gates.

Day 22: Gated Recurrent Units (GRU)
- Concept: Simplified LSTM.
- Implementation: Update gate.
- Evaluation: Performance, complexity.

Day 23: Autoencoders
- Concept: Data compression.
- Implementation: Encoder, decoder.
- Evaluation: Reconstruction error.

Day 24: Generative Adversarial Networks (GANs)
- Concept: Generative models.
- Implementation: Generator, discriminator.
- Evaluation: Adversarial loss.

Day 25: Transfer Learning
- Concept: Pre-trained models.
- Implementation: Fine-tuning.
- Evaluation: Domain adaptation.
๐Ÿ‘6โค2
Day 26: Reinforcement Learning
- Concept: Learning through interaction.
- Implementation: Q-learning.
- Evaluation: Reward function, policy.

Day 27: Bayesian Networks
- Concept: Probabilistic graphical models.
- Implementation: Conditional dependencies.
- Evaluation: Inference, learning.

Day 28: Hidden Markov Models (HMM)
- Concept: Time series analysis.
- Implementation: Transition probabilities.
- Evaluation: Viterbi algorithm.

Day 29: Feature Selection Techniques
- Concept: Improving model performance.
- Implementation: Filter, wrapper methods.
- Evaluation: Feature importance.

Day 30: Hyperparameter Optimization
- Concept: Model tuning.
- Implementation: Grid search, random search.
- Evaluation: Cross-validation.

Share this channel with your real friends: https://t.iss.one/datasciencefun

Like if you want me to continue this series ๐Ÿ˜„โค๏ธ

ENJOY LEARNING ๐Ÿ‘๐Ÿ‘
๐Ÿ‘8
Important Topics to become a data scientist
[Advanced Level]
๐Ÿ‘‡๐Ÿ‘‡

1. Mathematics

Linear Algebra
Analytic Geometry
Matrix
Vector Calculus
Optimization
Regression
Dimensionality Reduction
Density Estimation
Classification

2. Probability

Introduction to Probability
1D Random Variable
The function of One Random Variable
Joint Probability Distribution
Discrete Distribution
Normal Distribution

3. Statistics

Introduction to Statistics
Data Description
Random Samples
Sampling Distribution
Parameter Estimation
Hypotheses Testing
Regression

4. Programming

Python:

Python Basics
List
Set
Tuples
Dictionary
Function
NumPy
Pandas
Matplotlib/Seaborn

R Programming:

R Basics
Vector
List
Data Frame
Matrix
Array
Function
dplyr
ggplot2
Tidyr
Shiny

DataBase:
SQL
MongoDB

Data Structures

Web scraping

Linux

Git

5. Machine Learning

How Model Works
Basic Data Exploration
First ML Model
Model Validation
Underfitting & Overfitting
Random Forest
Handling Missing Values
Handling Categorical Variables
Pipelines
Cross-Validation(R)
XGBoost(Python|R)
Data Leakage

6. Deep Learning

Artificial Neural Network
Convolutional Neural Network
Recurrent Neural Network
TensorFlow
Keras
PyTorch
A Single Neuron
Deep Neural Network
Stochastic Gradient Descent
Overfitting and Underfitting
Dropout Batch Normalization
Binary Classification

7. Feature Engineering

Baseline Model
Categorical Encodings
Feature Generation
Feature Selection

8. Natural Language Processing

Text Classification
Word Vectors

9. Data Visualization Tools

BI (Business Intelligence):
Tableau
Power BI
Qlik View
Qlik Sense

10. Deployment

Microsoft Azure
Heroku
Google Cloud Platform
Flask
Django

Join @datasciencefun to learning important data science and machine learning concepts

ENJOY LEARNING ๐Ÿ‘๐Ÿ‘
๐Ÿ‘8โค3
Forecasting vs. Predictive Analytics: The Obama Example
Analytics can influence elections, not just predict them. This article explores how the Obama campaign used predictive analytics to outmaneuver traditional forecasting.

Forecasting vs. Predictive Analytics
Nate Silverโ€™s forecasting predicted state outcomes, while Obamaโ€™s team used predictive analytics to score individual voters, targeting those most likely to be persuaded.

Impact of Predictive Analytics
The Obama campaign optimized interactions, avoiding โ€œdo-not-disturbโ€ voters and improving ad spending effectiveness by 18%.

Conclusion
Predictive analytics enables organizations to shape outcomes through personalized insights, distinguishing it from forecastingโ€™s broad predictions.
๐Ÿ‘1
The 'bias machine': How Google tells you what you want to hear

"We're at the mercy of Google." Undecided voters in the US who turn to Google may see dramatically different views of the world โ€“ even when they're asking the exact same question.

Type in "Is Kamala Harris a good Democratic candidate", and Google paints a rosy picture. Search results are constantly changing, but last week, the first link was a Pew Research Center poll showing that "Harris energises Democrats". Next is an Associated Press article titled "Majority of Democrats think Kamala Harris would make a good president", and the following links were similar. But if you've been hearing negative things about Harris, you might ask if she's a "bad" Democratic candidate instead. Fundamentally, that's an identical question, but Google's results are far more pessimistic.

"It's been easy to forget how bad Kamala Harris is," said an article from Reason Magazine in the top spot.


Source-Link: BBC
๐Ÿ‘1
Characteristics of a Data whisperer
7 best GitHub repositories to break into data analytics and data science:


1. 100-Days-Of-ML-Code
- ๐‹๐ข๐ง๐ค: (https://lnkd.in/dcftdA57)
- ๐’๐ญ๐š๐ซ๐ฌ: ~42k

2. awesome-datascience
- ๐‹๐ข๐ง๐ค: (https://lnkd.in/dcFYYwx9)
- ๐’๐ญ๐š๐ซ๐ฌ: ~22.7k

3. Data-Science-For-Beginners
- ๐‹๐ข๐ง๐ค: (https://lnkd.in/d_zZBadF)
- ๐’๐ญ๐š๐ซ๐ฌ: ~14.5k

4. data-science-interviews
- ๐‹๐ข๐ง๐ค: (https://lnkd.in/dkN4RZjH)
- ๐’๐ญ๐š๐ซ๐ฌ: ~5.8k

5. Coding and ML System Design
- ๐‹๐ข๐ง๐ค: (https://lnkd.in/gXFaaaQR)
- ๐’๐ญ๐š๐ซ๐ฌ: ~3.5k

6. Machine Learning Interviews from MAANG
- ๐‹๐ข๐ง๐ค: https://lnkd.in/gq_huuZD
- ๐’๐ญ๐š๐ซ๐ฌ: 8.1k

7. data-science-ipython-notebooks
- ๐‹๐ข๐ง๐ค: (https://lnkd.in/dPmQuPB9)
- ๐’๐ญ๐š๐ซ๐ฌ: ~27.2k


These repositories are maintained by various individuals and organizations, each offering valuable resources for learning and practicing data analytics and data science.
๐Ÿ‘5
7 best Telegram Channels to break into data analytics and data science:


1. Data Science & Machine Learning
- ๐‹๐ข๐ง๐ค: (https://t.iss.one/datasciencefun)
- Subscribers: ~48k

2. Python for Data Analysts
- ๐‹๐ข๐ง๐ค: (https://t.iss.one/pythonanalyst)
- Subscribers: ~34.8k

3. SQL For Data Analytics
- ๐‹๐ข๐ง๐ค: (https://t.iss.one/sqlanalyst)
- Subscribers: ~58.9k

4. Power BI & Tableau
- ๐‹๐ข๐ง๐ค: (t.iss.one/PowerBI_analyst)
- Subscribers: ~36.1k

5. Artificial Intelligence
- ๐‹๐ข๐ง๐ค: (https://t.iss.one/machinelearning_deeplearning)
- Subscribers: ~28.7k

6. Coding Interviews
- ๐‹๐ข๐ง๐ค: (https://t.iss.one/crackingthecodinginterview)
- Subscribers: 38.6k

7. Data Science Interviews
- ๐‹๐ข๐ง๐ค: (https://t.iss.one/DataScienceInterviews)
- Subscribers: ~12.5k


These channels are maintained by various individuals and organizations, each offering valuable resources for learning and practicing data analytics and data science.
๐Ÿ‘4โค2
The GPT-4 model outperformed GPT-3 and GPT-3.5 language models
Oil bosses have big hopes for the AI boom

Data centres are fuelling demand for natural gasโ€”for now
This week 180,000 people descended on Abu Dhabi to attend ADIPEC, the global oil-and-gas industryโ€™s biggest annual gathering. This yearโ€™s focus, perhaps unsurprisingly, was the nexus of artificial intelligence (AI) and energy. On the eve of the jamboree Sultan Al Jaber, chief executive of ADNOC, the Emirati national oil giant, convened a private meeting of big tech and big energy bosses. A survey of some 400 energy, tech and finance bigwigs released in conjunction with the event concluded that AI is set to transform the energy business by boosting efficiency and cutting greenhouse-gas emissions.
๐Ÿ‘2
Decagon and OpenAI deliver high-performance, fully automated customer support at scale

Launched in 2023, Decagonโ (opens in a new window) has quickly become a key player in automating customer support for companies like Curology, BILT, Duolingo, Eventbrite, Notion, and Substack. OpenAIโ€™s models are crucial in their ability to deliver fast, reliable responsesโ€”without human intervention.

From enterprises to tech-forward startups, Decagon helps businesses globally handle millions of support conversations without sacrificing quality or speed. The company uses a combination of OpenAIโ€™s modelsโ€”including GPT-3.5, 4, 4o, 4 Turbo, and OpenAI o1-miniโ€”to deliver agentic bots that go beyond response generation and service the entire customer lifecycle.
โค1๐Ÿ‘1
โœ…๐Ÿ“-๐’๐ญ๐ž๐ฉ ๐‘๐จ๐š๐๐ฆ๐š๐ฉ ๐ญ๐จ ๐’๐ฐ๐ข๐ญ๐œ๐ก ๐ข๐ง๐ญ๐จ ๐ญ๐ก๐ž ๐ƒ๐š๐ญ๐š ๐€๐ง๐š๐ฅ๐ฒ๐ญ๐ข๐œ๐ฌ ๐…๐ข๐ž๐ฅ๐โœ…

๐Ÿ’โ€โ™€๏ธ๐๐ฎ๐ข๐ฅ๐ ๐Š๐ž๐ฒ ๐’๐ค๐ข๐ฅ๐ฅ๐ฌ: Focus on core skillsโ€”Excel, SQL, Power BI, and Python.

๐Ÿ’โ€โ™€๏ธ๐‡๐š๐ง๐๐ฌ-๐Ž๐ง ๐๐ซ๐จ๐ฃ๐ž๐œ๐ญ๐ฌ: Apply your skills to real-world data sets. Projects like sales analysis or customer segmentation show your practical experience. You can find projects on Youtube.

๐Ÿ’โ€โ™€๏ธ๐…๐ข๐ง๐ ๐š ๐Œ๐ž๐ง๐ญ๐จ๐ซ: Connect with someone experienced in data analytics for guidance(like me ๐Ÿ˜…). They can provide valuable insights, feedback, and keep you on track.

๐Ÿ’โ€โ™€๏ธ๐‚๐ซ๐ž๐š๐ญ๐ž ๐๐จ๐ซ๐ญ๐Ÿ๐จ๐ฅ๐ข๐จ: Compile your projects in a portfolio or on GitHub. A solid portfolio catches a recruiterโ€™s eye.

๐Ÿ’โ€โ™€๏ธ๐๐ซ๐š๐œ๐ญ๐ข๐œ๐ž ๐Ÿ๐จ๐ซ ๐ˆ๐ง๐ญ๐ž๐ซ๐ฏ๐ข๐ž๐ฐ๐ฌ: Practice SQL queries and Python coding challenges on Hackerrank & LeetCode. Strengthening your problem-solving skills will prepare you for interviews.
๐Ÿ‘4โค1
Coding is just like the language we use to talk to computers. It's not the skill itself, but rather how do I innovate? How do I build something interesting for my end users?

In a recently leaked recording, AWS CEO told employees that most developers could stop coding once AI takes over, predicting this is likely to happen within 24 months.

Instead of AI replacing developers or expecting a decline in this role, I believe he meant that responsibilities of software developers would be changed significantly by AI.

Being a developer in 2025 may be different from what it was in 2020, Garman, the CEO added.

Meanwhile, Amazon's AI assistant has saved the company $260M & 4,500 developer years of work by remarkably cutting down software upgrade times.

Amazon CEO also confirmed that developers shipped 79% of AI-generated code reviews without changes.

I guess with all the uncertainty, one thing is clear: Ability to quickly adjust and collaborate with AI will be important soft skills more than ever in the of AI.
๐Ÿ‘3