Code Monkey home page Code Monkey logo

deeplearning.ai_jupyternotebooks's Introduction

Hi 👋, I'm marsggbo

A student who keeps slim and smart

Personal Website

marsggbo

Education

  • 🇸🇬 Research Fellow. School of Computing (SOC), National University of Singapore, 2023-now
  • 🇭🇰 Ph.D. Department of Computer Science, Hong Kong Baptist University, 2018-2023
  • 🇨🇳 B.E. School of Electronic Information and Communications, Huazhong University of Science and Technology, 2014-2018

My current research focuses automated machine learning (AutoML) and distributed training and inference. Should you seek collaboration opportunities, please do not hesitate to reach out to me.

Project

Publications

  • He X, Chu X. MedPipe: End-to-End Joint Search of Data Augmentation Policy and Neural Architecture for 3D Medical Image Classification[C]. IEEE MedAI, 2023.
  • He, X., Yao, J., Wang, Y., Tang, Z., Cheung, K. C., See, S., ... & Chu, X. NAS-LID: Efficient Neural Architecture Search with Local Intrinsic Dimension. AAAI 2023.
  • Ying G, He X, Gao B, et al. EAGAN: Efficient Two-stage Evolutionary Architecture Search for GANs[C]. ECCV 2022. (co-first author)
  • He, X., Ying, G., Zhang, J., & Chu, X.. Evolutionary Multi-objective Architecture Search Framework: Application to COVID-19 3D CT Classification. MICCAI 2022.
  • Tang, Z., Zhang, Y., Shi, S., He, X., Han, B., & Chu, X. (2022). Virtual Homogeneity Learning: Defending against Data Heterogeneity in Federated Learning. ICML 2022.
  • He X, Zhao K, Chu X. AutoML: A Survey of the State-of-the-Art[J]. Knowledge-Based Systems, 2021, 212: 106622. (1000+citations)
  • He, X., Wang, S., Chu, X., Shi, S., Tang, J., Liu, X., Yan, C., Zhang, J., & Ding, G. Automated Model Design and Benchmarking of Deep Learning Models for COVID-19 Detection with Chest CT Scans. AAAI, 2021.
  • Wang Y, Wang Q, Shi S, He X, et al. Benchmarking the performance and energy efficiency of ai accelerators for ai training[C]//2020 20th IEEE/ACM International Symposium on Cluster, Cloud and Internet Computing (CCGRID). IEEE, 2020: 744-751.
  • He X, Wang S, Shi S, et al. Computer-Aided Clinical Skin Disease Diagnosis Using CNN and Object Detection Models[C]//2019 IEEE International Conference on Big Data (Big Data). IEEE, 2019: 4839-4844.

Preprints

  • He X, Wang S, Shi S, et al. Benchmarking deep learning models and automated model design for covid-19 detection with chest ct scans[J]. medRxiv, 2020.

Invited Reviewer for Journals/Conferences

  • IEEE Transactions on Pattern Analysis and Machine Intelligence (TPAMI)
  • IEEE Transactions on Medical Imaging (TMI)
  • IEEE Journal of Biomedical and Health Informatics (JBHI)
  • Expert Systems with Applications
  • AAAI Conference on Artificial Intelligence (AAAI) 2020/2022
  • European Conference on Computer Vision (ECCV) 2022
  • Computer Vision and Pattern Recognition Conference (CVPR) 2023
  • International Conference on Computer Vision (ICCV) 2023

Awards

  • 2020/21 Computer Science Department RPg Performance Award, Hong Kong Baptist University. Link
  • 2020/21 Best Presentation Award of 2021 PG day
  • 2020/21 semester 1, Excellent Teaching Assistant Performance Awards (COMP 7800 Analytic Models in IT Management), Hong Kong Baptist University.
  • 2019/20 semester 2, Excellent Teaching Assistant Performance Awards (COMP 7540 IT Management: Principles & Practice), Hong Kong Baptist University.
  • 2019/20 semester 1, Excellent Teaching Assistant Performance Awards (COMP 7180 Quantitative Methods for Data Analytics & Artificial Intelligence), Hong Kong Baptist University.

Work/Intern Experience

  • 09/2020-11/2020, Huawei Noah'S Ark Lab, Shenzhen.
  • 06/2021-now, NVIDIA AI Tech Center Joint Collaboration Program.

Contact Me

AutoML机器学习

marsggbo

deeplearning.ai_jupyternotebooks's People

Contributors

marsggbo avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

deeplearning.ai_jupyternotebooks's Issues

我在运行的时候一直遇到问题

你好,我在运行的时候一直遇到这样的问题
比如第二课,第一周的Regularization
train_X, train_Y, test_X, test_Y = load_2D_dataset()
哎困扰我很久了,一直没有找到原因

TypeError Traceback (most recent call last)
c:\users\administrator\appdata\local\programs\python\python36-32\lib\site-packages\matplotlib\colors.py in to_rgba(c, alpha)
131 try:
--> 132 rgba = _colors_full_map.cache[c, alpha]
133 except (KeyError, TypeError): # Not in cache, or unhashable.

TypeError: unhashable type: 'numpy.ndarray'

During handling of the above exception, another exception occurred:

ValueError Traceback (most recent call last)
c:\users\administrator\appdata\local\programs\python\python36-32\lib\site-packages\matplotlib\axes_axes.py in scatter(self, x, y, s, c, marker, cmap, norm, vmin, vmax, alpha, linewidths, verts, edgecolors, **kwargs)
3985 # must be acceptable as PathCollection facecolors
-> 3986 colors = mcolors.to_rgba_array(c)
3987 except ValueError:

c:\users\administrator\appdata\local\programs\python\python36-32\lib\site-packages\matplotlib\colors.py in to_rgba_array(c, alpha)
232 for i, cc in enumerate(c):
--> 233 result[i] = to_rgba(cc, alpha)
234 return result

c:\users\administrator\appdata\local\programs\python\python36-32\lib\site-packages\matplotlib\colors.py in to_rgba(c, alpha)
133 except (KeyError, TypeError): # Not in cache, or unhashable.
--> 134 rgba = _to_rgba_no_colorcycle(c, alpha)
135 try:

c:\users\administrator\appdata\local\programs\python\python36-32\lib\site-packages\matplotlib\colors.py in _to_rgba_no_colorcycle(c, alpha)
188 if len(c) not in [3, 4]:
--> 189 raise ValueError("RGBA sequence should have length 3 or 4")
190 if len(c) == 3 and alpha is None:

ValueError: RGBA sequence should have length 3 or 4

During handling of the above exception, another exception occurred:

ValueError Traceback (most recent call last)
in ()
----> 1 train_X, train_Y, test_X, test_Y = load_2D_dataset()

~\Desktop\deeplearning.ai_JupyterNotebooks-master\deeplearning.ai_JupyterNotebooks-master\2_Improving Deep Neural Networks Hyperparameter tuning, Regularization and Optimization\week1\2_Regularization\reg_utils.py in load_2D_dataset()
332 test_Y = data['yval'].T
333
--> 334 plt.scatter(train_X[0, :], train_X[1, :], c=train_Y, s=40, cmap=plt.cm.Spectral);
335
336 return train_X, train_Y, test_X, test_Y

c:\users\administrator\appdata\local\programs\python\python36-32\lib\site-packages\matplotlib\pyplot.py in scatter(x, y, s, c, marker, cmap, norm, vmin, vmax, alpha, linewidths, verts, edgecolors, hold, data, **kwargs)
3376 vmin=vmin, vmax=vmax, alpha=alpha,
3377 linewidths=linewidths, verts=verts,
-> 3378 edgecolors=edgecolors, data=data, **kwargs)
3379 finally:
3380 ax._hold = washold

c:\users\administrator\appdata\local\programs\python\python36-32\lib\site-packages\matplotlib_init_.py in inner(ax, *args, **kwargs)
1715 warnings.warn(msg % (label_namer, func.name),
1716 RuntimeWarning, stacklevel=2)
-> 1717 return func(ax, *args, **kwargs)
1718 pre_doc = inner.doc
1719 if pre_doc is None:

c:\users\administrator\appdata\local\programs\python\python36-32\lib\site-packages\matplotlib\axes_axes.py in scatter(self, x, y, s, c, marker, cmap, norm, vmin, vmax, alpha, linewidths, verts, edgecolors, **kwargs)
3989 msg = ("c of shape {0} not acceptable as a color sequence "
3990 "for x with size {1}, y with size {2}")
-> 3991 raise ValueError(msg.format(c.shape, x.size, y.size))
3992 else:
3993 colors = None # use cmap, norm after collection is created

ValueError: c of shape (1, 211) not acceptable as a color sequence for x with size 211, y with size 211

反向传播(选做), 最后算出来答案对不上,其实也没太搞明白卷积网络的反向传播,知道的麻烦解释一下,谢谢!

The assign of the first week of Lesson 4 5.2.3 Putting it together: Pooling backward
Change Part:

                        # Set dA_prev to be dA_prev + (the mask multiplied by the correct entry of dA) (≈1 line)
                        dA_prev[i, vert_start: vert_end, horiz_start: horiz_end, c] += np.multiply(mask, dA[i, h, w, c])
                        # Get the value a from dA (≈1 line)
                        da = dA[i, h, w, c]
                        # Distribute it to get the correct slice of dA_prev. i.e. Add the distributed value of da. (≈1 line)
                        dA_prev[i, vert_start: vert_end, horiz_start: horiz_end, c] += distribute_value(da, shape)

The Reason:
Pooling Layer 前向传播是一个slice对应一个scalar,所以在反向传播的时候应该是一个scalar对应一个slice。multiply mask and the scalar 再与对应slice相加能够刚好把error传递给最大值;distribute_value与对应slice相加,能够将error 平均分给slice中的每个值,最终实现精准传播误差的目的。
不知道自己有没有描述清楚,@marsggbo谢谢分享作业!!!

第四章, Convolution model - Step by Step 最后pool layer back propagation

应该改成

                   if mode == "max":
                        
                        # Use the corners and "c" to define the current slice from a_prev (≈1 line)
                        a_prev_slice = a_prev[vert_start:vert_end, horiz_start:horiz_end, c]
                        # Create the mask from a_prev_slice (≈1 line)
                        mask = create_mask_from_window(a_prev_slice)
                        # Set dA_prev to be dA_prev + (the mask multiplied by the correct entry of dA) (≈1 line)
                        dA_prev[i, vert_start: vert_end, horiz_start: horiz_end, c] += np.multiply(mask, dA[i, h, w, c])
                        
                    elif mode == "average":
                        
                        # Get the value a from dA (≈1 line)
                        da = dA[i, h, w, c]
                        # Define the shape of the filter as fxf (≈1 line)
                        shape = (f, f)
                        # Distribute it to get the correct slice of dA_prev. i.e. Add the distributed value of da. (≈1 line)
                        dA_prev[i, vert_start: vert_end, horiz_start: horiz_end, c] += distribute_value(da, shape)

第二章week1梯度检验编程作业有误

第二章week1第三个编程作业-梯度检验,最后一个代码块中的
numerator = np.linalg.norm(gradapprox - grad)
应该改为
numerator = np.linalg.norm(grad- gradapprox)
这样最后的结果会和样例输出相同。

Convolution model - Application 前向传播算的结果和答案不一致

自查了好几遍代码没发现问题出在哪里,从前向传播开始计算结果与答案不一致,我错误的结果是
Z3 = [[ 1.4416984 -0.24909666 5.450499 -0.2618962 -0.20669907 1.3654671 ]
[ 1.4070846 -0.02573211 5.08928 -0.48669922 -0.40940708 1.2624859 ]]
cost = 4.6648693
导致后面算cost也是偏大。
求助,讨论一下

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.