Category Archives: AI ML DS RL DL NN NLP Data Mining Optimization

Data Visualization: BASIC CHARTS : Resources:

BASIC CHARTS

Types: Datasets and Data
http://www.cs.ubc.ca/~tmm/talks/minicourse14/vad16nasa.pdf

Common Charts
Histogram: https://en.wikipedia.org/wiki/Histogram
Histogram Examples: https://statistics.laerd.com/statisticalguides/understanding-histograms.php

The problem with Sturges’ rule for constructing histograms
https://robjhyndman.com/papers/sturges.pdf

Bad examples for Histogram: https://www2.southeastern.edu/Academics/Faculty/dgurney/Math241/StatTopics/HistGen.htm

Histogram (Non-Uniform Widths)
https://www.onlinemathlearning.com/histogram-width.html

What Is a Frequency Polygon Used For?
https://www.reference.com/math/frequency-polygon-used-54f72d4d24e0666c

Histograms and histographs
https://www150.statcan.gc.ca/n1/edu/power-pouvoir/ch9/histo/5214822-eng.htm

Frequency Polygon
http://www.matematikaria.com/kamus/frequency-polygon.html

---

Bar Chart

Chart
https://en.wikipedia.org/wiki/Chart#/media/File:F%C3%B6rs%C3%A4ljningsstatisti%20k_f%C3%B6r_blanddrycker.png

https://en.wikipedia.org/wiki/Chart

Bar Chart: Construction
https://www.slideshare.net/infinityrulz/stats-16

Survey:
https://www.slideshare.net/myles_harrison/i-can-see-clearly-now-a-survey-of-data-visualization-techniques-practice-31179055
https://www.slideshare.net/infinityrulz/stats-16

Piechart
https://en.wikipedia.org/wiki/File:ActionnariatLibe2007-fr.svg

http://fluidsurveys.com/university/use-different-chart-types/

Construction of Pie Charts
https://www.math-only-math.com/construction-of-pie-chart.html

Serviceability Reports Archive
https://www.cisco.com/en/US/docs/voice_ip_comm/cucm/service/4_0_1/ccmsrvs/sssrvrep.html

Understanding Pie Charts: Good and bad Examples
https://eagereyes.org/techniques/pie-charts

Box Plot
https://en.wikipedia.org/wiki/Box_plot

How to Read and Use a Box-and-Whisker Plot
https://flowingdata.com/2008/02/15/how-to-read-and-use-a-box-and-whisker-plot/

Boxplot
http://shiny.chemgrid.org/boxplotr/

How to Think Outside the Boxplot
https://blog.minitab.com/blog/statistics-and-quality-data-analysis/how-to-think-outside-the-boxplot

Data Visualization in Python (R)

Python Treemaps with Squarify & Matplotlib

https://fcpython.com/visualisation/python-treemaps-squarify-matplotlib

---

Treemaps With Squarify

https://galaxydatatech.com/2018/03/20/treemaps-with-squarify/

---
200 Basic Treemap with python

https://python-graph-gallery.com/200-basic-treemap-with-python/

---

Dendrograms in Python

https://plot.ly/python/dendrogram/

https://python-graph-gallery.com/dendrogram/

---

HIERARCHICAL CLUSTERING IN R: THE ESSENTIALS

https://www.datanovia.com/en/lessons/examples-of-dendrograms-visualization/

---

Geographic Data with Basemap

https://jakevdp.github.io/PythonDataScienceHandbook/04.13-geographic-data-with-basemap.html

---

Plotting data on a map (Example Gallery)

https://matplotlib.org/basemap/users/examples.html

---

A quick demonstration of creating a basemap and plotting or drawing objects

https://gist.github.com/blaylockbk/79658bdde8c1334ab88d3a67c6e57477

---

Introduction to Interactive Time Series Visualizations with Plotly in Python

https://towardsdatascience.com/introduction-to-interactive-time-series-visualizations-with-plotly-in-python-d3219eb7a7af

---

Time Series Data Visualization with Python

https://machinelearningmastery.com/time-series-data-visualization-with-python/

---

Introduction to Data Visualization in Python

https://towardsdatascience.com/introduction-to-data-visualization-in-python-89a54c97fbed

AI/ML/Data Science: Cross Validation: KFold Cross validation: Concepts, Examples, Projects

Train/Test Split and Cross Validation in Python

https://towardsdatascience.com/train-test-split-and-cross-validation-in-python-80b61beca4b6

sklearn.ensemble.RandomForestRegressor

https://scikit-learn.org/stable/modules/generated/sklearn.ensemble.RandomForestRegressor.html

"A random forest regressor.
A random forest is a meta estimator that fits a number of classifying decision trees on various sub-samples of the dataset and uses averaging to improve the predictive accuracy and control over-fitting. The sub-sample size is always the same as the original input sample size but the samples are drawn with replacement if bootstrap=True (default)."

Prediction: Bayesian: Regression: Concepts/Example Projects

Insurance HealthCare Costs: https://github.com/techshot25/HealthCare

Linear and Bayesian modeling in R: Predicting movie popularity

https://towardsdatascience.com/linear-and-bayesian-modelling-in-r-predicting-movie-popularity-6c8ef0a44184

Bayesian-Stock-Price-Prediction
https://github.com/lschlessinger1/Bayesian-Stock-Price-Prediction

Bayesian Prediction: Well (Oil) Production

https://github.com/jpgrana/bayesian-approach-predicting-well-production

Binary Classification on Stock Market (S&P 500) using Naive Bayes and Logistic Regression

https://github.com/NeilPrabhu/Stock-Prediction

Naive Bayes Weather Prediction

https://github.com/husnainfareed/simple-naive-bayes-weather-prediction/blob/master/bayes.py

Regression Predict Fuel Efficiency:
https://www.tensorflow.org/tutorials/keras/basic_regression

Regression-Example-Predicting-House-Prices

https://github.com/andersy005/deep-learning/blob/master/keras/04-A-Regression-Example-Predicting-House-Prices.ipynb

Stock Price Prediction using Regression

https://github.com/chaitjo/regression-stock-prediction

Concept:

Predicting the Future with Bayes’ Theorem

https://fs.blog/2018/09/bayes-theorem/

Chapter 5 - Bayesian Prediction

https://www.sciencedirect.com/science/article/pii/B9780123748546000089

Books:

Bayesian Methods for Hackers

https://github.com/CamDavidsonPilon/Probabilistic-Programming-and-Bayesian-Methods-for-Hackers

Multiple-linear-regression
https://github.com/topics/multiple-linear-regression

Making Predictions with Regression Analysis

https://statisticsbyjim.com/regression/predictions-regression/

Regression and Prediction
http://jukebox.esc13.net/untdeveloper/RM/Stats_Module_5/Stats_Module_56.html

Statistics: Data Science: Kaiser-Meyer-Olkin (KMO) Test

Kaiser-Meyer-Olkin (KMO) Test for Sampling Adequacy

https://www.statisticshowto.datasciencecentral.com/kaiser-meyer-olkin/

KMO and Bartlett's Test

https://www.ibm.com/support/knowledgecenter/SSLVMB_23.0.0/spss/tutorials/fac_telco_kmo_01.html

What should be ideal KMO value for factor analysis?

https://www.researchgate.net/post/What_should_be_ideal_KMO_value_for_factor_analysis

PCA: Understand the affecting Factors for your portfolio, or credit score, or food pattern (causing diseases)

Overview for Principal Components Analysis

https://support.minitab.com/en-us/minitab/18/help-and-how-to/modeling-statistics/multivariate/how-to/principal-components/before-you-start/overview/

" The goal of principal components analysis is to explain the maximum amount of variance with the fewest number of principal components."

Interpret the key results for Principal Components Analysis

https://support.minitab.com/en-us/minitab/18/help-and-how-to/modeling-statistics/multivariate/how-to/principal-components/interpret-the-results/key-results/

Interpret all statistics and graphs for Principal Components Analysis

https://support.minitab.com/en-us/minitab/18/help-and-how-to/modeling-statistics/multivariate/how-to/principal-components/interpret-the-results/all-statistics-and-graphs/

Methods and formulas for Principal Components Analysis

https://support.minitab.com/en-us/minitab/18/help-and-how-to/modeling-statistics/multivariate/how-to/principal-components/methods-and-formulas/methods-and-formulas/

A step by step explanation of Principal Component Analysis

https://towardsdatascience.com/a-step-by-step-explanation-of-principal-component-analysis-b836fb9c97e2

Principal Component Analysis in Python

https://plot.ly/ipython-notebooks/principal-component-analysis/

Principal Component Analysis: How to reveal the most important variables in your data? - R software and data mining

http://www.sthda.com/english/wiki/print.php?id=204

Articles - Principal Component Methods in R: Practical Guide

http://www.sthda.com/english/articles/31-principal-component-methods-in-r-practical-guide/112-pca-principal-component-analysis-essentials/

Practical Guide to Principal Component Analysis (PCA) in R & Python

https://www.analyticsvidhya.com/blog/2016/03/practical-guide-principal-component-analysis-python/

Principal Component Analysis

http://www.nonlinear.com/support/progenesis/lc-ms/faq/v4.1/pca.aspx

Projects/Research: Association Analysis with Deep Learning

Association Analysis using Deep Learning (Association concepts are provided in the URLs near the end)
---

Use of Deep Learning to Examine the Association of the Built Environment With Prevalence of Neighborhood Adult Obesity
https://jamanetwork.com/journals/jamanetworkopen/fullarticle/2698635

yanbeic/Deep-Association-Learning
https://github.com/yanbeic/Deep-Association-Learning
Tensorflow Implementation of the paper Chen et al. Deep Association Learning for Unsupervised Video Person Re-identification. BMVC2018. You may refer to our poster for a quick overview.

Intruder Detection Using Deep Learning and Association Rule Mining
https://ieeexplore.ieee.org/document/7876395

Deep Association Learning for Unsupervised Video Person Re-identification
https://arxiv.org/abs/1808.07301

Data Association for Multi-Object Tracking via Deep Neural Networks
Kwangjin Yoon,1 Du Yong Kim,2 Young-Chul Yoon,1 and Moongu Jeon1,*
https://www.ncbi.nlm.nih.gov/pmc/articles/PMC6387419/

A Deep-learning Model May Help Predict Lung Cancer Survival and Outcomes
https://www.aacr.org/Newsroom/Pages/News-Release-Detail.aspx?ItemID=1311

Association Learning Via Deep Neural Networks
https://digitalcommons.usu.edu/etd/7028/

The association between deep learning approach and case based learning
https://www.ncbi.nlm.nih.gov/pmc/articles/PMC6460538/

Exemplar-Driven Top-Down Saliency Detection via Deep Association
https://ieeexplore.ieee.org/document/7780986
---

Github Projects:
Tensorflow Implementation of the paper Chen et al. Deep Association Learning for Unsupervised Video Person Re-identification. BMVC2018. You may refer to our poster for a quick overview.
https://github.com/yanbeic/Deep-Association-Learning

haeusser/learning_by_association
This repository contains code for the paper Learning by Association - A versatile semi-supervised training method for neural networks (CVPR 2017) and the follow-up work Associative Domain Adaptation (ICCV 2017).
https://github.com/haeusser/learning_by_association

---
Concept:
Complete guide to Association Rules (1/2)
https://towardsdatascience.com/association-rules-2-aa9a77241654

Association Analysis
https://www.coursera.org/lecture/big-data-machine-learning/association-analysis-oUPXf

Association Rule
https://www.geeksforgeeks.org/association-rule/

MachineX: Layman's Guide to Association Rule Learning
https://dzone.com/articles/machinex-laymans-guide-to-association-rule-learnin

MachineX: Why No One Uses an Apriori Algorithm for Association Rule Learning
https://dzone.com/articles/machinex-why-no-one-uses-apriori-algorithm-for-ass

Association rule learning
https://en.m.wikipedia.org/wiki/Association_rule_learning

An Introduction to Deep Learning
https://towardsdatascience.com/an-introduction-to-deep-learning-af63448c122c

Machine Learning: Apply PCA on Datasets and Related

FactorAnalyzer
https://github.com/EducationalTestingService/factor_analyzer
---
sruti-jain/Marketing-Analysis-for-Hotel-Chain-website
https://github.com/sruti-jain/Marketing-Analysis-for-Hotel-Chain-website
---

Understanding PCA (Principal Component Analysis) with Python
https://towardsdatascience.com/dive-into-pca-principal-component-analysis-with-python-43ded13ead21

