A channel for educational Python courses
All courses here are free and available to everyone
https://t.iss.one/Python53
All courses here are free and available to everyone
https://t.iss.one/Python53
Telegram
Python Courses
A channel for educational Python courses
All courses here are free and available to everyone
Admin: @hussein_sheikho
All courses here are free and available to everyone
Admin: @hussein_sheikho
β€βπ₯1π1
β‘ 21 Must-Have Cheat Sheets for Data Science Interviews: Unlocking Your Path to Success
βͺSQL
1. SQL Basics Cheat Sheet
2. The Essential SQL Commands Cheat Sheet for Beginners
3. SQL Cheat Sheet β Technical Concepts for the Job Interview
βͺPython
4. Python Cheat Sheet
5. Python Cheat Sheet
6. Comprehensive Python Cheatsheet
βͺR
7. RStudio Cheatsheets
βͺData Structures
8. Data Structures Reference
9. An Executable Data Structures Cheat Sheet for Interviews
βͺData Manipulation
10. Pandas Cheat Sheet for Data Science
11. Pandas Cheat Sheet
12. Data Wrangling With pandas Cheat Sheet
βͺData Visualization
13. Data Visualization Cheat Sheet
14. Data Visualization Cheat Sheet
15. Data Visualization Cheat Sheets
βͺStatistics & Probability
16. A Comprehensive Statistics Cheat Sheet for Data Science Interviews
17. The Most Comprehensive Stats Cheat Sheet
18. Statistics Cheat Sheet
βͺAlgorithms & Models
19. Top Prediction Algorithms
20. Your Ultimate Data Science Statistics & Mathematics Cheat Sheet
21. Cheat Sheet for Machine Learning Models
https://t.iss.one/DataScienceT
βͺSQL
1. SQL Basics Cheat Sheet
2. The Essential SQL Commands Cheat Sheet for Beginners
3. SQL Cheat Sheet β Technical Concepts for the Job Interview
βͺPython
4. Python Cheat Sheet
5. Python Cheat Sheet
6. Comprehensive Python Cheatsheet
βͺR
7. RStudio Cheatsheets
βͺData Structures
8. Data Structures Reference
9. An Executable Data Structures Cheat Sheet for Interviews
βͺData Manipulation
10. Pandas Cheat Sheet for Data Science
11. Pandas Cheat Sheet
12. Data Wrangling With pandas Cheat Sheet
βͺData Visualization
13. Data Visualization Cheat Sheet
14. Data Visualization Cheat Sheet
15. Data Visualization Cheat Sheets
βͺStatistics & Probability
16. A Comprehensive Statistics Cheat Sheet for Data Science Interviews
17. The Most Comprehensive Stats Cheat Sheet
18. Statistics Cheat Sheet
βͺAlgorithms & Models
19. Top Prediction Algorithms
20. Your Ultimate Data Science Statistics & Mathematics Cheat Sheet
21. Cheat Sheet for Machine Learning Models
https://t.iss.one/DataScienceT
π9β€βπ₯4β€2
Galactic: Scaling End-to-End Reinforcement Learning for Rearrangement
at 100k Steps-Per-Second
π₯ Github: https://github.com/facebookresearch/galactic
β© Paper: https://arxiv.org/pdf/2306.07552v1.pdf
π¨ Dataset: https://paperswithcode.com/dataset/vizdoom
https://t.iss.one/DataScienceT
at 100k Steps-Per-Second
π₯ Github: https://github.com/facebookresearch/galactic
β© Paper: https://arxiv.org/pdf/2306.07552v1.pdf
π¨ Dataset: https://paperswithcode.com/dataset/vizdoom
https://t.iss.one/DataScienceT
β€βπ₯4β€1
Macaw-LLM: Multi-Modal Language Modeling with Image, Audio, Video, and Text Integration
Macaw-LLM is a model of its kind, bringing together state-of-the-art models for processing visual, auditory, and textual information, namely CLIP, Whisper, and LLaMA.
π₯ Github: https://github.com/lyuchenyang/macaw-llm
βοΈ Model: https://tinyurl.com/yem9m4nf
π Paper: https://tinyurl.com/4rsexudv
π Dataset: https://github.com/lyuchenyang/Macaw-LLM/blob/main/data
https://t.iss.one/DataScienceT
Macaw-LLM is a model of its kind, bringing together state-of-the-art models for processing visual, auditory, and textual information, namely CLIP, Whisper, and LLaMA.
π₯ Github: https://github.com/lyuchenyang/macaw-llm
βοΈ Model: https://tinyurl.com/yem9m4nf
π Paper: https://tinyurl.com/4rsexudv
π Dataset: https://github.com/lyuchenyang/Macaw-LLM/blob/main/data
https://t.iss.one/DataScienceT
π4β€2β€βπ₯1
Semi-supervised learning made simple with self-supervised clustering [CVPR 2023]
π₯ Github: https://github.com/pietroastolfi/suave-daino
β© Paper: https://arxiv.org/pdf/2306.07483v1.pdf
π¨ Dataset: https://paperswithcode.com/dataset/imagenet
https://t.iss.one/DataScienceT
π₯ Github: https://github.com/pietroastolfi/suave-daino
β© Paper: https://arxiv.org/pdf/2306.07483v1.pdf
π¨ Dataset: https://paperswithcode.com/dataset/imagenet
https://t.iss.one/DataScienceT
β€βπ₯2β€1π1
This media is not supported in your browser
VIEW IN TELEGRAM
π WizMap: Scalable Interactive Visualization for Exploring Large Machine Learning Embeddings
π₯ Github: https://github.com/poloclub/wizmap
βοΈ Colab: https://colab.research.google.com/drive/1GNdmBnc5UA7OYBZPtHu244eiAN-0IMZA?usp=sharing
π Paper: https://arxiv.org/abs/2306.09328v1
π Web demo: https://poloclub.github.io/wizmap.
https://t.iss.one/DataScienceT
π₯ Github: https://github.com/poloclub/wizmap
βοΈ Colab: https://colab.research.google.com/drive/1GNdmBnc5UA7OYBZPtHu244eiAN-0IMZA?usp=sharing
π Paper: https://arxiv.org/abs/2306.09328v1
π Web demo: https://poloclub.github.io/wizmap.
https://t.iss.one/DataScienceT
β€1β€βπ₯1π1π1
How do Transformers work?
All the Transformer models mentioned above (GPT, BERT, BART, T5, etc.) have been trained as language models. This means they have been trained on large amounts of raw text in a self-supervised fashion. Self-supervised learning is a type of training in which the objective is automatically computed from the inputs of the model. That means that humans are not needed to label the data!
This type of model develops a statistical understanding of the language it has been trained on, but itβs not very useful for specific practical tasks. Because of this, the general pretrained model then goes through a process called transfer learning. During this process, the model is fine-tuned in a supervised way β that is, using human-annotated labels β on a given task
π Read More
πΈ https://t.iss.one/DataScienceT
All the Transformer models mentioned above (GPT, BERT, BART, T5, etc.) have been trained as language models. This means they have been trained on large amounts of raw text in a self-supervised fashion. Self-supervised learning is a type of training in which the objective is automatically computed from the inputs of the model. That means that humans are not needed to label the data!
This type of model develops a statistical understanding of the language it has been trained on, but itβs not very useful for specific practical tasks. Because of this, the general pretrained model then goes through a process called transfer learning. During this process, the model is fine-tuned in a supervised way β that is, using human-annotated labels β on a given task
π Read More
πΈ https://t.iss.one/DataScienceT
π3β€2β€βπ₯2
Data Science With Python Workflow Cheat Sheet
Creator: business Science
Stars βοΈ: 75
Forked By: 38
https://github.com/business-science/cheatsheets/blob/master/Data_Science_With_Python_Workflow.pdf
https://t.iss.one/DataScienceT
Creator: business Science
Stars βοΈ: 75
Forked By: 38
https://github.com/business-science/cheatsheets/blob/master/Data_Science_With_Python_Workflow.pdf
https://t.iss.one/DataScienceT
π5β€3
80+ Jupyter Notebook tutorials on image classification, object detection and image segmentation in various domains
π Agriculture and Food
π Medical and Healthcare
π Satellite
π Security and Surveillance
π ADAS and Self Driving Cars
π Retail and E-Commerce
π Wildlife
Classification library
https://github.com/Tessellate-Imaging/monk_v1
Notebooks - https://github.com/Tessellate-Imaging/monk_v1/tree/master/study_roadmaps/4_image_classification_zoo
Detection and Segmentation Library
https://github.com/Tessellate-Imaging/
Monk_Object_Detection
Notebooks: https://github.com/Tessellate-Imaging/Monk_Object_Detection/tree/master/application_model_zoo
https://t.iss.one/DataScienceT
π Agriculture and Food
π Medical and Healthcare
π Satellite
π Security and Surveillance
π ADAS and Self Driving Cars
π Retail and E-Commerce
π Wildlife
Classification library
https://github.com/Tessellate-Imaging/monk_v1
Notebooks - https://github.com/Tessellate-Imaging/monk_v1/tree/master/study_roadmaps/4_image_classification_zoo
Detection and Segmentation Library
https://github.com/Tessellate-Imaging/
Monk_Object_Detection
Notebooks: https://github.com/Tessellate-Imaging/Monk_Object_Detection/tree/master/application_model_zoo
https://t.iss.one/DataScienceT
π7β€βπ₯3
Choose JOBITT! Receive +10% of your first salary as a bonus from JOBITT!
Find your dream job with JOBITT! Get more, starting with your first paycheck! Find many job options on our Telegram channel: https://t.iss.one/ujobit
Find your dream job with JOBITT! Get more, starting with your first paycheck! Find many job options on our Telegram channel: https://t.iss.one/ujobit
β€2β€βπ₯2π2
π LOMO: LOw-Memory Optimization
New optimizer, LOw-Memory Optimization enables the full parameter fine-tuning of a 7B model on a single RTX 3090, or a 65B model on a single machine with 8ΓRTX 3090, each with 24GB memory.
π₯ Github: https://github.com/OpenLMLab/LOMO/tree/main
π Paper: https://arxiv.org/pdf/2306.09782.pdf
π Dataset: https://paperswithcode.com/dataset/superglue
https://t.iss.one/DataScienceT
New optimizer, LOw-Memory Optimization enables the full parameter fine-tuning of a 7B model on a single RTX 3090, or a 65B model on a single machine with 8ΓRTX 3090, each with 24GB memory.
π₯ Github: https://github.com/OpenLMLab/LOMO/tree/main
π Paper: https://arxiv.org/pdf/2306.09782.pdf
π Dataset: https://paperswithcode.com/dataset/superglue
https://t.iss.one/DataScienceT
β€2β€βπ₯1
Jumanji: a Diverse Suite of Scalable Reinforcement Learning Environments in JAX
Jumanji is helping pioneer a new wave of hardware-accelerated research and development in the field of RL.
π₯ Github: https://github.com/instadeepai/jumanji
π Paper: https://arxiv.org/abs/2306.09884v1
π Dataset: https://paperswithcode.com/dataset/mujoco
https://t.iss.one/DataScienceT
Jumanji is helping pioneer a new wave of hardware-accelerated research and development in the field of RL.
π₯ Github: https://github.com/instadeepai/jumanji
π Paper: https://arxiv.org/abs/2306.09884v1
π Dataset: https://paperswithcode.com/dataset/mujoco
https://t.iss.one/DataScienceT
β€2π2β€βπ₯1
Google just dropped Generative AI learning path with 9 courses:
π€: Intro to Generative AI
π€: Large Language Models
π€: Responsible AI
π€: Image Generation
π€: Encoder-Decoder
π€: Attention Mechanism
π€: Transformers and BERT Models
π€: Create Image Captioning Models
π€: Intro to Gen AI Studio
π Link: https://www.cloudskillsboost.google/paths/118
https://t.iss.one/DataScienceT
π€: Intro to Generative AI
π€: Large Language Models
π€: Responsible AI
π€: Image Generation
π€: Encoder-Decoder
π€: Attention Mechanism
π€: Transformers and BERT Models
π€: Create Image Captioning Models
π€: Intro to Gen AI Studio
π Link: https://www.cloudskillsboost.google/paths/118
https://t.iss.one/DataScienceT
Google Cloud Skills Boost
Beginner: Introduction to Generative AI Learning Path | Google Cloud Skills Boost
Learn and earn with Google Cloud Skills Boost, a platform that provides free training and certifications for Google Cloud partners and beginners. Explore now.
β€βπ₯3β€3π1
This media is not supported in your browser
VIEW IN TELEGRAM
YOLOv8 is the newest state-of-the-art YOLO model that can be used for object detection, image classification, and instance segmentation tasks. YOLOv8 includes numerous architectural and developer experience changes and improvements over YOLOv5.
Code:
https://github.com/ultralytics/ultralytics
What's New in YOLOv8 ?
https://blog.roboflow.com/whats-new-in-yolov8/
Yolov8 Instance Segmentation (ONNX):
https://github.com/ibaiGorordo/ONNX-YOLOv8-Instance-Segmentation
https://t.iss.one/DataScienceT
Code:
https://github.com/ultralytics/ultralytics
What's New in YOLOv8 ?
https://blog.roboflow.com/whats-new-in-yolov8/
Yolov8 Instance Segmentation (ONNX):
https://github.com/ibaiGorordo/ONNX-YOLOv8-Instance-Segmentation
https://t.iss.one/DataScienceT
π3β€βπ₯1
βοΈ 15 Best Machine Learning Cheat Sheet βοΈ
1- Supervised Learning
https://github.com/afshinea/stanford-cs-229-machine-learning/blob/master/en/cheatsheet-supervised-learning.pdf
2- Unsupervised Learning
https://github.com/afshinea/stanford-cs-229-machine-learning/blob/master/en/cheatsheet-unsupervised-learning.pdf
3- Deep Learning
https://github.com/afshinea/stanford-cs-229-machine-learning/blob/master/en/cheatsheet-deep-learning.pdf
4- Machine Learning Tips and Tricks
https://github.com/afshinea/stanford-cs-229-machine-learning/blob/master/en/cheatsheet-machine-learning-tips-and-tricks.pdf
5- Probabilities and Statistics
https://github.com/afshinea/stanford-cs-229-machine-learning/blob/master/en/refresher-probabilities-statistics.pdf
6- Comprehensive Stanford Master Cheat Sheet
https://github.com/afshinea/stanford-cs-229-machine-learning/blob/master/en/super-cheatsheet-machine-learning.pdf
7- Linear Algebra and Calculus
https://github.com/afshinea/stanford-cs-229-machine-learning/blob/master/en/refresher-algebra-calculus.pdf
8- Data Science Cheat Sheet
https://s3.amazonaws.com/assets.datacamp.com/blog_assets/PythonForDataScience.pdf
9- Keras Cheat Sheet
https://s3.amazonaws.com/assets.datacamp.com/blog_assets/Keras_Cheat_Sheet_Python.pdf
10- Deep Learning with Keras Cheat Sheet
https://github.com/rstudio/cheatsheets/raw/master/keras.pdf
11- Visual Guide to Neural Network Infrastructures
https://www.asimovinstitute.org/wp-content/uploads/2016/09/neuralnetworks.png
12- Skicit-Learn Python Cheat Sheet
https://s3.amazonaws.com/assets.datacamp.com/blog_assets/Scikit_Learn_Cheat_Sheet_Python.pdf
13- Scikit-learn Cheat Sheet: Choosing the Right Estimator
https://scikit-learn.org/stable/tutorial/machine_learning_map/
14- Tensorflow Cheat Sheet
https://github.com/kailashahirwar/cheatsheets-ai/blob/master/PDFs/Tensorflow.pdf
15- Machine Learning Test Cheat Sheet
https://www.cheatography.com/lulu-0012/cheat-sheets/test-ml/pdf/
https://t.iss.one/DataScienceT
1- Supervised Learning
https://github.com/afshinea/stanford-cs-229-machine-learning/blob/master/en/cheatsheet-supervised-learning.pdf
2- Unsupervised Learning
https://github.com/afshinea/stanford-cs-229-machine-learning/blob/master/en/cheatsheet-unsupervised-learning.pdf
3- Deep Learning
https://github.com/afshinea/stanford-cs-229-machine-learning/blob/master/en/cheatsheet-deep-learning.pdf
4- Machine Learning Tips and Tricks
https://github.com/afshinea/stanford-cs-229-machine-learning/blob/master/en/cheatsheet-machine-learning-tips-and-tricks.pdf
5- Probabilities and Statistics
https://github.com/afshinea/stanford-cs-229-machine-learning/blob/master/en/refresher-probabilities-statistics.pdf
6- Comprehensive Stanford Master Cheat Sheet
https://github.com/afshinea/stanford-cs-229-machine-learning/blob/master/en/super-cheatsheet-machine-learning.pdf
7- Linear Algebra and Calculus
https://github.com/afshinea/stanford-cs-229-machine-learning/blob/master/en/refresher-algebra-calculus.pdf
8- Data Science Cheat Sheet
https://s3.amazonaws.com/assets.datacamp.com/blog_assets/PythonForDataScience.pdf
9- Keras Cheat Sheet
https://s3.amazonaws.com/assets.datacamp.com/blog_assets/Keras_Cheat_Sheet_Python.pdf
10- Deep Learning with Keras Cheat Sheet
https://github.com/rstudio/cheatsheets/raw/master/keras.pdf
11- Visual Guide to Neural Network Infrastructures
https://www.asimovinstitute.org/wp-content/uploads/2016/09/neuralnetworks.png
12- Skicit-Learn Python Cheat Sheet
https://s3.amazonaws.com/assets.datacamp.com/blog_assets/Scikit_Learn_Cheat_Sheet_Python.pdf
13- Scikit-learn Cheat Sheet: Choosing the Right Estimator
https://scikit-learn.org/stable/tutorial/machine_learning_map/
14- Tensorflow Cheat Sheet
https://github.com/kailashahirwar/cheatsheets-ai/blob/master/PDFs/Tensorflow.pdf
15- Machine Learning Test Cheat Sheet
https://www.cheatography.com/lulu-0012/cheat-sheets/test-ml/pdf/
https://t.iss.one/DataScienceT
β€βπ₯4β€3π2
REBEL: Relation Extraction By End-to-end Language generation
REBEL is a seq2seq model that simplifies Relation Extraction.
π₯ Github: https://github.com/Babelscape/rebel
βοΈDemo: https://huggingface.co/spaces/Babelscape/rebel-demo
βοΈ Hugging face: https://huggingface.co/Babelscape/rebel-large
π Paper: https://arxiv.org/abs/2306.09802v1
πDataset: https://huggingface.co/Babelscape/rebel-large
https://t.iss.one/DataScienceT
REBEL is a seq2seq model that simplifies Relation Extraction.
π₯ Github: https://github.com/Babelscape/rebel
βοΈDemo: https://huggingface.co/spaces/Babelscape/rebel-demo
βοΈ Hugging face: https://huggingface.co/Babelscape/rebel-large
π Paper: https://arxiv.org/abs/2306.09802v1
πDataset: https://huggingface.co/Babelscape/rebel-large
https://t.iss.one/DataScienceT
β€1β€βπ₯1
Semi-supervised learning made simple with self-supervised clustering [CVPR 2023]
π₯ Github: https://github.com/Ruixinhua/ExplainableNRS
β© Paper: https://arxiv.org/pdf/2306.07506v1.pdf
π¨ Dataset: https://paperswithcode.com/dataset/mind
https://t.iss.one/DataScienceT
π₯ Github: https://github.com/Ruixinhua/ExplainableNRS
β© Paper: https://arxiv.org/pdf/2306.07506v1.pdf
π¨ Dataset: https://paperswithcode.com/dataset/mind
https://t.iss.one/DataScienceT
β€2β€βπ₯1π1
Multi-Modality Arena
Multi-Modality Arena is an evaluation platform for large multi-modality models.
π₯ Github: https://github.com/opengvlab/multi-modality-arena
βοΈ Demo: https://vlarena.opengvlab.com/
π Paper: https://arxiv.org/abs/2306.09265v1
πDataset: https://paperswithcode.com/dataset/vsr
https://t.iss.one/DataScienceT
Multi-Modality Arena is an evaluation platform for large multi-modality models.
π₯ Github: https://github.com/opengvlab/multi-modality-arena
βοΈ Demo: https://vlarena.opengvlab.com/
π Paper: https://arxiv.org/abs/2306.09265v1
πDataset: https://paperswithcode.com/dataset/vsr
https://t.iss.one/DataScienceT
β€1β€βπ₯1