Telegram Web Link
Introduction to Python Programming (for Data Analytics)

Learn the fundamentals of the python programming language for data analytics. Practice and solution resources included.

Rating ⭐️: 4.3 out 5
Students 👨‍🎓 : 10,887
Duration : 1hr 48min of on-demand video
Created by 👨‍🏫: Valentine Mwangi

🔗 Course Link


#data_analytics #data #python #programming

👉Join @datascience_bds for more👈
What is Data Draft
introducing-data-science-machine-learning-python.pdf
14.6 MB
Introducing Data Science

by DAVY CIELEN
ARNO D. B. MEYSMAN
MOHAMED ALI
SQL Roadmap for Data Analyst
Python Data Science Handbook

Python Data Science Handbook: full text in Jupyter Notebooks. This repository contains the entire Python Data Science Handbook, in the form of (free!) Jupyter notebooks.

Creator: Jake Vanderplas
Stars⭐️: 39k
Fork: 17.1K
Repo: https://github.com/jakevdp/PythonDataScienceHandbook


Join @github_repositories_bds for more cool data science materials.
*This channel belongs to @bigdataspecialist group
Data Science Enthusiast
SQL for Data Analysis: Solving real-world problems with data

A simple & concise mySQL course (applicable to any SQL), perfect for data analysis, data science, business intelligence.

Rating ⭐️: 4.3 out 5
Students 👨‍🎓 : 47,690
Duration : 1hr 57min of on-demand video
Created by 👨‍🏫: Max SQL

🔗 Course Link


#data_analytics #data #SQL #programming

👉Join @datascience_bds for more👈
Top 9 Analytics terms for beginners
Few years ago I was learning about transformers and was writing down some notes for myself. Now I come accross those notes and decided to share some part of it here in case any of you find it useful.



Most famous transformers

1. BERT (Bidirectional Encoder Representations from Transformers): BERT is a pre-trained transformer model developed by Google. It has achieved state-of-the-art results in various NLP tasks, such as question answering, sentiment analysis, and text classification.
2. GPT (Generative Pre-trained Transformer): GPT is a series of transformer-based models developed by OpenAI. GPT-3, the most recent version, is a highly influential model known for its impressive language generation capabilities. It has been used in various creative applications, including text completion, language translation, and dialogue generation.
3. Transformer-XL: Transformer-XL is a transformer-based model developed by researchers at Google. It addresses the limitation of standard transformers by incorporating a recurrence mechanism to capture longer-term dependencies in the input sequence. It has been successful in tasks that require modeling long-range context, such as language modeling.
4. T5 (Text-to-Text Transfer Transformer): T5, developed by Google, is a versatile transformer model capable of performing a wide range of NLP tasks. It follows a "text-to-text" framework, where different tasks are cast as text generation problems. T5 has demonstrated strong performance across various benchmarks and has been widely adopted in the NLP community.
5. RoBERTa (Robustly Optimized BERT Pretraining Approach): RoBERTa is a variant of BERT developed by Facebook AI. It addresses some limitations of the original BERT model by tweaking the training setup and introducing additional data. RoBERTa has achieved improved performance on several NLP tasks, including text classification and named entity recognition.



BERT vs RoBERTa vs DistilBERT vs ALBERT


BERT - created by Google, 2018, question answering, summarization, and sequence classification, has 12 Encoders stacked, baseline to others.

RoBERTa - created by Facebook, 2019. literally same architecture as BERT, but improves on BERT by carefully and intelligently optimizing the training hyperparameters for BERT. It's trained on larger data, bigger vocabulary size and longer sentences. It overperforms BERT.

DistilBERT - created by Hugging Face, October 2019. roughly same general architecture as BERT, but smaller, only 6 Encoders. Distilbert is 40% smaller (40% less parameters) than the original BERT-base model, is 60% faster than it, and retains 95+% of its functionality.

ALBERT (A Light BERT) - published/introduced at around the same time as Distilbert. 18x less parameters than BERT, trained 1.7x faster. It doesn't have tradeoff in performance while DistilBERT has it at small extent. This comes from just the core difference in the way the Distilbert and Albert experiments are structured. Distilbert is trained in such a way to use BERT as the teacher for its training/distillation process. Albert, on the other hand, is trained from scratch like BERT. Better yet, Albert outperforms all previous models including BERT, Roberta, Distilbert, and XLNet.


Note: Training speed is not so important to end-users because all those are pre-trained transformer models. Still, in some cases we will need to fine-tune models using our own datasets, which is where speed is important. Also smaller and faster models like DistilBERT and ALBERT can be advantageous when there is not enough memory or computational power.
Introduction to Datascience [R20DS501].pdf
5.3 MB
Introduction to Data Science
[R20DS501]
DIGITAL NOTES
What they are afraid of!
Beyond Jupyter Notebooks

Build your own Data science platform with Docker & Python

Rating ⭐️: 4.7 out 5
Students 👨‍🎓 : 5,018
Duration : 1hr 26min of on-demand video
Created by 👨‍🏫: Joshua Görner

🔗 Course Link


#data_science #Jupyter #python #Docker

👉Join @datascience_bds for more👈
Deep Learning.pdf
4.1 MB
Deep Learning
by MAGNUS EKMAN
Best YouTube Playlists for Data Science

▶️ Python
🔗 Playlist Link

▶️ SQL
🔗 Playlist Link

▶️ Data Analysis
🔗 Playlist Link

▶️ Data Analyst
🔗 Playlist Link

▶️ Linear Algebra
🔗 Playlist Link

▶️ Calculus
🔗 Playlist Link

▶️ Statistics
🔗 Playlist Link

▶️ Machine Learning
🔗 Playlist Link

▶️ Deep Learning
🔗 Playlist Link

▶️ Excel Power Query
🔗 Playlist Link

▶️ Ruby
🔗 Playlist Link

▶️ Microsoft Excel
🔗 Playlist Link
The Top 5 Machine Learning Libraries in Python

A Gentle Introduction to the Top Python Libraries used in Applied Machine Learning

Rating ⭐️: 4.4 out 5
Students 👨‍🎓 : 103,885
Duration : 1hr 27min of on-demand video
Created by 👨‍🏫: Mike West

🔗 Course Link


#Python #Libraries #Machine_Learning #programming

👉Join @datascience_bds for more👈
Data Scientist vs Data Engineer vs Data Analyst
Drag, Drop, Analyze: The Rise of No-Code Data Science

No-code or low-code functionalities in data science have gained significant traction in recent years. These solutions are well-proven and matured, and they make data science more accessible to a wider range of people.
No-code or low-code data science solutions can be very rewarding. "The first and most important benefit is that they can lead to better forms of collaboration," Mierswa underscores. "Everyone can understand visual workflows or models if they are explained, however, not everyone is a computer scientist or programmer, and not everyone can understand code." So, in order to collaborate effectively, you need to understand what assets the team is collectively producing. "Data science is, at the end of the day, a team sport. You need people who understand the business problems, whether or not they can code, as coding may not be their daily business."

🔗 Read more
6 Data Science Applications
Data Scientist Roadmap
|
|-- 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
IDS.pdf
10.8 MB
Practitioner's Guide to Data Science

by Hui Lin and Ming Li
2024/10/03 11:18:38
Back to Top
HTML Embed Code: