Generative AI
24.2K subscribers
480 photos
2 videos
81 files
259 links
โœ… Welcome to Generative AI
๐Ÿ‘จโ€๐Ÿ’ป Join us to understand and use the tech
๐Ÿ‘ฉโ€๐Ÿ’ป Learn how to use Open AI & Chatgpt
๐Ÿค– The REAL No.1 AI Community

Admin: @coderfun
Download Telegram
SQL beginner to advanced level
โค1
๐Ÿฐ ๐—™๐—ฟ๐—ฒ๐—ฒ ๐— ๐—ถ๐—ฐ๐—ฟ๐—ผ๐˜€๐—ผ๐—ณ๐˜ ๐—š๐—ฒ๐—ป๐—ฒ๐—ฟ๐—ฎ๐˜๐—ถ๐˜ƒ๐—ฒ ๐—”๐—œ ๐—ง๐—ฟ๐—ฎ๐—ถ๐—ป๐—ถ๐—ป๐—ด ๐— ๐—ผ๐—ฑ๐˜‚๐—น๐—ฒ๐˜€ ๐˜๐—ผ ๐—•๐—ผ๐—ผ๐˜€๐˜ ๐—ฌ๐—ผ๐˜‚๐—ฟ ๐—ฆ๐—ธ๐—ถ๐—น๐—น๐˜€๐Ÿ˜

Generative AI is no longer just a buzzwordโ€”itโ€™s a career-maker๐Ÿง‘โ€๐Ÿ’ป๐Ÿ“Œ

Recruiters are actively looking for candidates with prompt engineering skills, hands-on AI experience, and the ability to use tools like GitHub Copilot and Azure OpenAI effectively.๐Ÿ–ฅ

๐‹๐ข๐ง๐ค๐Ÿ‘‡:-

https://pdlink.in/4fKT5pL

If youโ€™re looking to stand out in interviews, land AI-powered roles, or future-proof your career, this is your chance
โค2
Essential Tools, Libraries, and Frameworks to learn Artificial Intelligence

1. Programming Languages:

Python

R

Java

Julia


2. AI Frameworks:

TensorFlow

PyTorch

Keras

MXNet

Caffe


3. Machine Learning Libraries:

Scikit-learn: For classical machine learning models.

XGBoost: For boosting algorithms.

LightGBM: For gradient boosting models.


4. Deep Learning Tools:

TensorFlow

PyTorch

Keras

Theano


5. Natural Language Processing (NLP) Tools:

NLTK (Natural Language Toolkit)

SpaCy

Hugging Face Transformers

Gensim


6. Computer Vision Libraries:

OpenCV

DLIB

Detectron2


7. Reinforcement Learning Frameworks:

Stable-Baselines3

RLlib

OpenAI Gym


8. AI Development Platforms:

IBM Watson

Google AI Platform

Microsoft AI


9. Data Visualization Tools:

Matplotlib

Seaborn

Plotly

Tableau


10. Robotics Frameworks:

ROS (Robot Operating System)

MoveIt!


11. Big Data Tools for AI:

Apache Spark

Hadoop


12. Cloud Platforms for AI Deployment:

Google Cloud AI

AWS SageMaker

Microsoft Azure AI


13. Popular AI APIs and Services:

Google Cloud Vision API

Microsoft Azure Cognitive Services

IBM Watson AI APIs


14. Learning Resources and Communities:

Kaggle

GitHub AI Projects

Papers with Code


Share with credits: https://t.iss.one/machinelearning_deeplearning

ENJOY LEARNING ๐Ÿ‘๐Ÿ‘
โค6
Many data scientists don't know how to push ML models to production. Here's the recipe ๐Ÿ‘‡

๐—ž๐—ฒ๐˜† ๐—œ๐—ป๐—ด๐—ฟ๐—ฒ๐—ฑ๐—ถ๐—ฒ๐—ป๐˜๐˜€

๐Ÿ”น ๐—ง๐—ฟ๐—ฎ๐—ถ๐—ป / ๐—ง๐—ฒ๐˜€๐˜ ๐——๐—ฎ๐˜๐—ฎ๐˜€๐—ฒ๐˜ - Ensure Test is representative of Online data
๐Ÿ”น ๐—™๐—ฒ๐—ฎ๐˜๐˜‚๐—ฟ๐—ฒ ๐—˜๐—ป๐—ด๐—ถ๐—ป๐—ฒ๐—ฒ๐—ฟ๐—ถ๐—ป๐—ด ๐—ฃ๐—ถ๐—ฝ๐—ฒ๐—น๐—ถ๐—ป๐—ฒ - Generate features in real-time
๐Ÿ”น ๐— ๐—ผ๐—ฑ๐—ฒ๐—น ๐—ข๐—ฏ๐—ท๐—ฒ๐—ฐ๐˜ - Trained SkLearn or Tensorflow Model
๐Ÿ”น ๐—ฃ๐—ฟ๐—ผ๐—ท๐—ฒ๐—ฐ๐˜ ๐—–๐—ผ๐—ฑ๐—ฒ ๐—ฅ๐—ฒ๐—ฝ๐—ผ - Save model project code to Github
๐Ÿ”น ๐—”๐—ฃ๐—œ ๐—™๐—ฟ๐—ฎ๐—บ๐—ฒ๐˜„๐—ผ๐—ฟ๐—ธ - Use FastAPI or Flask to build a model API
๐Ÿ”น ๐——๐—ผ๐—ฐ๐—ธ๐—ฒ๐—ฟ - Containerize the ML model API
๐Ÿ”น ๐—ฅ๐—ฒ๐—บ๐—ผ๐˜๐—ฒ ๐—ฆ๐—ฒ๐—ฟ๐˜ƒ๐—ฒ๐—ฟ - Choose a cloud service; e.g. AWS sagemaker
๐Ÿ”น ๐—จ๐—ป๐—ถ๐˜ ๐—ง๐—ฒ๐˜€๐˜๐˜€ - Test inputs & outputs of functions and APIs
๐Ÿ”น ๐— ๐—ผ๐—ฑ๐—ฒ๐—น ๐— ๐—ผ๐—ป๐—ถ๐˜๐—ผ๐—ฟ๐—ถ๐—ป๐—ด - Evidently AI, a simple, open-source for ML monitoring

๐—ฃ๐—ฟ๐—ผ๐—ฐ๐—ฒ๐—ฑ๐˜‚๐—ฟ๐—ฒ

๐—ฆ๐˜๐—ฒ๐—ฝ ๐Ÿญ - ๐——๐—ฎ๐˜๐—ฎ ๐—ฃ๐—ฟ๐—ฒ๐—ฝ๐—ฎ๐—ฟ๐—ฎ๐˜๐—ถ๐—ผ๐—ป & ๐—™๐—ฒ๐—ฎ๐˜๐˜‚๐—ฟ๐—ฒ ๐—˜๐—ป๐—ด๐—ถ๐—ป๐—ฒ๐—ฒ๐—ฟ๐—ถ๐—ป๐—ด

Don't push a model with 90% accuracy on train set. Do it based on the test set - if and only if, the test set is representative of the online data. Use SkLearn pipeline to chain a series of model preprocessing functions like null handling.

๐—ฆ๐˜๐—ฒ๐—ฝ ๐Ÿฎ - ๐— ๐—ผ๐—ฑ๐—ฒ๐—น ๐——๐—ฒ๐˜ƒ๐—ฒ๐—น๐—ผ๐—ฝ๐—บ๐—ฒ๐—ป๐˜

Train your model with frameworks like Sklearn or Tensorflow. Push the model code including preprocessing, training and validation scripts to Github for reproducibility.

๐—ฆ๐˜๐—ฒ๐—ฝ ๐Ÿฏ - ๐—”๐—ฃ๐—œ ๐——๐—ฒ๐˜ƒ๐—ฒ๐—น๐—ผ๐—ฝ๐—บ๐—ฒ๐—ป๐˜ & ๐—–๐—ผ๐—ป๐˜๐—ฎ๐—ถ๐—ป๐—ฒ๐—ฟ๐—ถ๐˜‡๐—ฎ๐˜๐—ถ๐—ผ๐—ป

Your model needs a "/predict" endpoint, which receives a JSON object in the request input and generates a JSON object with the model score in the response output. You can use frameworks like FastAPI or Flask. Containzerize this API so that it's agnostic to server environment

๐—ฆ๐˜๐—ฒ๐—ฝ ๐Ÿฐ - ๐—ง๐—ฒ๐˜€๐˜๐—ถ๐—ป๐—ด & ๐——๐—ฒ๐—ฝ๐—น๐—ผ๐˜†๐—บ๐—ฒ๐—ป๐˜

Write tests to validate inputs & outputs of API functions to prevent errors. Push the code to remote services like AWS Sagemaker.

๐—ฆ๐˜๐—ฒ๐—ฝ ๐Ÿฑ - ๐— ๐—ผ๐—ป๐—ถ๐˜๐—ผ๐—ฟ๐—ถ๐—ป๐—ด

Set up monitoring tools like Evidently AI, or use a built-in one within AWS Sagemaker. I use such tools to track performance metrics and data drifts on online data.

Data Science Resources
๐Ÿ‘‡๐Ÿ‘‡
https://whatsapp.com/channel/0029Va8v3eo1NCrQfGMseL2D

Like if you need similar content ๐Ÿ˜„๐Ÿ‘
โค3
โœ… 5 Things You Can Build with Generative AI (Even as a Beginner) ๐Ÿš€๐Ÿค–

1๏ธโƒฃ AI Blog Writer โœ๏ธ
โžค Use LLMs like GPT to generate blog posts on any topic.
โžค Tools: ChatGPT, Notion AI
โžค Monetize via affiliate links or ads.

2๏ธโƒฃ AI-Powered Instagram Page ๐Ÿ“ธ
โžค Generate quotes, carousels, or art using text-to-image models.
โžค Tools: DALLยทE, Canva + GPT
โžค Grow followers & earn via brand deals.

3๏ธโƒฃ Custom Chatbot for Business ๐Ÿ›๏ธ
โžค Train a GPT bot to answer customer queries or handle bookings.
โžค Tools: GPT API, Botpress
โžค Sell as a service to small businesses.

4๏ธโƒฃ Auto Code Assistant ๐Ÿ’ป
โžค Build a tool that helps write or explain code using AI.
โžค Tools: GitHub Copilot, GPT-4
โžค Great for developers & SaaS builders.

5๏ธโƒฃ AI Video Shorts Generator ๐ŸŽž๏ธ
โžค Convert blog posts or scripts into short videos using AI.
โžค Tools: Runway, Pika Labs, ElevenLabs
โžค Monetize via YouTube, IG Reels, or clients.

๐Ÿ’ก Combine multiple AI tools for even more powerful results.

๐Ÿ’ฌ Tap โค๏ธ for more!
โค10
ai agents guidebook.pdf
31.7 MB
AI Agent GuideBook ๐Ÿš€

React โค๏ธ For More
โค11๐Ÿ‘1
๐Ÿš€ ๐—•๐—ฒ๐—ฐ๐—ผ๐—บ๐—ฒ ๐—ฎ๐—ป ๐—”๐—ด๐—ฒ๐—ป๐˜๐—ถ๐—ฐ ๐—”๐—œ ๐——๐—ฒ๐˜ƒ๐—ฒ๐—น๐—ผ๐—ฝ๐—ฒ๐—ฟ โ€” ๐—™๐—ฟ๐—ฒ๐—ฒ ๐—–๐—ฒ๐—ฟ๐˜๐—ถ๐—ณ๐—ถ๐—ฐ๐—ฎ๐˜๐—ถ๐—ผ๐—ป ๐—ฃ๐—ฟ๐—ผ๐—ด๐—ฟ๐—ฎ๐—บ

Master the hottest skill in tech: building intelligent AI systems that think and act independently.
Join Ready Tensorโ€™s free, hands-on program to create three portfolio-grade projects: RAG systems โ†’ Multi-agent workflows โ†’ Production deployment.

๐—˜๐—ฎ๐—ฟ๐—ป ๐—ฝ๐—ฟ๐—ผ๐—ณ๐—ฒ๐˜€๐˜€๐—ถ๐—ผ๐—ป๐—ฎ๐—น ๐—ฐ๐—ฒ๐—ฟ๐˜๐—ถ๐—ณ๐—ถ๐—ฐ๐—ฎ๐˜๐—ถ๐—ผ๐—ป and ๐—ด๐—ฒ๐˜ ๐—ป๐—ผ๐˜๐—ถ๐—ฐ๐—ฒ๐—ฑ ๐—ฏ๐˜† ๐˜๐—ผ๐—ฝ ๐—”๐—œ ๐—ฒ๐—บ๐—ฝ๐—น๐—ผ๐˜†๐—ฒ๐—ฟ๐˜€.

๐—™๐—ฟ๐—ฒ๐—ฒ. ๐—ฆ๐—ฒ๐—น๐—ณ-๐—ฝ๐—ฎ๐—ฐ๐—ฒ๐—ฑ. ๐—–๐—ฎ๐—ฟ๐—ฒ๐—ฒ๐—ฟ-๐—ฐ๐—ต๐—ฎ๐—ป๐—ด๐—ถ๐—ป๐—ด.

๐Ÿ‘‰ Join today: https://go.readytensor.ai/cert-544-agentic-ai-certification
โค5๐Ÿ”ฅ1
How to use AI For Job Search
โค2๐Ÿ‘1
Software Engineers vs AI Engineers: ๐Ÿ‘Š