The code for the most part will work though it used an earlier version of Python
You will need module: StandardScaler
Otherwise you might find the code below to be useful:
[# ref: https://python-for-multivariate-analysis.readthedocs.io/a_little_book_of_python_for_multivariate_analysis.html]

import sklearn
from sklearn import preprocessing

standardisedX = sklearn.preprocessing.scale(cancer.data)
standardisedX = pd.DataFrame(standardisedX) #, index=cancer.data.index, columns=cancer.data.columns)
standardisedX.apply(np.mean)

X_scaled = standardisedX

from sklearn import decomposition
pca = decomposition.PCA(n_components=3).fit(standardisedX)
pca = decomposition.PCA(n_components=3).fit_transform(standardisedX)
X_pca = pca

ex_variance=np.var(X_pca,axis=0)
ex_variance_ratio = ex_variance/np.sum(ex_variance)
ex_variance_ratio

Xax=X_pca[:,0]
Yax=X_pca[:,1]
labels=cancer.target
cdict={0:'red',1:'green'}
labl={0:'Malignant',1:'Benign'}
marker={0:'*',1:'o'}
alpha={0:.3, 1:.5}
fig,ax=plt.subplots(figsize=(7,5))
fig.patch.set_facecolor('white')
for l in np.unique(labels):
ix=np.where(labels==l)
ax.scatter(Xax[ix],Yax[ix],c=cdict[l],s=40,
label=labl[l],marker=marker[l],alpha=alpha[l])

# for loop ends
plt.xlabel("First Principal Component",fontsize=14)
plt.ylabel("Second Principal Component",fontsize=14)
plt.legend()
plt.show()

Sayed Ahmed

Linkedin: https://ca.linkedin.com/in/sayedjustetc

Blog: http://sitestree.com, http://bangla.salearningschool.com

Tools : Regression: Data Science and Analytics:

Online Multiple Linear Regression
http://www.xuru.org/rt/mlr.asp
---
How to Identify the Most Important Predictor Variables in Regression Models
https://blog.minitab.com/blog/adventures-in-statistics-2/how-to-identify-the-most-important-predictor-variables-in-regression-models
---
How to Interpret Regression Analysis Results: P-values and Coefficients
https://blog.minitab.com/blog/adventures-in-statistics-2/how-to-interpret-regression-analysis-results-p-values-and-coefficients
---
Why You Need to Check Your Residual Plots for Regression Analysis: Or, To Err is Human, To Err Randomly is Statistically Divine
https://blog.minitab.com/blog/adventures-in-statistics-2/why-you-need-to-check-your-residual-plots-for-regression-analysis
---

Multiple Linear Regressions Analysis
Good Part: You can do Residual Analysis
Cons: only 4 variables, and have to enter data manually
http://home.ubalt.edu/ntsbarsh/business-stat/otherapplets/MultRgression.htm

---
Minitab provides the tools you need to analyze data and find meaningful solutions to your toughest business problems.
http://www.minitab.com/en-us/products/minitab/
---
Doing in Excel
http://www.real-statistics.com/multiple-regression/multiple-regression-analysis/multiple-regression-analysis-excel/
--
Multiple Regression Analysis
http://www.real-statistics.com/multiple-regression/multiple-regression-analysis/
--
"Stata is the solution for your data science needs. Obtain and manipulate data. Explore. Visualize. Model. Make inferences. Collect your results into reproducible reports."
https://www.stata.com/
---

Sure, you can write Python/R code or Use SPSS, SAS, Matlab or similar
EXCEL: Access and Activating the Data Analysis Toolpack
http://cameron.econ.ucdavis.edu/excel/ex01access.html
--
"Control your data, extend your reach, improve your processes, grow your revenue"
http://www.statgraphics.com/
---
"Statistix 10Data analysis software for researchers"
https://www.statistix.com/
---
SYSTAT 13.2 – Powerful Statistical Analysis and Graphics Software
https://systatsoftware.com/products/systat/
---
Global No.1 Business Data Platform
https://www.statista.com/
---

Sayed Ahmed

Linkedin: https://ca.linkedin.com/in/sayedjustetc

Blog: http://sitestree.com, http://bangla.salearningschool.com

Next Recession: How to Invest and Profit in the Next Recession

How to Invest and Profit in the Next Recession
https://www.bloomberg.com/opinion/articles/2019-06-17/how-to-invest-and-profit-in-the-next-recession

"
plan on deploying your cash in tranches: Buy a U.S. index fund when markets are down 20 to 25%; add a developed global index fund when markets fall by 30%. And if we are lucky enough to enjoy a 35 to 40% decline (that's assuming you prepared for this moment), buy emerging-market stocks.

"
----

Data Science, Analytics, and Prediction: Basic Knowledge:
https://www.kaggle.com/etakla/exploring-the-dataset-univariate-analysis
https://www.kaggle.com/etakla/exploring-the-dataset-bivariate-analysis
https://towardsdatascience.com/survival-analysis-part-a-70213df21c2e
https://lifelines.readthedocs.io/en/latest/
https://lifelines.readthedocs.io/en/latest/Survival%20Regression.html
https://www.statsdirect.com/help/survival_analysis/cox_regression.htm
https://courses.lumenlearning.com/suny-natural-resources-biometrics/chapter/chapter-7-correlation-and-simple-linear-regression/
https://www.kaggle.com/residentmario/univariate-plotting-with-pandas
https://scikit-learn.org/stable/auto_examples/linear_model/plot_ols.html
https://www.shanelynn.ie/using-pandas-dataframe-creating-editing-viewing-data-in-python/
https://www.pearsonhighered.com/gould-statistics-2e-info/assets/pdf/sample-chapter-ess-ch04.pdf
https://www.kaggle.com/amanajmera1/linear-regression-model-on-nba-dataset
https://www.oreilly.com/library/view/practical-statistics-for/9781491952955/ch04.html
http://sites.utexas.edu/sos/guided/inferential/numeric/bivariate/cor/
https://www.graphpad.com/support/faq/what-is-the-difference-between-correlation-and-linear-regression/
https://www.statsdirect.com/help/regression_and_correlation/simple_linear.htm
https://erc.barnard.edu/spss/pearsons_r
https://www.statpac.com/statistics-calculator/correlation-regression.htm
https://www.statisticssolutions.com/correlation-pearson-kendall-spearman/
https://www.bmj.com/about-bmj/resources-readers/publications/statistics-square-one/11-correlation-and-regression
https://www.statisticssolutions.com/bivariate-correlation/
https://data-flair.training/blogs/python-statistics/

https://www.kaggle.com/naina04/bivariate-plotting-with-pandas

https://medium.com/@purnasaigudikandula/exploratory-data-analysis-beginner-univariate-bivariate-and-multivariate-habberman-dataset-2365264b751

https://www.analyticsvidhya.com/blog/2016/01/guide-data-exploration/

https://python-for-multivariate-analysis.readthedocs.io/a_little_book_of_python_for_multivariate_analysis.html

https://www.kaggle.com/residentmario/univariate-plotting-with-pandas

Sayed Ahmed

Linkedin: https://ca.linkedin.com/in/sayedjustetc

Blog: http://sitestree.com, http://bangla.salearningschool.com

SQL Server (SSAS): Data Mining: Data Science: Data Analytics: Prediction: Neural Networks : Linear/Logistics Regression

SQL Server Analysis Service:

Data Mining Algorithms (Analysis Services - Data Mining)
https://docs.microsoft.com/en-us/sql/analysis-services/data-mining/data-mining-algorithms-analysis-services-data-mining?view=sql-server-2017
--
Microsoft Association Algorithm
https://docs.microsoft.com/en-us/sql/analysis-services/data-mining/microsoft-association-algorithm?view=sql-server-2017
--
Association Model Query Examples
https://docs.microsoft.com/en-us/sql/analysis-services/data-mining/association-model-query-examples?view=sql-server-2017
--
Microsoft Clustering Algorithm
https://docs.microsoft.com/en-us/sql/analysis-services/data-mining/microsoft-clustering-algorithm?view=sql-server-2017

Clustering Model Query Examples
https://docs.microsoft.com/en-us/sql/analysis-services/data-mining/clustering-model-query-examples?view=sql-server-2017

--
Microsoft Time Series Algorithm
https://docs.microsoft.com/en-us/sql/analysis-services/data-mining/microsoft-time-series-algorithm?view=sql-server-2017
---
Time Series Model Query Examples
https://docs.microsoft.com/en-us/sql/analysis-services/data-mining/time-series-model-query-examples?view=sql-server-2017
---

Microsoft Neural Network Algorithm
https://docs.microsoft.com/en-us/sql/analysis-services/data-mining/microsoft-neural-network-algorithm?view=sql-server-2017
---
Neural Network Model Query Examples
https://docs.microsoft.com/en-us/sql/analysis-services/data-mining/neural-network-model-query-examples?view=sql-server-2017
---
Microsoft Naive Bayes Algorithm
https://docs.microsoft.com/en-us/sql/analysis-services/data-mining/microsoft-naive-bayes-algorithm?view=sql-server-2017
---
Microsoft Logistic Regression Algorithm
https://docs.microsoft.com/en-us/sql/analysis-services/data-mining/microsoft-logistic-regression-algorithm?view=sql-server-2017
---
Logistic Regression Model Query Examples
https://docs.microsoft.com/en-us/sql/analysis-services/data-mining/logistic-regression-model-query-examples?view=sql-server-2017
---

Statistics in SQL: Simple Linear Regressions
"
Statistics in SQL: Pearson’s Correlation
Statistics in SQL: Kendall’s Tau Rank Correlation
Statistics in SQL: Simple Linear Regressions
Statistics in SQL: The Kruskal–Wallis Test
Statistics in SQL: The Mann–Whitney U Test
Statistics in SQL: Student's T Test
"
https://www.red-gate.com/simple-talk/blogs/statistics-sql-simple-linear-regressions/
---

Linear Regression Model Query Examples
"Sample Query 1: Using the Data Mining Schema Rowset to Determine Parameters Used for a Model
Sample Query 2: Retrieving the Regression Formula for the Model
Sample Query 3: Returning Only the Coefficient for the Model
Sample Query 4: Predicting Income using a Singleton Query
Sample Query 5: Using Prediction Functions with a Regression Model"

https://docs.microsoft.com/en-us/sql/analysis-services/data-mining/linear-regression-model-query-examples?view=sql-server-2017
--

Prediction Functions:

"
Prediction Function Usage
IsDescendant (DMX) Determines whether one node is a child of another node in the model.
IsInNode (DMX) Indicates whether the specified node contains the current case.
PredictHistogram (DMX) Returns a predicted value, or set of values, for a specified column.
PredictNodeId (DMX) Returns the Node_ID for each case.
PredictStdev (DMX) Returns standard deviation for the predicted value.
PredictSupport (DMX) Returns the support value for a specified state.
PredictVariance (DMX) Returns the variance of a specified column.

"
https://docs.microsoft.com/en-us/sql/analysis-services/data-mining/linear-regression-model-query-examples?view=sql-server-2017
---

Microsoft Linear Regression Algorithm
https://docs.microsoft.com/en-us/sql/analysis-services/data-mining/microsoft-linear-regression-algorithm?view=sql-server-2017
---

Microsoft R
https://mran.microsoft.com/spotlightarchive

---

Decision Trees Model Query Examples
Sample Query 3: Retrieving Subtrees from the Model
Making Predictions using a Decision Trees Model
Sample Query 4: Returning Predictions with Probabilities
Sample Query 5: Predicting Associations from a Decision Trees Model
Sample Query 6: Retrieving a Regression Formula from a Decision Trees Model

https://docs.microsoft.com/en-us/sql/analysis-services/data-mining/decision-trees-model-query-examples?view=sql-server-2017
---

Sayed Ahmed

Linkedin: https://ca.linkedin.com/in/sayedjustetc

Blog: http://sitestree.com, http://bangla.salearningschool.com

AI and ML in 2019: Health/personalized medicine and AI/ML/DL/NLP

Keeping up with AI in 2019. What is the next big thing in AI and ML?
https://medium.com/thelaunchpad/what-is-the-next-big-thing-in-ai-and-ml-904a3f3345ef
---

A Technical Overview of AI & ML (NLP, Computer Vision, Reinforcement Learning) in 2018 & Trends for 2019
https://www.analyticsvidhya.com/blog/2018/12/key-breakthroughs-ai-ml-2018-trends-2019/
---
AI Research Trends
https://ai100.stanford.edu/2016-report/section-i-what-artificial-intelligence/ai-research-trends
---
Artificial intelligence in healthcare: past, present and future
https://www.ncbi.nlm.nih.gov/pmc/articles/PMC5829945/pdf/svn-2017-000101.pdf
---

From hype to reality: data science enabling personalized medicine
https://bmcmedicine.biomedcentral.com/articles/10.1186/s12916-018-1122-7
---
AI Applications for Managing Chronic Kidney Disease
https://emerj.com/ai-sector-overviews/ai-managing-chronic-kidney-disease/
---
Machine Learning, Imaging Analytics Predict Kidney Function
https://healthitanalytics.com/news/machine-learning-imaging-analytics-predict-kidney-function
---
Artificial Intelligence for Diabetes Management and Decision Support: Literature Review
https://www.ncbi.nlm.nih.gov/pmc/articles/PMC6000484/
---
Big science and big data in nephrology
https://www.sciencedirect.com/science/article/pii/S0085253819301115
--
Explainable AI for Trees: From Local Explanations to Global
Understanding
https://arxiv.org/pdf/1905.04610.pdf

---

Unrelated:
Tk 50cr for scientific research
https://www.thedailystar.net/bangladesh-national-budget-2019-20/taka-50cr-for-bangladesh-scientific-research-1756498
---

IT gets Tk1,930 crore boost
Tk100 crore to boost startup ventures
Posts and Telecom gets Tk3,456 crore
https://www.dhakatribune.com/business/economy/2019/06/13/it-gets-tk1-930-crore-boost

Sayed Ahmed

Linkedin: https://ca.linkedin.com/in/sayedjustetc

Blog: http://sitestree.com, http://bangla.salearningschool.com

On Autonomous vehicles: On Driverless Car. On Creating

Self-driving car (autonomous car or driverless car)

https://searchenterpriseai.techtarget.com/definition/driverless-car
---

Book: Creating Autonomous Vehicle Systems

http://www.morganclaypoolpublishers.com/catalog_Orig/samples/9781681730080_sample.pdf
--
Self-Driving Cars Might Need Standards, but Whose?
https://www.nytimes.com/2017/02/23/automobiles/wheels/self-driving-cars-standards.html

---
Your Self-Driving Car – How Did It Get So Smart?

https://hortonworks.com/blog/your-self-driving-car-how-did-it-get-so-smart/
---

NVIDIA introduces DRIVE Constellation Simulation System to drive autonomous vehicles in virtual reality

https://www.designworldonline.com/nvidia-introduces-drive-constellation-simulation-system-to-drive-autonomous-vehicles-in-virtual-reality/

---

MIT 6.S094: Deep Learning for Self-Driving Cars

https://selfdrivingcars.mit.edu/

---

Development and Testing Autonomous Vehicles in Simulation

https://github.com/vojtamolda/autodrome

---
Reinforcement Learning: From Grid World to Self-Driving Cars
https://towardsdatascience.com/reinforcement-learning-from-grid-world-to-self-driving-cars-52bd3e647bc4
---

THE SELF-DRIVING CAR IS HERE

https://www.drive.ai/

---

MADRaS: A Multi-Agent DRiving Simulator for Autonomous Driving Research

https://www.analyticsvidhya.com/blog/2018/10/madras-multi-agent-driving-simulator/
---

Car Makers Are Expanding & Diversifying Self-Driving Business
https://syncedreview.com/2019/03/17/car-makers-are-expanding-diversifying-self-driving-business/

---

Sayed Ahmed

Linkedin: https://ca.linkedin.com/in/sayedjustetc

Blog: http://sitestree.com, http://bangla.salearningschool.com

Reinforcement Learning Concepts Explained in a Simple Way.

Reinforcement Learning Concepts Explained in a Simple (or not) Way.

This is intended for the beginners who want to know the concepts used in Reinforcement Learning i.e. Interactive Learning.

Reinforcement Learning is also one aspect of Machine Learning, Data Science, and AI

Summary of Tabular Methods in Reinforcement Learning

Comparison between the different tabular methods in Reinforcement Learning

https://towardsdatascience.com/summary-of-tabular-methods-in-reinforcement-learning-39d653e904af

---

Silver — Lecture 6: Value Function Approximation

https://medium.com/@SeoJaeDuk/archived-post-rl-course-by-david-silver-lecture-6-value-function-approximation-241695feeb1f

----

Going Deeper Into Reinforcement Learning: Understanding Q-Learning and Linear Function Approximation (might not be simple/easy)

https://danieltakeshi.github.io/2016/10/31/going-deeper-into-reinforcement-learning-understanding-q-learning-and-linear-function-approximation/

Reinforcement in Psychology

"Understanding Reinforcement in Psychology. Reinforcement is a term used in operant conditioning to refer to anything that increases the likelihood that a response will occur. ... Reinforcement can include anything that strengthens or increases a behavior, including specific tangible rewards, events, and situations."

What Is Reinforcement in Operant Conditioning? - Verywell Mind


https://www.verywellmind.com/what-is-reinforcement-2795414

Introduction to Reinforcement Learning 

https://towardsdatascience.com/introduction-to-reinforcement-learning-chapter-1-fc8a196a09e8

Solving the Multi-Armed Bandit Problem

https://towardsdatascience.com/solving-the-multi-armed-bandit-problem-b72de40db97c

My Journey to Reinforcement Learning — Part 2: Multi-Armed Bandit Problem

https://towardsdatascience.com/my-journey-to-reinforcement-learning-part-2-multi-armed-bandit-problem-eefe1afab73c

Self Learning AI-Agents Part I: Markov Decision Processes

https://towardsdatascience.com/self-learning-ai-agents-part-i-markov-decision-processes-baf6b8fc4c5f

Reinforcement Learning Demystified: Markov Decision Processes (Part 1)

https://towardsdatascience.com/reinforcement-learning-demystified-markov-decision-processes-part-1-bf00dda41690

Reinforcement Learning Demystified: Solving MDPs with Dynamic Programming

https://towardsdatascience.com/reinforcement-learning-demystified-solving-mdps-with-dynamic-programming-b52c8093c919

Planning by Dynamic Programming: Reinforcement Learning

https://towardsdatascience.com/planning-by-dynamic-programming-reinforcement-learning-ed4924bbaa4c

Monte Carlo: Reinforcement Learning for Meal Planning based on Meeting a Set Budget and Personal Preferences (Monte Carlo)
https://towardsdatascience.com/reinforcement-learning-for-meal-planning-based-on-meeting-a-set-budget-and-personal-preferences-9624a520cce4

Monte Carlo Simulations with Python (Part 1)

https://towardsdatascience.com/monte-carlo-simulations-with-python-part-1-f5627b7d60b0

Monte Carlo Without the Math

https://towardsdatascience.com/monte-carlo-without-the-math-90630344ff7b

Simple Reinforcement Learning: Temporal Difference Learning

https://towardsdatascience.com/simple-reinforcement-learning-temporal-difference-learning-53d1b3263d79

Model-Free Prediction: Reinforcement Learning

https://towardsdatascience.com/model-free-prediction-reinforcement-learning-507297e8e2ad

What exactly is bootstrapping in reinforcement learning?

https://datascience.stackexchange.com/questions/26938/what-exactly-is-bootstrapping-in-reinforcement-learning

n-step bootstrapping

http://ipvs.informatik.uni-stuttgart.de/mlr/wp-content/uploads/2018/06/18-RL-nstep.pdf

Planning and Learning with Tabular Methods

https://medium.com/@SeoJaeDuk/archived-post-planning-and-learning-with-tabular-methods-8-1-8-4-bf8f836614d0

Sayed Ahmed

Linkedin: https://ca.linkedin.com/in/sayedjustetc

Blog: http://sitestree.com, http://bangla.salearningschool.com

Implement Gradient Descend:

"

Gradient descent is a first-order iterative optimization algorithm for finding the minimum of a function. To find a local minimum of a function usinggradient descent, one takes steps proportional to the negative of the gradient (or approximategradient) of the function at the current point.

Gradient descent - Wikipedia


https://en.wikipedia.org/wiki/Gradient_descent

"

Gradient Descend

# From calculation, it is expected that the local minimum occurs at x=9/4

"""

cur_x = 6 # The algorithm starts at x=6

gamma = 0.01 # step size multiplier

precision = 0.00001

previous_step_size = 1

max_iters = 10000 # maximum number of iterations

iters = 0 #iteration counter

df = lambda x: 4 * x**3 - 9 * x**2

while previous_step_size > precision and iters < max_iters:

prev_x = cur_x

cur_x -= gamma * df(prev_x)

previous_step_size = abs(cur_x - prev_x)

iters+=1

print("The local minimum occurs at", cur_x)

#The output for the above will be: ('The local minimum occurs at', 2.2499646074278457)

"""

#----

print('my part')

co_ef = 6

iter = 0

max_iter = 1000

gamma = 0.001

step = 1

precision = 0.0000001

df = lambda x: 4 * x * x * x - 9 * x * x

while (iter <= max_iter) or (step >= precision ) :

prev_co_ef = co_ef

co_ef -= gamma * df (prev_co_ef)

step = abs (prev_co_ef - co_ef)

print(co_ef)

Sayed Ahmed
sayedum

Linkedin: https://ca.linkedin.com/in/sayedjustetc

Blog: http://sitestree.com, http://bangla.salearningschool.com

Data Science Bangla Tutorial for beginners -2


https://www.coursera.org/specializations/jhu-data-science/1
https://www.quora.com/What-is-your-review-of-Coursera-Data-Science-Specialization-Track
https://www.coursera.org/browse/data-science?languages=en
https://www.udemy.com/courses/search/?q=Data%20science&src=ukw&lang=en
http://www.learndatasci.com/top-udemy-data-science-courses/
https://www.quora.com/What-are-the-best-data-science-courses-on-Udemy
https://www.udemy.com/courses/search/?q=Data%20scince&src=ukw&lang=en
https://www.edx.org/course/data-science-essentials-microsoft-dat203-1x-2
https://academy.microsoft.com/en-us/professional-program/data-science/
https://www.edx.org/course/subject/data-analysis-statistics
https://www.coursera.org/specializations/jhu-data-science?action=enroll
https://www.udacity.com/courses/data-science
http://www.forbes.com/sites/bernardmarr/2016/01/07/big-data-uncovered-what-does-a-data-scientist-really-do/#4442c7286f7f
https://www.datascienceweekly.org/articles/what-do-data-scientists-get-hired-to-do
http://online.rutgers.edu/resources/infographics/what-can-you-do-with-a-career-in-data-science/
http://www.i-programmer.info/professional-programmer/accreditation/8331-what-is-a-data-scientist-and-how-do-i-become-one.html
https://www.quora.com/What-is-a-data-scientist-3
https://www.datacamp.com/community/tutorials/data-science-industry-infographic#gs.ZXRN2l8
http://www.sas.com/en_us/insights/analytics/what-is-a-data-scientist.html
https://www.theguardian.com/careers/2015/jun/30/whats-a-data-scientist-and-how-do-i-become-one
https://www.udemy.com/want-to-be-a-data-scientist/learn/v4/content
https://www.kaggle.com/jobs/17534/medicinfo-data-analist-researcher-tilburg-the-neterlands
http://www.learndatasci.com/top-udemy-data-science-courses/
https://www.kaggle.com/jobs
https://www.indeed.com/q-Data-Scientist-jobs.html
https://www.facebook.com/careers/jobs/a0I1200000JhTuuEAF/
https://www.indeed.com/q-Data-Scientist-l-New-York,-NY-jobs.html
http://fortune.com/2015/05/21/data-science-white-hot/

Data Science Bangla Tutorial for beginners


https://datajobs.com/what-is-data-science
https://www.kaggle.com/wiki/Tutorials
http://blog.datacamp.com/wp-content/uploads/2014/08/How-to-become-a-data-scientist.jpg
https://www.quora.com/How-can-I-become-a-data-scientist-1
http://www.kdnuggets.com/2015/09/free-data-science-books.html
http://www.learndatasci.com/best-data-science-online-courses/
https://www.simplilearn.com/resources-to-learn-data-science-online-article
http://www.forbes.com/sites/drewhansen/2016/10/21/become-data-scientist/#6e201e6a5b1b
https://www.datacamp.com/community/tutorials/how-to-become-a-data-scientist#gs.FLqYd58
http://www.kdnuggets.com/2016/08/become-data-scientist-part-1.html
http://www.itcareerfinder.com/it-careers/big-data-scientist.html
http://www.kdnuggets.com/2014/11/9-must-have-skills-data-scientist.html
http://www.mastersindatascience.org/careers/data-scientist/
https://www.udacity.com/course/intro-to-data-science--ud359
https://www.datacamp.com/subscribe?coupon_code=NY-2017-PROMO
https://blog.modeanalytics.com/data-science-career/
https://www.simplilearn.com/data-science-interview-questions-article
https://www.quora.com/What-is-a-data-scientists-career-path-1
http://blog.udacity.com/2014/11/data-science-job-skills.html
http://101.datascience.community/2016/11/28/data-scientists-data-engineers-software-engineers-the-difference-according-to-linkedin/
https://www.learnpython.org/
https://www.r-bloggers.com/how-to-learn-r-2/
http://www.hadoop360.com/blog/comprehensive-list-of-data-science-resources
http://datasciencereport.com/2016/12/21/best-of-2016-data-science-central-most-popular-articles-this-year/#.WHJ7HVV97ct
https://datascienceplus.com/learn-r-from-scratch-part-1/
http://noeticforce.com/best-free-tutorials-to-learn-python-pdfs-ebooks-online-interactive
https://blog.modeanalytics.com/data-science-career/

A Complete Python Tutorial to Learn Data Science from Scratch

A Complete Tutorial to learn Data Science in R from Scratch


https://www.import.io/post/38-great-resources-for-learning-data-mining-concepts-and-techniques/

Lesson 26: Database Normalization


Database Normalization in bangla.
ডাটাবেজ শিখার সব ভিডিও পেতে ভিজিট করুন http://jompesh.com/videos/list/category/112 , এখানে আরও বাংলায় শিখতে পাবেন Computer Science অন্যান্য বিষয় যেমন data structure , System Analysis and Design , C,C++, JAVA, OOP , Operating System সহ আরও অনেক কিছু .
Keyword: Bangla RDBMS , Bangla Oracle , Bangla database , database tutorials , Database tutorials in bangla , database management system in bangla, Database Normalization , database, database tutorial, বাংলা ডাটাবেজ , ডাটাবেজ , CSE database , database bangla tutorial, oracle tutorial in bangla , video tutorial for database , bangla video tutorial for database , learning database in bangla, ডাটাবেজ ম্যানেজমেন্ট সিস্টেম , ডাটাবেজ কি ? , SQL টিউটোরিয়াল , বাংলা ডাটাবেজ টিউটোরিয়াল , ডাটাবেজ প্রোগ্রাম কী?

Bangla RDBMS Lesson 25 : Relational Database Design Part 2 – Functional dependency


ডাটাবেজ শিখার সব ভিডিও পেতে ভিজিট করুন http://jompesh.com/videos/list/category/112 , এখানে আরও বাংলায় শিখতে পাবেন Computer Science অন্যান্য বিষয় যেমন data structure , System Analysis and Design , C,C++, JAVA, OOP , Operating System সহ আরও অনেক কিছু .
Keyword: Bangla RDBMS , Bangla Oracle , Bangla database , database tutorials , Database tutorials in bangla , database management system in bangla, Database Normalization , database, database tutorial, বাংলা ডাটাবেজ , ডাটাবেজ , CSE database , database bangla tutorial, oracle tutorial in bangla , video tutorial for database , bangla video tutorial for database , learning database in bangla, ডাটাবেজ ম্যানেজমেন্ট সিস্টেম , ডাটাবেজ কি ? , SQL টিউটোরিয়াল , বাংলা ডাটাবেজ টিউটোরিয়াল , ডাটাবেজ প্রোগ্রাম কী?

Lesson24 : Relational Database Design Part 1


ডাটাবেজ শিখার সব ভিডিও পেতে ভিজিট করুন http://jompesh.com/videos/list/category/112 , এখানে আরও বাংলায় শিখতে পাবেন Computer Science অন্যান্য বিষয় যেমন data structure , System Analysis and Design , C,C++, JAVA, OOP , Operating System সহ আরও অনেক কিছু .
Keyword: Bangla RDBMS , Bangla Oracle , Bangla database , database tutorials , Database tutorials in bangla , database management system in bangla, Database Normalization , database, database tutorial, বাংলা ডাটাবেজ , ডাটাবেজ , CSE database , database bangla tutorial, oracle tutorial in bangla , video tutorial for database , bangla video tutorial for database , learning database in bangla, ডাটাবেজ ম্যানেজমেন্ট সিস্টেম , ডাটাবেজ কি ? , SQL টিউটোরিয়াল , বাংলা ডাটাবেজ টিউটোরিয়াল , ডাটাবেজ প্রোগ্রাম কী?

Lesson 17: Database Triggers in bangla


ডাটাবেজ শিখার সব ভিডিও পেতে ভিজিট করুন http://jompesh.com/videos/list/category/112 , এখানে আরও বাংলায় শিখতে পাবেন Computer Science অন্যান্য বিষয় যেমন data structure , System Analysis and Design , C,C++, JAVA, OOP , Operating System সহ আরও অনেক কিছু .
Keyword: Bangla RDBMS , Bangla Oracle , Bangla database , database tutorials , Database tutorials in bangla , database management system in bangla, Database Normalization , database, database tutorial, বাংলা ডাটাবেজ , ডাটাবেজ , CSE database , database bangla tutorial, oracle tutorial in bangla , video tutorial for database , bangla video tutorial for database , learning database in bangla, ডাটাবেজ ম্যানেজমেন্ট সিস্টেম , ডাটাবেজ কি ? , SQL টিউটোরিয়াল , বাংলা ডাটাবেজ টিউটোরিয়াল , ডাটাবেজ প্রোগ্রাম কী?

Lesson 9 : What are Join expressions in database?


What are Join expressions in database? Ouetr join , Inner join , left join , right join.
ডাটাবেজ শিখার সব ভিডিও পেতে ভিজিট করুন http://jompesh.com/videos/list/category/112 , এখানে আরও বাংলায় শিখতে পাবেন Computer Science অন্যান্য বিষয় যেমন data structure , System Analysis and Design , C,C++, JAVA, OOP , Operating System সহ আরও অনেক কিছু .
Keyword: Bangla RDBMS , Bangla Oracle , Bangla database , database tutorials , Database tutorials in bangla , database management system in bangla, Database Normalization , database, database tutorial, বাংলা ডাটাবেজ , ডাটাবেজ , CSE database , database bangla tutorial, oracle tutorial in bangla , video tutorial for database , bangla video tutorial for database , learning database in bangla, ডাটাবেজ ম্যানেজমেন্ট সিস্টেম , ডাটাবেজ কি ? , SQL টিউটোরিয়াল , বাংলা ডাটাবেজ টিউটোরিয়াল , ডাটাবেজ প্রোগ্রাম কী?

Lesson 13 : What is Database Authorization and how to do it?


What is Database Authorization and how to do it?
ডাটাবেজ শিখার সব ভিডিও পেতে ভিজিট করুন http://jompesh.com/videos/list/category/112 , এখানে আরও বাংলায় শিখতে পাবেন Computer Science অন্যান্য বিষয় যেমন data structure , System Analysis and Design , C,C++, JAVA, OOP , Operating System সহ আরও অনেক কিছু .
Keyword: Bangla RDBMS , Bangla Oracle , Bangla database , database tutorials , Database tutorials in bangla , database management system in bangla, Database Normalization , database, database tutorial, বাংলা ডাটাবেজ , ডাটাবেজ , CSE database , database bangla tutorial, oracle tutorial in bangla , video tutorial for database , bangla video tutorial for database , learning database in bangla, ডাটাবেজ ম্যানেজমেন্ট সিস্টেম , ডাটাবেজ কি ? , SQL টিউটোরিয়াল , বাংলা ডাটাবেজ টিউটোরিয়াল , ডাটাবেজ প্রোগ্রাম কী?

Lesson 16 : Procedural Extensions and Stored procedures in database.


Procedural Extensions and Stored procedures in database
ডাটাবেজ শিখার সব ভিডিও পেতে ভিজিট করুন http://jompesh.com/videos/list/category/112 , এখানে আরও বাংলায় শিখতে পাবেন Computer Science অন্যান্য বিষয় যেমন data structure , System Analysis and Design , C,C++, JAVA, OOP , Operating System সহ আরও অনেক কিছু .
Keyword: Bangla RDBMS , Bangla Oracle , Bangla database , database tutorials , Database tutorials in bangla , database management system in bangla, Database Normalization , database, database tutorial, বাংলা ডাটাবেজ , ডাটাবেজ , CSE database , database bangla tutorial, oracle tutorial in bangla , video tutorial for database , bangla video tutorial for database , learning database in bangla, ডাটাবেজ ম্যানেজমেন্ট সিস্টেম , ডাটাবেজ কি ? , SQL টিউটোরিয়াল , বাংলা ডাটাবেজ টিউটোরিয়াল , ডাটাবেজ প্রোগ্রাম কী?

Lesson 11: What is Transaction in database?


What is transaction in database?
ডাটাবেজ শিখার সব ভিডিও পেতে ভিজিট করুন http://jompesh.com/videos/list/category/112 , এখানে আরও বাংলায় শিখতে পাবেন Computer Science অন্যান্য বিষয় যেমন data structure , System Analysis and Design , C,C++, JAVA, OOP , Operating System সহ আরও অনেক কিছু .
Keyword: Bangla RDBMS , Bangla Oracle , Bangla database , database tutorials , Database tutorials in bangla , database management system in bangla, Database Normalization , database, database tutorial, বাংলা ডাটাবেজ , ডাটাবেজ , CSE database , database bangla tutorial, oracle tutorial in bangla , video tutorial for database , bangla video tutorial for database , learning database in bangla, ডাটাবেজ ম্যানেজমেন্ট সিস্টেম , ডাটাবেজ কি ? , SQL টিউটোরিয়াল , বাংলা ডাটাবেজ টিউটোরিয়াল , ডাটাবেজ প্রোগ্রাম কী?

DBMS Lesson 12 : What is integrity Constrain in Database?


What is integrity Constrain in Database?
ডাটাবেজ শিখার সব ভিডিও পেতে ভিজিট করুন http://jompesh.com/videos/list/category/112 , এখানে আরও বাংলায় শিখতে পাবেন Computer Science অন্যান্য বিষয় যেমন data structure , System Analysis and Design , C,C++, JAVA, OOP , Operating System সহ আরও অনেক কিছু .
Keyword: Bangla RDBMS , Bangla Oracle , Bangla database , database tutorials , Database tutorials in bangla , database management system in bangla, Database Normalization , database, database tutorial, বাংলা ডাটাবেজ , ডাটাবেজ , CSE database , database bangla tutorial, oracle tutorial in bangla , video tutorial for database , bangla video tutorial for database , learning database in bangla, ডাটাবেজ ম্যানেজমেন্ট সিস্টেম , ডাটাবেজ কি ? , SQL টিউটোরিয়াল , বাংলা ডাটাবেজ টিউটোরিয়াল , ডাটাবেজ প্রোগ্রাম কী?

Lesson 10: What is View in Database?


What is View in Database?
ডাটাবেজ শিখার সব ভিডিও পেতে ভিজিট করুন http://jompesh.com/videos/list/category/112 , এখানে আরও বাংলায় শিখতে পাবেন Computer Science অন্যান্য বিষয় যেমন data structure , System Analysis and Design , C,C++, JAVA, OOP , Operating System সহ আরও অনেক কিছু .
Keyword: Bangla RDBMS , Bangla Oracle , Bangla database , database tutorials , Database tutorials in bangla , database management system in bangla, Database Normalization , database, database tutorial, বাংলা ডাটাবেজ , ডাটাবেজ , CSE database , database bangla tutorial, oracle tutorial in bangla , video tutorial for database , bangla video tutorial for database , learning database in bangla, ডাটাবেজ ম্যানেজমেন্ট সিস্টেম , ডাটাবেজ কি ? , SQL টিউটোরিয়াল , বাংলা ডাটাবেজ টিউটোরিয়াল , ডাটাবেজ প্রোগ্রাম কী?

Bangla Database Lesson 5 : Introduction to SQL Part 2


Introduction to SQL Part 2.
ডাটাবেজ শিখার সব ভিডিও পেতে ভিজিট করুন http://jompesh.com/videos/list/category/112 , এখানে আরও বাংলায় শিখতে পাবেন Computer Science অন্যান্য বিষয় যেমন data structure , System Analysis and Design , C,C++, JAVA, OOP , Operating System সহ আরও অনেক কিছু .
Keyword: Bangla RDBMS , Bangla Oracle , Bangla database , database tutorials , Database tutorials in bangla , database management system in bangla, Database Normalization , database, database tutorial, বাংলা ডাটাবেজ , ডাটাবেজ , CSE database , database bangla tutorial, oracle tutorial in bangla , video tutorial for database , bangla video tutorial for database , learning database in bangla, ডাটাবেজ ম্যানেজমেন্ট সিস্টেম , ডাটাবেজ কি ? , SQL টিউটোরিয়াল , বাংলা ডাটাবেজ টিউটোরিয়াল , ডাটাবেজ প্রোগ্রাম কী?

Bangla Database Lesson 5 : Introduction to SQL Part 2


Introduction to SQL Part 2.
ডাটাবেজ শিখার সব ভিডিও পেতে ভিজিট করুন http://jompesh.com/videos/list/category/112 , এখানে আরও বাংলায় শিখতে পাবেন Computer Science অন্যান্য বিষয় যেমন data structure , System Analysis and Design , C,C++, JAVA, OOP , Operating System সহ আরও অনেক কিছু .
Keyword: Bangla RDBMS , Bangla Oracle , Bangla database , database tutorials , Database tutorials in bangla , database management system in bangla, Database Normalization , database, database tutorial, বাংলা ডাটাবেজ , ডাটাবেজ , CSE database , database bangla tutorial, oracle tutorial in bangla , video tutorial for database , bangla video tutorial for database , learning database in bangla, ডাটাবেজ ম্যানেজমেন্ট সিস্টেম , ডাটাবেজ কি ? , SQL টিউটোরিয়াল , বাংলা ডাটাবেজ টিউটোরিয়াল , ডাটাবেজ প্রোগ্রাম কী?

RDBMS Lesson 2: Database Management System Concept


Database Management System Concept.
ডাটাবেজ শিখার সব ভিডিও পেতে ভিজিট করুন http://jompesh.com/videos/list/category/112 , এখানে আরও বাংলায় শিখতে পাবেন Computer Science অন্যান্য বিষয় যেমন data structure , System Analysis and Design , C,C++, JAVA, OOP , Operating System সহ আরও অনেক কিছু .
Keyword: Bangla RDBMS , Bangla Oracle , Bangla database , database tutorials , Database tutorials in bangla , database management system in bangla, Database Normalization , database, database tutorial, বাংলা ডাটাবেজ , ডাটাবেজ , CSE database , database bangla tutorial, oracle tutorial in bangla , video tutorial for database , bangla video tutorial for database , learning database in bangla, ডাটাবেজ ম্যানেজমেন্ট সিস্টেম , ডাটাবেজ কি ? , SQL টিউটোরিয়াল , বাংলা ডাটাবেজ টিউটোরিয়াল , ডাটাবেজ প্রোগ্রাম কী?

Top Data Science and Analytics Programs in Canada | Best Big Data Analytics Courses in Canada

Top Data Science and Analytics Programs in Canada | Best Big Data Analytics Courses in Canada

Graduate Programs in Data Science – University of Waterloo

Master of Data Science – University of British Columbia

M.Sc. in Computing & Data Analytics – Saint Mary’s University

Master’s in Big Data – Simon Fraser University

Masters in Data Science and Analytics – Ryerson University

MSc in Applied Computing – University of Toronto

Master of Management Analytics - Queen's University

Master of Business Analytics - York University

MS Computing Science with Big Data Analytics / MS Computing Science with Machine Learning - University of Alberta

MSC IN MANAGEMENT: Business Analytics - University of Western Ontario

Data Science - McGill University / Information Studies - McGill University / Computer Science - McGill University

Data Science Specialization - Carleton University (Alternative Link)

Big Data Management and Analytics - University of Ottawa

MS Information Systems - Athabasca University

Information Security and Data Management - University of Calgary

Computer Science with Database Systems and Data Mining - University of Windsor

Computer Science with Data Management, Analytics, and Mining - University of New Brunswick

Big Data Analytics M.Sc.: Applied Modelling and Quantitative Methods - Trent University

Computer Science with Data Mining - University of Regina

MS Computer Science with Research in Data Science - Acadia University

Sayed Ahmed
647-624-8509, sayedum

Linkedin: https://ca.linkedin.com/in/sayedjustetc

Blog: http://sitestree.com, http://bangla.salearningschool.com

Sayed Ahmed
647-624-8509, sayedum

Linkedin: https://ca.linkedin.com/in/sayedjustetc

Blog: http://sitestree.com, http://bangla.salearningschool.com