Software engineers are often shocked when they learn of AI engineers' salaries. There are two reasons for this surprise.

1. The total compensation for AI engineers is jaw-dropping. You can check it out at AIPaygrad.es, which has manually verified data for AI engineers. The median overall compensation for a โ€œNoviceโ€ is $328,350/year.
2. AI engineers are no smarter than software engineers. You figure this out only after a friend or acquaintance upskills and finds a lucrative AI job.


The biggest difference between Software and AI engineers is the demand for such roles. One role is declining, and the other is reaching stratospheric heights.

Here is an example.

Just last week, we saw an implosion of OpenAI after Sam Altman was unceremoniously removed from his CEO position. About 95% of their AI Engineers threatened to quit in protest. Rumor had it that these 700 engineers had an open job offer from Microsoft. ๐Ÿš€

Contrast this with the events a few months back. Microsoft laid off 10,000 Software Engineers while setting aside $10B to invest in OpenAI. They cut these jobs despite making stunning profits in 2023.

In conclusion, these events underline a significant shift in the tech industry. For software engineers, it's a call to adapt and possibly upskill in AI, while companies need to balance AI investments with nurturing their current talent. The future of tech hinges on flexibility and continuous learning for everyone involved."
โค7
The Rise of Generative AI in Data Analytics

Today, letโ€™s talk about how Generative AI is reshaping the field of Data Analytics and what this means for YOU as a data professional!

What is Generative AI in Data Analytics Context?

Generative AI refers to AI models that can generate text, code, images, and even data insights based on patterns.

Tools like ChatGPT, Bard, Copilot, and Claude are now being used to:

โœ… Automate data cleaning & transformation
โœ… Generate SQL & Python scripts for complex queries
โœ… Build interactive dashboards with natural language commands
โœ… Provide explainable insights without deep statistical knowledge

How Businesses Are Using AI-Powered Analytics

๐Ÿ“Š Retail & E-commerce โ€“ AI predicts sales trends and personalizes recommendations.

๐Ÿฆ Finance & Banking โ€“ Fraud detection using AI-powered anomaly detection.

๐Ÿฉบ Healthcare โ€“ AI analyzes patient data for early disease detection.

๐Ÿ“ˆ Marketing & Advertising โ€“ AI automates customer segmentation and sentiment analysis.

Should Data Analysts Be Worried?

NO! Instead of replacing data analysts, AI enhances their work by:

๐Ÿš€ Speeding up data preparation
๐Ÿ” Enhancing insights generation
๐Ÿค– Reducing manual repetitive tasks

How You Can Adapt & Stay Ahead

๐Ÿ”น Learn AI-powered tools like Power BIโ€™s Copilot, ChatGPT for SQL, and AutoML.

๐Ÿ”น Improve prompt engineering to interact effectively with AI.

๐Ÿ”น Focus on critical thinking & domain knowledgeโ€”AI canโ€™t replace human intuition!

Generative AI is a game-changer, but the human touch in analytics will always be needed! Instead of fearing AI, use it as your assistant. The future belongs to those who learn, adapt, and innovate.

Here are some telegram channels related to artificial Intelligence and generative AI which will help you with free resources:

https://t.iss.one/generativeai_gpt

https://t.iss.one/machinelearning_deeplearning

https://t.iss.one/AI_Best_Tools

https://t.iss.one/aichads

https://t.iss.one/aiindi

Last one is my favourite โค๏ธ

React with โค๏ธ if you want me to continue posting on such interesting & useful topics

Share with credits: https://t.iss.one/sqlspecialist

Hope it helps :)
โค7
โฌ‡๏ธ Pysentimiento: A Python toolkit for Sentiment Analysis and Social NLP tasks

Github: https://github.com/pysentimiento/pysentimiento

Paper: https://arxiv.org/abs/2106.09462

English model: https://huggingface.co/finiteautomata/bertweet-base-sentiment-analysis
โค1
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
โค7
๐Ÿ“ New research on text creativity

Scientists have shown: texts created by humans are semantically newer than those generated by AI.

๐Ÿ”Ž How it was measured
They introduced the metric "semantic novelty" โ€” the cosine distance between adjacent sentences.

๐Ÿง  Main findings
Human texts consistently show higher novelty across different embedding models (RoBERTa, DistilBERT, MPNet, MiniLM).

In the "human-AI storytelling" dataset, the human contribution was semantically more diverse.

โœจ But there is a nuance
What we call AI "hallucinations" can be useful in collaborative storytelling. They add unexpected twists and help maintain interest in the story.

๐Ÿ‘‰ Conclusion: humans are more innovative, AI is more predictable, but together they enhance each other.
โค2